Table of Contents


In [1]:
from __future__ import division, print_function, absolute_import
#import tensorflow as tf

# Latest version curve generation helper functions
import numpy as np
import scipy as sp
import math
from scipy.interpolate import splprep, splev
from multiprocessing import Process, Queue, Pool
import json

In [2]:
n_planar_curves_list = []
planar_curves_list = []


def add_noise(inputs, mean, std_dev):
    result = map(lambda x: x + np.random.normal(mean,std_dev,x.shape), inputs)
    return list(result)

#Step autoencoder
_debug_verbose = False 

class AutoEncoder(object):
    def __init__(self, arch):        
        self.num_layers = len(arch)
        self.input_layer_size = arch[0]
        self.output_layer_size = arch[-1]
        self.num_hidden_layers = len(arch)-2
        self.costs = []
        self.weights = [np.random.randn(y, x)
                        for x, y in zip(arch[:-1], arch[1:])]        
        self.biases = [np.random.randn(y, 1) for y in arch[1:]]

    def getParams(self):
        #Get weights and biases unrolled into vector:
        params = [(x.ravel(), y.ravel()) for x, y in zip(self.weights, self.biases)]
        return params
    
    def forward(self, X):
        for b, w in zip(self.biases, self.weights):
            if (_debug_verbose): print("weights: ", w)
            if (_debug_verbose): print("biases: ", b)
            if (_debug_verbose): print("inputs :", X)
            if (_debug_verbose): print("dot product :", np.dot(w, X))
            #print("matrix dot product :", w.dot(X))
            X = self.unit_step(np.dot(w, X) + b)
            if (_debug_verbose): print("result :", X)
        return X.reshape(3,1)
    
    def unit_step(self, z):
        #return (lambda x: 0 if (x) < 0 else 1, z)[1]
        return z
    
    def unit_step_prime(self, z):
        return (1)

    def cost_function(self, X):
        self.yHat = self.forward(X)
        if (_debug_verbose): print ("squared error of X:{0} - Xhat:{1} is {2} & sum is {3}\n".format(X, self.yHat, ((X-self.yHat)**2), sum((X-self.yHat)**2)))
        J = 0.5*sum((X-self.yHat)**2)
        #self.costs.append(J) 
        return J
    
    def cost_derivative(self, output_activations, y):
        return (output_activations-y)   
    
    def cost_function_by_epoch(self, test_data, n_test):
        y_hat = [(self.forward(y)) for (y) in test_data[0:n_test]]
        y = [(y) for (y) in test_data[0:n_test]]
        #print([float(a[0][0]) for a in y])
        np.seterr( over='ignore' )
        #costs = []
        costs = [0.5*((a - b)**2) for a, b in zip(y, y_hat)]
        #costs.append([max(math.sqrt(0.5*(round(a[0][0],2) - round(b[0][0],2))**2),1000) for a, b in zip(y, y_hat)])
        #costs.append([0.5*math.sqrt((float(a[1][0]) - float(b[1][0]))**2) for a, b in zip(y, y_hat)])
        #costs.append([0.5*math.sqrt((float(a[2][0]) - float(b[2][0]))**2) for a, b in zip(y, y_hat)])
        self.costs.append(sum(costs)) #/n_test)
        #self.costs.append(sum(costs[:][:]))
        #self.costs.append([sum(costs[0]),sum(costs[1]),sum(costs[2])])
        if (_debug_verbose): print ("Total Cost {1} for Epoch {0} complete".format(len(self.costs), sum(self.costs[-1])))
        if (_debug_verbose): print ("Axis-wise Cost is {0} ".format((self.costs[-1])))
        return self.costs[-1]

 
    def GD(self, training_data, epochs, learning_rate, test_data=None):
        """Train the neural network using batch-wise 
        gradient descent. If ``test_data`` is provided then the
        network will be evaluated against the test data after each
        epoch, and partial progress printed out."""
        if test_data: n_test = len(test_data)
        n = len(training_data)
        for j in range(epochs):
            np.random.shuffle(training_data)
            self.process_batch(training_data, learning_rate)
            if test_data:
                result = self.evaluate(test_data, n_test)
                if (_debug_verbose): print ("Epoch {0}: Score {1} / {2}".format(j, result, n_test))
            else:
                if (_debug_verbose): print ("Epoch {0} complete".format(j))

                        
    def process_batch(self, batch, learning_rate):
        """Update the network's weights by applying
        gradient descent using backpropagation to a single batch.
        """
        base_w = [np.zeros(w.shape) for w in self.weights]
        base_b = [np.zeros(b.shape) for b in self.biases]
        count=0
        for x in batch:
            delta_error_b , delta_error_w = self.backprop(x)
            updated_b = [nb+dnb for nb, dnb in zip(base_b, delta_error_b)]
            updated_w = [nw+dnw for nw, dnw in zip(base_w, delta_error_w)]
            count=count+1
        #print ("Process {0} inputs backprop ".format(count))    
            eta=learning_rate   
            self.weights = [w-(eta/len(batch))*nw
                        for w, nw in zip(self.weights, updated_w)]
            self.biases = [b-(eta/len(batch))*nb
                       for b, nb in zip(self.biases, updated_b)]
        
    def backprop(self, x):
        """Return ``( delta_w)`` representing the
        gradient for the cost function C_x. """
        
        if (_debug_verbose): print ("input: ", x)
        
        delta_w = [np.zeros(w.shape) for w in self.weights]
        delta_b = [np.zeros(b.shape) for b in self.biases]
        
        activation = x
        activations = [x] # list to store all the activations, layer by layer
        zs = [] # list to store all the activation (z) vectors, layer by layer
        
        for b, w in zip(self.biases, self.weights):
            z = np.dot(w, activation) + b
            zs.append(z)
            activation = self.unit_step(z)
            activations.append(activation)
        
        if (_debug_verbose): print ("activations: ", activations)
        
        # backward pass
        delta = self.cost_derivative(activations[-1], x) *             self.unit_step_prime(zs[-1]) 
        delta_b[-1] = delta    
        delta_w[-1] = np.dot(delta, activations[-2].transpose())
        
        if (_debug_verbose): print ("cost derivative: ", self.cost_derivative(activations[-1], x))
        if (_debug_verbose): print ("unit step: ", self.unit_step_prime(zs[-1]))
        if (_debug_verbose): print("delta: ",delta)
        
        for l in range(2, self.num_layers):
            z = zs[-l]
            step1 = np.dot(self.weights[-l+1].transpose(), delta)
            delta = step1 * z
            delta_b[-l] = delta
            delta_w[-l] = np.dot(delta, activations[-l-1].transpose())
            if (_debug_verbose): print ("delta b updated: ", delta_b)
            if (_debug_verbose): print ("delta w updated:", delta_w)
            
        #print ("delta b: ", delta_b) 
        #print ("delta w:", delta_w)    
            
        return (delta_b, delta_w)

    def evaluate(self, test_data, n_test):
        """Return the number of test inputs for which the neural
        network outputs the correct result. Note that the neural
        network's output is assumed to be the index of whichever
        neuron in the final layer has the highest activation."""
        self.cost_function_by_epoch(test_data, n_test)
        test_results = [self.forward(x)
                        for (x) in test_data]
        return sum(((x) - (x_hat))**2 for (x, x_hat) in zip(test_data, test_results))/n_test      
    
    def reconstruct(self, inputs):
        return [self.forward(x) for (x) in inputs]

In [8]:
import time
start = time.time()
def process_curves(curves_array):
    errors = []
    start = time.time()
    for i in range(len(curves_array[:])):
        print("Analysing curve [", i ,"]")
        start = time.time()
        Planar_Data = list(np.asarray(zip(curves_array[i][0], curves_array[i][1], curves_array[i][2])).reshape(300,3,1)) 
        ae = AutoEncoder([3,2,3])
        #print(Planar_Data)
        #print("AE params:", ae.getParams())
        ae.GD(Planar_Data, 500, 0.1, Planar_Data)
        #print("costs: ", ae.costs)
        print("error for this curve: ", errors)
        #scale errors
        scale=[curves_array[i][j].max() - curves_array[i][j].min() for j in [0,1,2]]
        #scaled_error = [ a[0]/b for a,b in zip(ae.costs[-1],scale)]
        #print("scaled error for this curve: ", scale,  scaled_error)
        #errors.append(scaled_error)
        errors.append(ae.costs[-1])
        planarity_errors = [sum(i[:][:]) for i in errors]
        print("\nTotal Sum Error: ", planarity_errors)
        end = time.time()
        print("Time spent in this curve: ", end - start)
    print(end - start)
    print(errors)
    return planarity_errors

data = {}
data['planar_curves_error'] = []
data['non_planar_curves_error'] = []

In [ ]:
#p_curve_data_1488329066.88168.json
#np_curve_data_1488329083.428903.json
data['planar_curves_error'] = []
with open('p_curve_data_cube_method_1489173944.8.json') as infile:
    c = json.load(infile)
    planar_curves_array = np.asarray(c['planar_curves'])
print("Planar curves read array shape: ", planar_curves_array.shape)
planar_errors = process_curves(planar_curves_array)
data['planar_curves_error'].append(np.asarray(planar_errors).tolist())

import os
os.system('say "your program has finished"')


Planar curves read array shape:  (100, 3, 300)
Analysing curve [ 0 ]
input:  [[-0.86733502]
 [-0.09135316]
 [ 1.02132887]]
activations:  [array([[-0.86733502],
       [-0.09135316],
       [ 1.02132887]]), array([[ 0.2718419 ],
       [ 0.24988635]]), array([[ 0.61081816],
       [ 0.63460069],
       [ 0.04982504]])]
cost derivative:  [[ 1.47815318]
 [ 0.72595385]
 [-0.97150382]]
unit step:  1
delta:  [[ 1.47815318]
 [ 0.72595385]
 [-0.97150382]]
delta b updated:  [array([[ 0.3482355 ],
       [-0.33421657]]), array([[ 1.47815318],
       [ 0.72595385],
       [-0.97150382]])]
delta w updated: [array([[-0.30203685, -0.03181241,  0.35566297],
       [ 0.28987773,  0.03053174, -0.34134503]]), array([[ 0.40182397,  0.36937031],
       [ 0.19734468,  0.18140596],
       [-0.26409545, -0.24276555]])]
input:  [[-0.75549339]
 [-0.01066178]
 [ 1.0795801 ]]
activations:  [array([[-0.75549339],
       [-0.01066178],
       [ 1.0795801 ]]), array([[ 0.31574717],
       [ 0.23894797]]), array([[ 0.68675125],
       [ 0.62188451],
       [ 0.08434051]])]
cost derivative:  [[ 1.44224464]
 [ 0.63254629]
 [-0.99523959]]
unit step:  1
delta:  [[ 1.44224464]
 [ 0.63254629]
 [-0.99523959]]
delta b updated:  [array([[ 0.39654827],
       [-0.29111018]]), array([[ 1.44224464],
       [ 0.63254629],
       [-0.99523959]])]
delta w updated: [array([[-0.2995896 , -0.00422791,  0.42810562],
       [ 0.21993182,  0.00310375, -0.31427675]]), array([[ 0.45538466,  0.34462143],
       [ 0.1997247 ,  0.15114566],
       [-0.31424408, -0.23781048]])]
input:  [[-0.80786871]
 [-0.86671599]
 [ 0.47927961]]
activations:  [array([[-0.80786871],
       [-0.86671599],
       [ 0.47927961]]), array([[ 0.17091487],
       [ 0.01565293]]), array([[ 0.68840464],
       [ 0.85289382],
       [ 0.14421316]])]
cost derivative:  [[ 1.49627334]
 [ 1.71960981]
 [-0.33506645]]
unit step:  1
delta:  [[ 1.49627334]
 [ 1.71960981]
 [-0.33506645]]
delta b updated:  [array([[ 0.21092773],
       [-0.03924027]]), array([[ 1.49627334],
       [ 1.71960981],
       [-0.33506645]])]
delta w updated: [array([[-0.17040192, -0.18281444,  0.10109336],
       [ 0.03170098,  0.03401017, -0.01880706]]), array([[ 0.25573537,  0.02342106],
       [ 0.29390689,  0.02691693],
       [-0.05726784, -0.00524477]])]
input:  [[ 0.8841156 ]
 [-0.79645963]
 [ 0.55486465]]
activations:  [array([[ 0.8841156 ],
       [-0.79645963],
       [ 0.55486465]]), array([[ 0.66601246],
       [-0.4763024 ]]), array([[ 1.9120734 ],
       [ 0.98224495],
       [ 0.77408257]])]
cost derivative:  [[ 1.0279578 ]
 [ 1.77870458]
 [ 0.21921792]]
unit step:  1
delta:  [[ 1.0279578 ]
 [ 1.77870458]
 [ 0.21921792]]
delta b updated:  [array([[ 0.56240551],
       [ 1.17102558]]), array([[ 1.0279578 ],
       [ 1.77870458],
       [ 0.21921792]])]
delta w updated: [array([[ 0.49723148, -0.44793328,  0.31205894],
       [ 1.03532198, -0.93267459,  0.6497607 ]]), array([[ 0.6846327 , -0.48961877],
       [ 1.18463941, -0.84720126],
       [ 0.14600187, -0.10441402]])]
input:  [[-0.85040337]
 [-0.65782519]
 [ 0.62489984]]
activations:  [array([[-0.85040337],
       [-0.65782519],
       [ 0.62489984]]), array([[ 0.18993707],
       [ 0.08652804]]), array([[ 0.64645704],
       [ 0.79081769],
       [ 0.10886156]])]
cost derivative:  [[ 1.4968604 ]
 [ 1.44864287]
 [-0.51603828]]
unit step:  1
delta:  [[ 1.4968604 ]
 [ 1.44864287]
 [-0.51603828]]
delta b updated:  [array([[ 0.23728436],
       [-0.18932778]]), array([[ 1.4968604 ],
       [ 1.44864287],
       [-0.51603828]])]
delta w updated: [array([[-0.20178742, -0.15609163,  0.14827896],
       [ 0.16100498,  0.12454458, -0.1183109 ]]), array([[ 0.28430928,  0.12952039],
       [ 0.27515099,  0.12534822],
       [-0.0980148 , -0.04465178]])]
input:  [[-0.81402889]
 [-0.83872816]
 [ 0.49878306]]
activations:  [array([[-0.81402889],
       [-0.83872816],
       [ 0.49878306]]), array([[ 0.17276735],
       [ 0.0250599 ]]), array([[ 0.68054   ],
       [ 0.84338794],
       [ 0.13931697]])]
cost derivative:  [[ 1.49456888]
 [ 1.6821161 ]
 [-0.35946609]]
unit step:  1
delta:  [[ 1.49456888]
 [ 1.6821161 ]
 [-0.35946609]]
delta b updated:  [array([[ 0.21293479],
       [-0.06167234]]), array([[ 1.49456888],
       [ 1.6821161 ],
       [-0.35946609]])]
delta w updated: [array([[-0.17333507, -0.17859441,  0.10620827],
       [ 0.05020307,  0.05172633, -0.03076112]]), array([[ 0.2582127 ,  0.03745375],
       [ 0.29061473,  0.04215366],
       [-0.062104  , -0.00900818]])]
input:  [[ 0.63635401]
 [-1.09331501]
 [ 0.34311697]]
activations:  [array([[ 0.63635401],
       [-1.09331501],
       [ 0.34311697]]), array([[ 0.54942182],
       [-0.48530044]]), array([[ 1.74468633],
       [ 1.04113226],
       [ 0.70883723]])]
cost derivative:  [[ 1.10833232]
 [ 2.13444727]
 [ 0.36572027]]
unit step:  1
delta:  [[ 1.10833232]
 [ 2.13444727]
 [ 0.36572027]]
delta b updated:  [array([[ 0.4873303 ],
       [ 1.40491036]]), array([[ 1.10833232],
       [ 2.13444727],
       [ 0.36572027]])]
delta w updated: [array([[ 0.31011459, -0.53280554,  0.16721129],
       [ 0.89402034, -1.53600959,  0.48204858]]), array([[ 0.60894196, -0.53787417],
       [ 1.17271191, -1.03584821],
       [ 0.2009347 , -0.17748421]])]
input:  [[ 0.69887632]
 [-1.1126556 ]
 [ 0.330548  ]]
activations:  [array([[ 0.69887632],
       [-1.1126556 ],
       [ 0.330548  ]]), array([[ 0.56394904],
       [-0.51094311]]), array([[ 1.79102016],
       [ 1.05204118],
       [ 0.7345627 ]])]
cost derivative:  [[ 1.09214384]
 [ 2.16469678]
 [ 0.40401471]]
unit step:  1
delta:  [[ 1.09214384]
 [ 2.16469678]
 [ 0.40401471]]
delta b updated:  [array([[ 0.49119499],
       [ 1.49484949]]), array([[ 1.09214384],
       [ 2.16469678],
       [ 0.40401471]])]
delta w updated: [array([[ 0.34328455, -0.54653086,  0.16236352],
       [ 1.04471491, -1.66325266,  0.4941195 ]]), array([[ 0.61591347, -0.55802337],
       [ 1.22077867, -1.10603692],
       [ 0.22784371, -0.20642853]])]
input:  [[-0.89329364]
 [-0.24810329]
 [ 0.91115396]]
activations:  [array([[-0.89329364],
       [-0.24810329],
       [ 0.91115396]]), array([[ 0.23898464],
       [ 0.21341071]]), array([[ 0.59360376],
       [ 0.67234995],
       [ 0.05474091]])]
cost derivative:  [[ 1.4868974 ]
 [ 0.92045325]
 [-0.85641305]]
unit step:  1
delta:  [[ 1.4868974 ]
 [ 0.92045325]
 [-0.85641305]]
delta b updated:  [array([[ 0.30366435],
       [-0.33383042]]), array([[ 1.4868974 ],
       [ 0.92045325],
       [-0.85641305]])]
delta w updated: [array([[-0.27126143, -0.07534012,  0.27668497],
       [ 0.29820859,  0.08282443, -0.30417091]]), array([[ 0.35534564,  0.31731984],
       [ 0.21997419,  0.19643458],
       [-0.20466956, -0.18276772]])]
input:  [[ 0.3062507 ]
 [-0.86339003]
 [ 0.49898272]]
activations:  [array([[ 0.3062507 ],
       [-0.86339003],
       [ 0.49898272]]), array([[ 0.4887938],
       [-0.3231067]]), array([[ 1.49320595],
       [ 0.94815453],
       [ 0.56399642]])]
cost derivative:  [[ 1.18695525]
 [ 1.81154456]
 [ 0.06501371]]
unit step:  1
delta:  [[ 1.18695525]
 [ 1.81154456]
 [ 0.06501371]]
delta b updated:  [array([[ 0.47365622],
       [ 0.81884971]]), array([[ 1.18695525],
       [ 1.81154456],
       [ 0.06501371]])]
delta w updated: [array([[ 0.14505755, -0.40895005,  0.23634626],
       [ 0.2507733 , -0.70698668,  0.40859185]]), array([[ 0.58017637, -0.3835132 ],
       [ 0.88547175, -0.58532219],
       [ 0.0317783 , -0.02100636]])]
input:  [[-0.21431142]
 [-0.37798482]
 [ 0.8307879 ]]
activations:  [array([[-0.21431142],
       [-0.37798482],
       [ 0.8307879 ]]), array([[ 0.4131216 ],
       [-0.02930914]]), array([[ 1.09128246],
       [ 0.76762144],
       [ 0.32270817]])]
cost derivative:  [[ 1.30559388]
 [ 1.14560626]
 [-0.50807972]]
unit step:  1
delta:  [[ 1.30559388]
 [ 1.14560626]
 [-0.50807972]]
delta b updated:  [array([[ 0.45709944],
       [ 0.05223803]]), array([[ 1.30559388],
       [ 1.14560626],
       [-0.50807972]])]
delta w updated: [array([[-0.09796163, -0.17277665,  0.37975268],
       [-0.01119521, -0.01974518,  0.04339872]]), array([[ 0.53936903, -0.03826583],
       [ 0.47327469, -0.03357673],
       [-0.20989871,  0.01489138]])]
input:  [[ 0.27353785]
 [-0.83480259]
 [ 0.51849199]]
activations:  [array([[ 0.27353785],
       [-0.83480259],
       [ 0.51849199]]), array([[ 0.4831816 ],
       [-0.30574565]]), array([[ 1.46672268],
       [ 0.9367955 ],
       [ 0.54921701]])]
cost derivative:  [[ 1.19318483]
 [ 1.77159809]
 [ 0.03072501]]
unit step:  1
delta:  [[ 1.19318483]
 [ 1.77159809]
 [ 0.03072501]]
delta b updated:  [array([[ 0.47100058],
       [ 0.76065589]]), array([[ 1.19318483],
       [ 1.77159809],
       [ 0.03072501]])]
delta w updated: [array([[ 0.12883649, -0.3931925 ,  0.24421003],
       [ 0.20806818, -0.63499751,  0.39439399]]), array([[ 0.57652495, -0.36481107],
       [ 0.85600359, -0.54165841],
       [ 0.01484576, -0.00939404]])]
input:  [[ 0.18458517]
 [-0.75451282]
 [ 0.57333073]]
activations:  [array([[ 0.18458517],
       [-0.75451282],
       [ 0.57333073]]), array([[ 0.4695886 ],
       [-0.25669233]]), array([[ 1.39775458],
       [ 0.90646898],
       [ 0.50833406]])]
cost derivative:  [[ 1.21316941]
 [ 1.66098179]
 [-0.06499667]]
unit step:  1
delta:  [[ 1.21316941]
 [ 1.66098179]
 [-0.06499667]]
delta b updated:  [array([[ 0.46824416],
       [ 0.6064412 ]]), array([[ 1.21316941],
       [ 1.66098179],
       [-0.06499667]])]
delta w updated: [array([[ 0.08643093, -0.35329622,  0.26845876],
       [ 0.11194005, -0.45756766,  0.34769138]]), array([[ 0.56969052, -0.31141129],
       [ 0.77997811, -0.42636129],
       [-0.0305217 ,  0.01668415]])]
input:  [[-0.78790495]
 [-0.95398039]
 [ 0.41848079]]
activations:  [array([[-0.78790495],
       [-0.95398039],
       [ 0.41848079]]), array([[ 0.16070049],
       [-0.01773895]]), array([[ 0.70087508],
       [ 0.87562742],
       [ 0.16063494]])]
cost derivative:  [[ 1.48878002]
 [ 1.82960781]
 [-0.25784585]]
unit step:  1
delta:  [[ 1.48878002]
 [ 1.82960781]
 [-0.25784585]]
delta b updated:  [array([[ 0.19470439],
       [ 0.04661596]]), array([[ 1.48878002],
       [ 1.82960781],
       [-0.25784585]])]
delta w updated: [array([[-0.15340855, -0.18574417,  0.08148005],
       [-0.03672895, -0.04447072,  0.01950789]]), array([[ 0.23924767, -0.0264094 ],
       [ 0.29401886, -0.03245533],
       [-0.04143595,  0.00457392]])]
input:  [[-0.32441767]
 [-0.27805098]
 [ 0.89905324]]
activations:  [array([[-0.32441767],
       [-0.27805098],
       [ 0.89905324]]), array([[ 0.39584189],
       [ 0.03137773]]), array([[ 1.00392369],
       [ 0.72882743],
       [ 0.27216553]])]
cost derivative:  [[ 1.32834136]
 [ 1.00687842]
 [-0.62688771]]
unit step:  1
delta:  [[ 1.32834136]
 [ 1.00687842]
 [-0.62688771]]
delta b updated:  [array([[ 0.44767155],
       [-0.05094291]]), array([[ 1.32834136],
       [ 1.00687842],
       [-0.62688771]])]
delta w updated: [array([[-0.14523256, -0.12447552,  0.40248056],
       [ 0.01652678,  0.01416473, -0.04580039]]), array([[ 0.52581315,  0.04168034],
       [ 0.39856466,  0.03159356],
       [-0.24814841, -0.01967031]])]
input:  [[-0.88956859]
 [-0.37070946]
 [ 0.82535253]]
activations:  [array([[-0.88956859],
       [-0.37070946],
       [ 0.82535253]]), array([[ 0.21969102],
       [ 0.17703376]]), array([[ 0.59713507],
       [ 0.70442703],
       [ 0.0678637 ]])]
cost derivative:  [[ 1.48670366]
 [ 1.07513649]
 [-0.75748883]]
unit step:  1
delta:  [[ 1.48670366]
 [ 1.07513649]
 [-0.75748883]]
delta b updated:  [array([[ 0.27578944],
       [-0.30842251]]), array([[ 1.48670366],
       [ 1.07513649],
       [-0.75748883]])]
delta w updated: [array([[-0.24533362, -0.10223775,  0.22762351],
       [ 0.27436298,  0.11433514, -0.2545573 ]]), array([[ 0.32661545,  0.26319673],
       [ 0.23619784,  0.19033545],
       [-0.1664135 , -0.13410109]])]
input:  [[-0.57477534]
 [-0.08211458]
 [ 1.03236081]]
activations:  [array([[-0.57477534],
       [-0.08211458],
       [ 1.03236081]]), array([[ 0.35340181],
       [ 0.16276114]]), array([[ 0.81055996],
       [ 0.65178057],
       [ 0.15952346]])]
cost derivative:  [[ 1.3853353 ]
 [ 0.73389515]
 [-0.87283734]]
unit step:  1
delta:  [[ 1.3853353 ]
 [ 0.73389515]
 [-0.87283734]]
delta b updated:  [array([[ 0.42154878],
       [-0.21430603]]), array([[ 1.3853353 ],
       [ 0.73389515],
       [-0.87283734]])]
delta w updated: [array([[-0.24229584, -0.0346153 ,  0.43519044],
       [ 0.12317782,  0.01759765, -0.22124115]]), array([[ 0.48958001,  0.22547875],
       [ 0.25935988,  0.11944961],
       [-0.3084623 , -0.142064  ]])]
input:  [[-0.2918166 ]
 [-0.30711228]
 [ 0.87921038]]
activations:  [array([[-0.2918166 ],
       [-0.30711228],
       [ 0.87921038]]), array([[ 0.3999773 ],
       [ 0.01370868]]), array([[ 1.0258532 ],
       [ 0.7387616 ],
       [ 0.28727111]])]
cost derivative:  [[ 1.3176698 ]
 [ 1.04587388]
 [-0.59193927]]
unit step:  1
delta:  [[ 1.3176698 ]
 [ 1.04587388]
 [-0.59193927]]
delta b updated:  [array([[ 0.44679711],
       [-0.02282783]]), array([[ 1.3176698 ],
       [ 1.04587388],
       [-0.59193927]])]
delta w updated: [array([[-0.13038281, -0.13721688,  0.39282865],
       [ 0.00666154,  0.00701071, -0.02007047]]), array([[ 0.52703801,  0.01806351],
       [ 0.41832581,  0.01433755],
       [-0.23676227, -0.0081147 ]])]
input:  [[ 0.46254887]
 [-0.98940729]
 [ 0.41317183]]
activations:  [array([[ 0.46254887],
       [-0.98940729],
       [ 0.41317183]]), array([[ 0.51231   ],
       [-0.40728524]]), array([[ 1.60617937],
       [ 0.9938287 ],
       [ 0.63560454]])]
cost derivative:  [[ 1.1436305 ]
 [ 1.98323599]
 [ 0.22243271]]
unit step:  1
delta:  [[ 1.1436305 ]
 [ 1.98323599]
 [ 0.22243271]]
delta b updated:  [array([[ 0.46911476],
       [ 1.10819012]]), array([[ 1.1436305 ],
       [ 1.98323599],
       [ 0.22243271]])]
delta w updated: [array([[ 0.2169885 , -0.46414556,  0.193825  ],
       [ 0.51259209, -1.09645138,  0.45787294]]), array([[ 0.58589335, -0.46578382],
       [ 1.01603164, -0.80774275],
       [ 0.1139545 , -0.09059356]])]
input:  [[-0.86937796]
 [-0.5441958 ]
 [ 0.70417715]]
activations:  [array([[-0.86937796],
       [-0.5441958 ],
       [ 0.70417715]]), array([[ 0.19805104],
       [ 0.12206356]]), array([[ 0.61676508],
       [ 0.75308708],
       [ 0.09179756]])]
cost derivative:  [[ 1.48614304]
 [ 1.29728288]
 [-0.61237959]]
unit step:  1
delta:  [[ 1.48614304]
 [ 1.29728288]
 [-0.61237959]]
delta b updated:  [array([[ 0.2450548 ],
       [-0.24417217]]), array([[ 1.48614304],
       [ 1.29728288],
       [-0.61237959]])]
delta w updated: [array([[-0.21304525, -0.13335779,  0.17256199],
       [ 0.2122779 ,  0.13287747, -0.17194046]]), array([[ 0.29433217,  0.1814039 ],
       [ 0.25692822,  0.15835096],
       [-0.12128241, -0.07474923]])]
input:  [[ 0.87519723]
 [-0.65344906]
 [ 0.65487403]]
activations:  [array([[ 0.87519723],
       [-0.65344906],
       [ 0.65487403]]), array([[ 0.68102599],
       [-0.43902019]]), array([[ 1.88844107],
       [ 0.93642051],
       [ 0.76015876]])]
cost derivative:  [[ 1.01324384]
 [ 1.58986957]
 [ 0.10528473]]
unit step:  1
delta:  [[ 1.01324384]
 [ 1.58986957]
 [ 0.10528473]]
delta b updated:  [array([[ 0.56698145],
       [ 0.97766977]]), array([[ 1.01324384],
       [ 1.58986957],
       [ 0.10528473]])]
delta w updated: [array([[ 0.4962206 , -0.3704935 ,  0.37130143],
       [ 0.85565387, -0.63885739,  0.64025054]]), array([[ 0.69004538, -0.4448345 ],
       [ 1.08274249, -0.69798484],
       [ 0.07170164, -0.04622212]])]
input:  [[ 0.01360924]
 [-0.59378189]
 [ 0.68322227]]
activations:  [array([[ 0.01360924],
       [-0.59378189],
       [ 0.68322227]]), array([[ 0.44291546],
       [-0.16081253]]), array([[ 1.25921559],
       [ 0.84392096],
       [ 0.42965538]])]
cost derivative:  [[ 1.24560635]
 [ 1.43770284]
 [-0.25356689]]
unit step:  1
delta:  [[ 1.24560635]
 [ 1.43770284]
 [-0.25356689]]
delta b updated:  [array([[ 0.45648303],
       [ 0.3384951 ]]), array([[ 1.24560635],
       [ 1.43770284],
       [-0.25356689]])]
delta w updated: [array([[ 0.00621239, -0.27105135,  0.31187937],
       [ 0.00460666, -0.20099226,  0.23126739]]), array([[ 0.55169831, -0.20030911],
       [ 0.63678082, -0.23120064],
       [-0.1123087 ,  0.04077673]])]
input:  [[ 0.86272391]
 [-0.54843756]
 [ 0.72821772]]
activations:  [array([[ 0.86272391],
       [-0.54843756],
       [ 0.72821772]]), array([[ 0.69262259],
       [-0.40673509]]), array([[ 1.87298937],
       [ 0.9058158 ],
       [ 0.74590943]])]
cost derivative:  [[ 1.01026547]
 [ 1.45425335]
 [ 0.01769171]]
unit step:  1
delta:  [[ 1.01026547]
 [ 1.45425335]
 [ 0.01769171]]
delta b updated:  [array([[ 0.57961735],
       [ 0.84031592]]), array([[ 1.01026547],
       [ 1.45425335],
       [ 0.01769171]])]
delta w updated: [array([[ 0.50004974, -0.31788392,  0.42208762],
       [ 0.72496064, -0.46086081,  0.61193295]]), array([[ 0.69973268, -0.41091041],
       [ 1.00724872, -0.59149586],
       [ 0.01225368, -0.00719584]])]
input:  [[ 0.6280486 ]
 [-1.08977712]
 [ 0.34546499]]
activations:  [array([[ 0.6280486 ],
       [-1.08977712],
       [ 0.34546499]]), array([[ 0.54278015],
       [-0.48830457]]), array([[ 1.72849996],
       [ 1.03517596],
       [ 0.7081723 ]])]
cost derivative:  [[ 1.10045136]
 [ 2.12495308]
 [ 0.36270731]]
unit step:  1
delta:  [[ 1.10045136]
 [ 2.12495308]
 [ 0.36270731]]
delta b updated:  [array([[ 0.4704461 ],
       [ 1.40305134]]), array([[ 1.10045136],
       [ 2.12495308],
       [ 0.36270731]])]
delta w updated: [array([[ 0.29546301, -0.5126814 ,  0.16252266],
       [ 0.88118442, -1.52901325,  0.48470512]]), array([[ 0.59730316, -0.53735542],
       [ 1.15338236, -1.03762429],
       [ 0.19687033, -0.17711163]])]
input:  [[-0.84992859]
 [-0.05851777]
 [ 1.04459451]]
activations:  [array([[-0.84992859],
       [-0.05851777],
       [ 1.04459451]]), array([[ 0.2763368 ],
       [ 0.25176388]]), array([[ 0.60452388],
       [ 0.61860563],
       [ 0.05388404]])]
cost derivative:  [[ 1.45445248]
 [ 0.6771234 ]
 [-0.99071047]]
unit step:  1
delta:  [[ 1.45445248]
 [ 0.6771234 ]
 [-0.99071047]]
delta b updated:  [array([[ 0.34459502],
       [-0.31807823]]), array([[ 1.45445248],
       [ 0.6771234 ],
       [-0.99071047]])]
delta w updated: [array([[-0.29288116, -0.02016493,  0.35996206],
       [ 0.27034379,  0.01861323, -0.33226278]]), array([[ 0.40191874,  0.3661786 ],
       [ 0.18711411,  0.17047521],
       [-0.27376976, -0.24942511]])]
input:  [[-0.80326333]
 [-0.01910134]
 [ 1.07292504]]
activations:  [array([[-0.80326333],
       [-0.01910134],
       [ 1.07292504]]), array([[ 0.29535254],
       [ 0.24893882]]), array([[ 0.63514775],
       [ 0.6114575 ],
       [ 0.06778813]])]
cost derivative:  [[ 1.43841108]
 [ 0.63055884]
 [-1.00513691]]
unit step:  1
delta:  [[ 1.43841108]
 [ 0.63055884]
 [-1.00513691]]
delta b updated:  [array([[ 0.36499929],
       [-0.29981375]]), array([[ 1.43841108],
       [ 0.63055884],
       [-1.00513691]])]
delta w updated: [array([[-0.29319055, -0.00697198,  0.39161688],
       [ 0.24082939,  0.00572684, -0.32167767]]), array([[ 0.42483837,  0.35807636],
       [ 0.18623716,  0.15697058],
       [-0.29686974, -0.2502176 ]])]
input:  [[-0.41942256]
 [-0.19690025]
 [ 0.95440051]]
activations:  [array([[-0.41942256],
       [-0.19690025],
       [ 0.95440051]]), array([[ 0.37788413],
       [ 0.08197026]]), array([[ 0.92156411],
       [ 0.69440498],
       [ 0.22947256]])]
cost derivative:  [[ 1.34098667]
 [ 0.89130523]
 [-0.72492795]]
unit step:  1
delta:  [[ 1.34098667]
 [ 0.89130523]
 [-0.72492795]]
delta b updated:  [array([[ 0.43036417],
       [-0.12177199]]), array([[ 1.34098667],
       [ 0.89130523],
       [-0.72492795]])]
delta w updated: [array([[-0.18050444, -0.08473881,  0.41073978],
       [ 0.05107392,  0.02397694, -0.11621925]]), array([[ 0.50673758,  0.10992103],
       [ 0.3368101 ,  0.07306052],
       [-0.27393877, -0.05942253]])]
input:  [[-0.45000473]
 [-0.17220518]
 [ 0.97121724]]
activations:  [array([[-0.45000473],
       [-0.17220518],
       [ 0.97121724]]), array([[ 0.37257142],
       [ 0.09835163]]), array([[ 0.89705539],
       [ 0.68459032],
       [ 0.21563184]])]
cost derivative:  [[ 1.34706012]
 [ 0.8567955 ]
 [-0.7555854 ]]
unit step:  1
delta:  [[ 1.34706012]
 [ 0.8567955 ]
 [-0.7555854 ]]
delta b updated:  [array([[ 0.42660223],
       [-0.14222096]]), array([[ 1.34706012],
       [ 0.8567955 ],
       [-0.7555854 ]])]
delta w updated: [array([[-0.19197302, -0.07346311,  0.41432344],
       [ 0.06400011,  0.02449119, -0.13812745]]), array([[ 0.5018761 ,  0.13248556],
       [ 0.31921751,  0.08426723],
       [-0.28150952, -0.07431305]])]
input:  [[ 0.77815857]
 [-1.10857954]
 [ 0.33463877]]
activations:  [array([[ 0.77815857],
       [-1.10857954],
       [ 0.33463877]]), array([[ 0.58191695],
       [-0.54038295]]), array([[ 1.83540855],
       [ 1.05259592],
       [ 0.7677721 ]])]
cost derivative:  [[ 1.05724997]
 [ 2.16117546]
 [ 0.43313333]]
unit step:  1
delta:  [[ 1.05724997]
 [ 2.16117546]
 [ 0.43313333]]
delta b updated:  [array([[ 0.48066532],
       [ 1.56916411]]), array([[ 1.05724997],
       [ 2.16117546],
       [ 0.43313333]])]
delta w updated: [array([[ 0.37403384, -0.53285574,  0.16084925],
       [ 1.2210585 , -1.73954323,  0.52510314]]), array([[ 0.61523168, -0.57131986],
       [ 1.25762464, -1.16786237],
       [ 0.25204763, -0.23405787]])]
input:  [[ 0.4324114 ]
 [-0.96680394]
 [ 0.42853068]]
activations:  [array([[ 0.4324114 ],
       [-0.96680394],
       [ 0.42853068]]), array([[ 0.50400954],
       [-0.39623069]]), array([[ 1.57719964],
       [ 0.98283247],
       [ 0.62421007]])]
cost derivative:  [[ 1.14478824]
 [ 1.94963641]
 [ 0.19567938]]
unit step:  1
delta:  [[ 1.14478824]
 [ 1.94963641]
 [ 0.19567938]]
delta b updated:  [array([[ 0.45852635],
       [ 1.06052651]]), array([[ 1.14478824],
       [ 1.94963641],
       [ 0.19567938]])]
delta w updated: [array([[ 0.19827202, -0.44330508,  0.19649261],
       [ 0.45858375, -1.02532122,  0.45446815]]), array([[ 0.5769842 , -0.45360023],
       [ 0.98263536, -0.77250578],
       [ 0.09862428, -0.07753418]])]
input:  [[ 0.35980925]
 [-0.90878401]
 [ 0.46802911]]
activations:  [array([[ 0.35980925],
       [-0.90878401],
       [ 0.46802911]]), array([[ 0.49169605],
       [-0.35844788]]), array([[ 1.52124676],
       [ 0.96012831],
       [ 0.5915228 ]])]
cost derivative:  [[ 1.16143752]
 [ 1.86891232]
 [ 0.12349369]]
unit step:  1
delta:  [[ 1.16143752]
 [ 1.86891232]
 [ 0.12349369]]
delta b updated:  [array([[ 0.45609672],
       [ 0.92671557]]), array([[ 1.16143752],
       [ 1.86891232],
       [ 0.12349369]])]
delta w updated: [array([[ 0.16410782, -0.4144934 ,  0.21346654],
       [ 0.33344083, -0.84218428,  0.43372986]]), array([[ 0.57107424, -0.41631482],
       [ 0.9189368 , -0.66990766],
       [ 0.06072136, -0.04426605]])]
input:  [[-0.62740077]
 [-0.05140675]
 [ 1.05304444]]
activations:  [array([[-0.62740077],
       [-0.05140675],
       [ 1.05304444]]), array([[ 0.33925238],
       [ 0.18533081]]), array([[ 0.76027283],
       [ 0.63418304],
       [ 0.13754765]])]
cost derivative:  [[ 1.3876736 ]
 [ 0.68558979]
 [-0.9154968 ]]
unit step:  1
delta:  [[ 1.3876736 ]
 [ 0.68558979]
 [-0.9154968 ]]
delta b updated:  [array([[ 0.40252474],
       [-0.23233392]]), array([[ 1.3876736 ],
       [ 0.68558979],
       [-0.9154968 ]])]
delta w updated: [array([[-0.25254433, -0.02069249,  0.42387645],
       [ 0.14576648,  0.01194353, -0.24465795]]), array([[ 0.47077157,  0.25717867],
       [ 0.23258797,  0.12706091],
       [-0.31058446, -0.16966976]])]
input:  [[ 0.29539115]
 [-0.85396583]
 [ 0.50541302]]
activations:  [array([[ 0.29539115],
       [-0.85396583],
       [ 0.50541302]]), array([[ 0.48108162],
       [-0.32380409]]), array([[ 1.4704116 ],
       [ 0.93873738],
       [ 0.56233102]])]
cost derivative:  [[ 1.17502045]
 [ 1.7927032 ]
 [ 0.05691801]]
unit step:  1
delta:  [[ 1.17502045]
 [ 1.7927032 ]
 [ 0.05691801]]
delta b updated:  [array([[ 0.4531521 ],
       [ 0.80901677]]), array([[ 1.17502045],
       [ 1.7927032 ],
       [ 0.05691801]])]
delta w updated: [array([[ 0.13385712, -0.38697641,  0.22902897],
       [ 0.2389764 , -0.69087268,  0.40888761]]), array([[ 0.56528074, -0.38047643],
       [ 0.86243656, -0.58048463],
       [ 0.02738221, -0.01843028]])]
input:  [[ 0.75381005]
 [-1.11467609]
 [ 0.32998973]]
activations:  [array([[ 0.75381005],
       [-1.11467609],
       [ 0.32998973]]), array([[ 0.57231201],
       [-0.53841837]]), array([[ 1.81634817],
       [ 1.05150525],
       [ 0.76049354]])]
cost derivative:  [[ 1.06253812]
 [ 2.16618134]
 [ 0.43050381]]
unit step:  1
delta:  [[ 1.06253812]
 [ 2.16618134]
 [ 0.43050381]]
delta b updated:  [array([[ 0.47264248],
       [ 1.56575129]]), array([[ 1.06253812],
       [ 2.16618134],
       [ 0.43050381]])]
delta w updated: [array([[ 0.35628265, -0.52684328,  0.15596716],
       [ 1.18027906, -1.74530553,  0.51668184]]), array([[ 0.60810333, -0.57209005],
       [ 1.23973161, -1.16631183],
       [ 0.2463825 , -0.23179116]])]
input:  [[-0.0896365]
 [-0.4953697]
 [ 0.750529 ]]
activations:  [array([[-0.0896365],
       [-0.4953697],
       [ 0.750529 ]]), array([[ 0.42482852],
       [-0.10595843]]), array([[ 1.17200383],
       [ 0.80454142],
       [ 0.38323456]])]
cost derivative:  [[ 1.26164033]
 [ 1.29991113]
 [-0.36729444]]
unit step:  1
delta:  [[ 1.26164033]
 [ 1.29991113]
 [-0.36729444]]
delta b updated:  [array([[ 0.44291002],
       [ 0.20568385]]), array([[ 1.26164033],
       [ 1.29991113],
       [-0.36729444]])]
delta w updated: [array([[-0.0397009 , -0.21940421,  0.33241682],
       [-0.01843678, -0.10188955,  0.15437169]]), array([[ 0.53598079, -0.13368143],
       [ 0.55223932, -0.13773654],
       [-0.15603715,  0.03891794]])]
input:  [[ 0.79752477]
 [-0.18586622]
 [ 0.98110502]]
activations:  [array([[ 0.79752477],
       [-0.18586622],
       [ 0.98110502]]), array([[ 0.72538673],
       [-0.29011527]]), array([[ 1.80037461],
       [ 0.79615027],
       [ 0.68970186]])]
cost derivative:  [[ 1.00284984]
 [ 0.98201649]
 [-0.29140316]]
unit step:  1
delta:  [[ 1.00284984]
 [ 0.98201649]
 [-0.29140316]]
delta b updated:  [array([[ 0.61869669],
       [ 0.43687531]]), array([[ 1.00284984],
       [ 0.98201649],
       [-0.29140316]])]
delta w updated: [array([[ 0.49342593, -0.11499482,  0.60700642],
       [ 0.34841888, -0.08120036,  0.42862056]]), array([[ 0.72745396, -0.29094205],
       [ 0.71234173, -0.28489798],
       [-0.21137998,  0.08454051]])]
input:  [[ 0.42222839]
 [-0.95895256]
 [ 0.43387011]]
activations:  [array([[ 0.42222839],
       [-0.95895256],
       [ 0.43387011]]), array([[ 0.50004516],
       [-0.39461199]]), array([[ 1.5660236 ],
       [ 0.97856263],
       [ 0.62094818]])]
cost derivative:  [[ 1.14379521]
 [ 1.93751519]
 [ 0.18707807]]
unit step:  1
delta:  [[ 1.14379521]
 [ 1.93751519]
 [ 0.18707807]]
delta b updated:  [array([[ 0.45185823],
       [ 1.04886677]]), array([[ 1.14379521],
       [ 1.93751519],
       [ 0.18707807]])]
delta w updated: [array([[ 0.19078738, -0.43331061,  0.19604778],
       [ 0.44286133, -1.00581347,  0.45507194]]), array([[ 0.57194926, -0.4513553 ],
       [ 0.9688451 , -0.76456672],
       [ 0.09354749, -0.07382325]])]
input:  [[ 0.03656671]
 [-0.6156325 ]
 [ 0.66827857]]
activations:  [array([[ 0.03656671],
       [-0.6156325 ],
       [ 0.66827857]]), array([[ 0.44170642],
       [-0.17976746]]), array([[ 1.26804302],
       [ 0.84860915],
       [ 0.44269899]])]
cost derivative:  [[ 1.23147631]
 [ 1.46424165]
 [-0.22557958]]
unit step:  1
delta:  [[ 1.23147631]
 [ 1.46424165]
 [-0.22557958]]
delta b updated:  [array([[ 0.4438345],
       [ 0.3819187]]), array([[ 1.23147631],
       [ 1.46424165],
       [-0.22557958]])]
delta w updated: [array([[ 0.01622957, -0.27323894,  0.29660508],
       [ 0.01396551, -0.23512156,  0.25522808]]), array([[ 0.54395099, -0.22137937],
       [ 0.64676493, -0.263223  ],
       [-0.09963995,  0.04055187]])]
input:  [[-0.8624718 ]
 [-0.58812709]
 [ 0.67352033]]
activations:  [array([[-0.8624718 ],
       [-0.58812709],
       [ 0.67352033]]), array([[ 0.18869265],
       [ 0.10347164]]), array([[ 0.61278636],
       [ 0.76140701],
       [ 0.09992723]])]
cost derivative:  [[ 1.47525817]
 [ 1.34953409]
 [-0.5735931 ]]
unit step:  1
delta:  [[ 1.47525817]
 [ 1.34953409]
 [-0.5735931 ]]
delta b updated:  [array([[ 0.22810205],
       [-0.21198596]]), array([[ 1.47525817],
       [ 1.34953409],
       [-0.5735931 ]])]
delta w updated: [array([[-0.19673158, -0.13415299,  0.15363136],
       [ 0.18283191,  0.12467469, -0.14277685]]), array([[ 0.27837038,  0.15264738],
       [ 0.25464717,  0.1396385 ],
       [-0.1082328 , -0.05935062]])]
input:  [[-0.65236982]
 [-0.03900642]
 [ 1.06133886]]
activations:  [array([[-0.65236982],
       [-0.03900642],
       [ 1.06133886]]), array([[ 0.33210051],
       [ 0.19499512]]), array([[ 0.73650955],
       [ 0.62619606],
       [ 0.12740596]])]
cost derivative:  [[ 1.38887937]
 [ 0.66520247]
 [-0.9339329 ]]
unit step:  1
delta:  [[ 1.38887937]
 [ 0.66520247]
 [-0.9339329 ]]
delta b updated:  [array([[ 0.39296354],
       [-0.23914242]]), array([[ 1.38887937],
       [ 0.66520247],
       [-0.9339329 ]])]
delta w updated: [array([[-0.25635756, -0.0153281 ,  0.41706748],
       [ 0.1560093 ,  0.00932809, -0.25381114]]), array([[ 0.46124754,  0.2708247 ],
       [ 0.22091408,  0.12971124],
       [-0.31015959, -0.18211236]])]
input:  [[ 0.40166683]
 [-0.94279731]
 [ 0.44486278]]
activations:  [array([[ 0.40166683],
       [-0.94279731],
       [ 0.44486278]]), array([[ 0.49572406],
       [-0.38455878]]), array([[ 1.5476443 ],
       [ 0.97102598],
       [ 0.61218572]])]
cost derivative:  [[ 1.14597747]
 [ 1.91382329]
 [ 0.16732294]]
unit step:  1
delta:  [[ 1.14597747]
 [ 1.91382329]
 [ 0.16732294]]
delta b updated:  [array([[ 0.448123  ],
       [ 1.01105686]]), array([[ 1.14597747],
       [ 1.91382329],
       [ 0.16732294]])]
delta w updated: [array([[ 0.17999615, -0.42248916,  0.19935324],
       [ 0.40610801, -0.95322169,  0.44978156]]), array([[ 0.5680886 , -0.4406957 ],
       [ 0.94872825, -0.73597756],
       [ 0.08294601, -0.06434551]])]
input:  [[-0.15797529]
 [-0.43065982]
 [ 0.7947788 ]]
activations:  [array([[-0.15797529],
       [-0.43065982],
       [ 0.7947788 ]]), array([[ 0.4133234 ],
       [-0.06815142]]), array([[ 1.1143785 ],
       [ 0.77855567],
       [ 0.35189671]])]
cost derivative:  [[ 1.2723538 ]
 [ 1.20921549]
 [-0.44288209]]
unit step:  1
delta:  [[ 1.2723538 ]
 [ 1.20921549]
 [-0.44288209]]
delta b updated:  [array([[ 0.43469853],
       [ 0.12500199]]), array([[ 1.2723538 ],
       [ 1.20921549],
       [-0.44288209]])]
delta w updated: [array([[-0.06867163, -0.18720719,  0.34548918],
       [-0.01974723, -0.05383333,  0.09934893]]), array([[ 0.5258936 , -0.08671272],
       [ 0.49979706, -0.08240975],
       [-0.18305353,  0.03018304]])]
input:  [[-0.83754064]
 [-0.04312429]
 [ 1.05556754]]
activations:  [array([[-0.83754064],
       [-0.04312429],
       [ 1.05556754]]), array([[ 0.27773055],
       [ 0.25035043]]), array([[ 0.5998167 ],
       [ 0.61024603],
       [ 0.05783823]])]
cost derivative:  [[ 1.43735734]
 [ 0.65337032]
 [-0.99772932]]
unit step:  1
delta:  [[ 1.43735734]
 [ 0.65337032]
 [-0.99772932]]
delta b updated:  [array([[ 0.33905656],
       [-0.30612089]]), array([[ 1.43735734],
       [ 0.65337032],
       [-0.99772932]])]
delta w updated: [array([[-0.28397365, -0.01462157,  0.3578971 ],
       [ 0.25638868,  0.01320125, -0.32313127]]), array([[ 0.39919804,  0.35984304],
       [ 0.1814609 ,  0.16357154],
       [-0.27709991, -0.24978197]])]
input:  [[-0.49957509]
 [-0.13409692]
 [ 0.99713094]]
activations:  [array([[-0.49957509],
       [-0.13409692],
       [ 0.99713094]]), array([[ 0.36023193],
       [ 0.12106035]]), array([[ 0.84888877],
       [ 0.66509475],
       [ 0.19449439]])]
cost derivative:  [[ 1.34846386]
 [ 0.79919167]
 [-0.80263655]]
unit step:  1
delta:  [[ 1.34846386]
 [ 0.79919167]
 [-0.80263655]]
delta b updated:  [array([[ 0.41009442],
       [-0.16604435]]), array([[ 1.34846386],
       [ 0.79919167],
       [-0.80263655]])]
delta w updated: [array([[-0.20487296, -0.0549924 ,  0.40891784],
       [ 0.08295162,  0.02226604, -0.16556796]]), array([[ 0.48575974,  0.16324551],
       [ 0.28789436,  0.09675043],
       [-0.28913531, -0.09716747]])]
input:  [[-0.82561786]
 [-0.78438004]
 [ 0.53666163]]
activations:  [array([[-0.82561786],
       [-0.78438004],
       [ 0.53666163]]), array([[ 0.16783513],
       [ 0.03655817]]), array([[ 0.64436285],
       [ 0.81776228],
       [ 0.13275013]])]
cost derivative:  [[ 1.4699807 ]
 [ 1.60214232]
 [-0.4039115 ]]
unit step:  1
delta:  [[ 1.4699807 ]
 [ 1.60214232]
 [-0.4039115 ]]
delta b updated:  [array([[ 0.1984684 ],
       [-0.08555969]]), array([[ 1.4699807 ],
       [ 1.60214232],
       [-0.4039115 ]])]
delta w updated: [array([[-0.16385905, -0.15567465,  0.10651037],
       [ 0.07063961,  0.06711132, -0.0459166 ]]), array([[ 0.24671441,  0.0537398 ],
       [ 0.26889577,  0.05857139],
       [-0.06779054, -0.01476626]])]
input:  [[ 0.7843778 ]
 [-0.12539678]
 [ 1.02324597]]
activations:  [array([[ 0.7843778 ],
       [-0.12539678],
       [ 1.02324597]]), array([[ 0.7284508 ],
       [-0.27046119]]), array([[ 1.78017466],
       [ 0.77481639],
       [ 0.68027325]])]
cost derivative:  [[ 0.99579686]
 [ 0.90021317]
 [-0.34297272]]
unit step:  1
delta:  [[ 0.99579686]
 [ 0.90021317]
 [-0.34297272]]
delta b updated:  [array([[ 0.6164477 ],
       [ 0.37987148]]), array([[ 0.99579686],
       [ 0.90021317],
       [-0.34297272]])]
delta w updated: [array([[ 0.48352789, -0.07730056,  0.63077763],
       [ 0.29796276, -0.04763466,  0.38870196]]), array([[ 0.72538902, -0.26932441],
       [ 0.655761  , -0.24347273],
       [-0.24983875,  0.09276081]])]
input:  [[ 0.76277979]
 [-0.03044527]
 [ 1.08940248]]
activations:  [array([[ 0.76277979],
       [-0.03044527],
       [ 1.08940248]]), array([[ 0.73614568],
       [-0.2372043 ]]), array([[ 1.75853724],
       [ 0.74643239],
       [ 0.66314232]])]
cost derivative:  [[ 0.99575745]
 [ 0.77687766]
 [-0.42626016]]
unit step:  1
delta:  [[ 0.99575745]
 [ 0.77687766]
 [-0.42626016]]
delta b updated:  [array([[ 0.62809152],
       [ 0.2986911 ]]), array([[ 0.99575745],
       [ 0.77687766],
       [-0.42626016]])]
delta w updated: [array([[ 0.47909552, -0.01912241,  0.68424446],
       [ 0.22783553, -0.00909373,  0.32539482]]), array([[ 0.73302255, -0.23619795],
       [ 0.57189514, -0.18427872],
       [-0.31378958,  0.10111075]])]
input:  [[-0.33519014]
 [-0.26856694]
 [ 0.9055268 ]]
activations:  [array([[-0.33519014],
       [-0.26856694],
       [ 0.9055268 ]]), array([[ 0.38566585],
       [ 0.03219426]]), array([[ 0.97196036],
       [ 0.7162258 ],
       [ 0.26975567]])]
cost derivative:  [[ 1.3071505 ]
 [ 0.98479274]
 [-0.63577113]]
unit step:  1
delta:  [[ 1.3071505 ]
 [ 0.98479274]
 [-0.63577113]]
delta b updated:  [array([[ 0.42012121],
       [-0.05076308]]), array([[ 1.3071505 ],
       [ 0.98479274],
       [-0.63577113]])]
delta w updated: [array([[-0.14082049, -0.11283067,  0.38043101],
       [ 0.01701528,  0.01363328, -0.04596733]]), array([[ 0.50412331,  0.04208274],
       [ 0.37980093,  0.03170467],
       [-0.24519522, -0.02046818]])]
input:  [[ 0.84468781]
 [-0.43082952]
 [ 0.81029585]]
activations:  [array([[ 0.84468781],
       [-0.43082952],
       [ 0.81029585]]), array([[ 0.69800637],
       [-0.37628115]]), array([[ 1.83683459],
       [ 0.86512298],
       [ 0.73238576]])]
cost derivative:  [[ 0.99214678]
 [ 1.2959525 ]
 [-0.0779101 ]]
unit step:  1
delta:  [[ 0.99214678]
 [ 1.2959525 ]
 [-0.0779101 ]]
delta b updated:  [array([[ 0.56825776],
       [ 0.70169027]]), array([[ 0.99214678],
       [ 1.2959525 ],
       [-0.0779101 ]])]
delta w updated: [array([[ 0.4800004 , -0.24482222,  0.46045691],
       [ 0.59270921, -0.30230888,  0.56857671]]), array([[ 0.69252477, -0.37332613],
       [ 0.9045831 , -0.4876425 ],
       [-0.05438174,  0.0293161 ]])]
input:  [[ 0.69145814]
 [-1.11114508]
 [ 0.33149012]]
activations:  [array([[ 0.69145814],
       [-1.11114508],
       [ 0.33149012]]), array([[ 0.55058438],
       [-0.52289858]]), array([[ 1.76026779],
       [ 1.04142176],
       [ 0.73909011]])]
cost derivative:  [[ 1.06880965]
 [ 2.15256683]
 [ 0.40759999]]
unit step:  1
delta:  [[ 1.06880965]
 [ 2.15256683]
 [ 0.40759999]]
delta b updated:  [array([[ 0.45046378],
       [ 1.50887703]]), array([[ 1.06880965],
       [ 2.15256683],
       [ 0.40759999]])]
delta w updated: [array([[ 0.31147685, -0.50053062,  0.14932429],
       [ 1.04332531, -1.67658128,  0.50017782]]), array([[ 0.5884699 , -0.55887904],
       [ 1.18516968, -1.12557413],
       [ 0.22441819, -0.21313346]])]
input:  [[ 0.13937598]
 [-0.71261405]
 [ 0.60196689]]
activations:  [array([[ 0.13937598],
       [-0.71261405],
       [ 0.60196689]]), array([[ 0.45300029],
       [-0.24111501]]), array([[ 1.33848659],
       [ 0.88148438],
       [ 0.49228236]])]
cost derivative:  [[ 1.19911061]
 [ 1.59409843]
 [-0.10968453]]
unit step:  1
delta:  [[ 1.19911061]
 [ 1.59409843]
 [-0.10968453]]
delta b updated:  [array([[ 0.4346881 ],
       [ 0.54553921]]), array([[ 1.19911061],
       [ 1.59409843],
       [-0.10968453]])]
delta w updated: [array([[ 0.06058508, -0.30976485,  0.26166784],
       [ 0.07603506, -0.3887589 ,  0.32839654]]), array([[ 0.54319745, -0.28912356],
       [ 0.72212705, -0.38436105],
       [-0.04968712,  0.02644659]])]
input:  [[-0.3027292 ]
 [-0.29732748]
 [ 0.88589238]]
activations:  [array([[-0.3027292 ],
       [-0.29732748],
       [ 0.88589238]]), array([[ 0.38954056],
       [ 0.01269829]]), array([[ 0.99500704],
       [ 0.72618136],
       [ 0.28520797]])]
cost derivative:  [[ 1.29773624]
 [ 1.02350884]
 [-0.6006844 ]]
unit step:  1
delta:  [[ 1.29773624]
 [ 1.02350884]
 [-0.6006844 ]]
delta b updated:  [array([[ 0.41927101],
       [-0.02054435]]), array([[ 1.29773624],
       [ 1.02350884],
       [-0.6006844 ]])]
delta w updated: [array([[-0.12692558, -0.12466079,  0.37142899],
       [ 0.00621938,  0.0061084 , -0.01820009]]), array([[ 0.50552091,  0.01647903],
       [ 0.39869821,  0.01299681],
       [-0.23399094, -0.00762767]])]
input:  [[ 0.88137046]
 [-0.8976838 ]
 [ 0.48393586]]
activations:  [array([[ 0.88137046],
       [-0.8976838 ],
       [ 0.48393586]]), array([[ 0.63629177],
       [-0.5224357 ]]), array([[ 1.88580364],
       [ 0.99796699],
       [ 0.79147296]])]
cost derivative:  [[ 1.00443318]
 [ 1.89565079]
 [ 0.30753711]]
unit step:  1
delta:  [[ 1.00443318]
 [ 1.89565079]
 [ 0.30753711]]
delta b updated:  [array([[ 0.49699111],
       [ 1.34148896]]), array([[ 1.00443318],
       [ 1.89565079],
       [ 0.30753711]])]
delta w updated: [array([[ 0.43803328, -0.44614087,  0.24051182],
       [ 1.18234874, -1.20423291,  0.64919461]]), array([[ 0.63911257, -0.52475176],
       [ 1.206187  , -0.99035566],
       [ 0.19568333, -0.16066836]])]
input:  [[ 0.85862676]
 [-1.01494338]
 [ 0.40146581]]
activations:  [array([[ 0.85862676],
       [-1.01494338],
       [ 0.40146581]]), array([[ 0.61152566],
       [-0.55006047]]), array([[ 1.8754075 ],
       [ 1.02883041],
       [ 0.79440183]])]
cost derivative:  [[ 1.01678074]
 [ 2.0437738 ]
 [ 0.39293602]]
unit step:  1
delta:  [[ 1.01678074]
 [ 2.0437738 ]
 [ 0.39293602]]
delta b updated:  [array([[ 0.47713152],
       [ 1.50905898]]), array([[ 1.01678074],
       [ 2.0437738 ],
       [ 0.39293602]])]
delta w updated: [array([[ 0.40967789, -0.48426147,  0.19155199],
       [ 1.29571843, -1.53160942,  0.60583559]]), array([[ 0.62178751, -0.55929089],
       [ 1.24982011, -1.12419917],
       [ 0.24029046, -0.21613857]])]
input:  [[ 0.85618893]
 [-0.50293269]
 [ 0.75998228]]
activations:  [array([[ 0.85618893],
       [-0.50293269],
       [ 0.75998228]]), array([[ 0.68818173],
       [-0.40486577]]), array([[ 1.84686634],
       [ 0.8854447 ],
       [ 0.74504259]])]
cost derivative:  [[ 0.99067742]
 [ 1.38837739]
 [-0.01493969]]
unit step:  1
delta:  [[ 0.99067742]
 [ 1.38837739]
 [-0.01493969]]
delta b updated:  [array([[ 0.5524903],
       [ 0.7975123]]), array([[ 0.99067742],
       [ 1.38837739],
       [-0.01493969]])]
delta w updated: [array([[ 0.47303607, -0.27786543,  0.41988284],
       [ 0.6828212 , -0.401095  ,  0.60609522]]), array([[ 0.6817661 , -0.40109137],
       [ 0.95545596, -0.56210648],
       [-0.01028122,  0.00604857]])]
input:  [[ 0.82007365]
 [-1.08094931]
 [ 0.3546415 ]]
activations:  [array([[ 0.82007365],
       [-1.08094931],
       [ 0.3546415 ]]), array([[ 0.58956617],
       [-0.55911549]]), array([[ 1.85047181],
       [ 1.04400449],
       [ 0.78671218]])]
cost derivative:  [[ 1.03039816]
 [ 2.12495379]
 [ 0.43207067]]
unit step:  1
delta:  [[ 1.03039816]
 [ 2.12495379]
 [ 0.43207067]]
delta b updated:  [array([[ 0.46208098],
       [ 1.58802456]]), array([[ 1.03039816],
       [ 2.12495379],
       [ 0.43207067]])]
delta w updated: [array([[ 0.37894044, -0.49948612,  0.16387309],
       [ 1.3022971 , -1.71657404,  0.56317941]]), array([[ 0.60748789, -0.57611157],
       [ 1.25280086, -1.18809458],
       [ 0.25473425, -0.24157741]])]
input:  [[-0.8641857 ]
 [-0.08405028]
 [ 1.02649209]]
activations:  [array([[-0.8641857 ],
       [-0.08405028],
       [ 1.02649209]]), array([[ 0.26073157],
       [ 0.24473299]]), array([[ 0.5741541 ],
       [ 0.61559404],
       [ 0.0522472 ]])]
cost derivative:  [[ 1.4383398 ]
 [ 0.69964433]
 [-0.97424489]]
unit step:  1
delta:  [[ 1.4383398 ]
 [ 0.69964433]
 [-0.97424489]]
delta b updated:  [array([[ 0.31502175],
       [-0.31092106]]), array([[ 1.4383398 ],
       [ 0.69964433],
       [-0.97424489]])]
delta w updated: [array([[-0.27223729, -0.02647767,  0.32336733],
       [ 0.26869354,  0.026133  , -0.31915801]]), array([[ 0.37502059,  0.3520092 ],
       [ 0.18241936,  0.17122605],
       [-0.2540164 , -0.23842987]])]
input:  [[-0.03232454]
 [-0.54998373]
 [ 0.71317725]]
activations:  [array([[-0.03232454],
       [-0.54998373],
       [ 0.71317725]]), array([[ 0.42675011],
       [-0.14533287]]), array([[ 1.20229448],
       [ 0.81957305],
       [ 0.4128374 ]])]
cost derivative:  [[ 1.23461902]
 [ 1.36955678]
 [-0.30033985]]
unit step:  1
delta:  [[ 1.23461902]
 [ 1.36955678]
 [-0.30033985]]
delta b updated:  [array([[ 0.42590559],
       [ 0.29137047]]), array([[ 1.23461902],
       [ 1.36955678],
       [-0.30033985]])]
delta w updated: [array([[-0.0137672 , -0.23424114,  0.30374618],
       [-0.00941842, -0.16024902,  0.20779879]]), array([[ 0.5268738 , -0.17943073],
       [ 0.58445851, -0.19904162],
       [-0.12817006,  0.04364925]])]
input:  [[-0.74221482]
 [-0.01150444]
 [ 1.07919707]]
activations:  [array([[-0.74221482],
       [-0.01150444],
       [ 1.07919707]]), array([[ 0.30598355],
       [ 0.22782753]]), array([[ 0.65704017],
       [ 0.6054846 ],
       [ 0.09169123]])]
cost derivative:  [[ 1.39925499]
 [ 0.61698904]
 [-0.98750584]]
unit step:  1
delta:  [[ 1.39925499]
 [ 0.61698904]
 [-0.98750584]]
delta b updated:  [array([[ 0.36128469],
       [-0.2650715 ]]), array([[ 1.39925499],
       [ 0.61698904],
       [-0.98750584]])]
delta w updated: [array([[-0.26815085, -0.00415638,  0.38989738],
       [ 0.19674   ,  0.0030495 , -0.28606439]]), array([[ 0.42814901,  0.31878881],
       [ 0.1887885 ,  0.14056709],
       [-0.30216054, -0.22498102]])]
input:  [[ 0.00212559]
 [-0.58283873]
 [ 0.69070654]]
activations:  [array([[ 0.00212559],
       [-0.58283873],
       [ 0.69070654]]), array([[ 0.43110795],
       [-0.16539118]]), array([[ 1.22739642],
       [ 0.83129763],
       [ 0.42927739]])]
cost derivative:  [[ 1.22527083]
 [ 1.41413636]
 [-0.26142915]]
unit step:  1
delta:  [[ 1.22527083]
 [ 1.41413636]
 [-0.26142915]]
delta b updated:  [array([[ 0.42502148],
       [ 0.33970243]]), array([[ 1.22527083],
       [ 1.41413636],
       [-0.26142915]])]
delta w updated: [array([[ 0.00090342, -0.24771898,  0.29356512],
       [ 0.00072207, -0.19799173,  0.23463469]]), array([[ 0.528224  , -0.20264899],
       [ 0.60964543, -0.23388569],
       [-0.11270418,  0.04323808]])]
input:  [[ 0.8708618 ]
 [-0.61292545]
 [ 0.68318458]]
activations:  [array([[ 0.8708618 ],
       [-0.61292545],
       [ 0.68318458]]), array([[ 0.67402166],
       [-0.44299159]]), array([[ 1.8598483 ],
       [ 0.91628437],
       [ 0.76234476]])]
cost derivative:  [[ 0.9889865 ]
 [ 1.52920982]
 [ 0.07916017]]
unit step:  1
delta:  [[ 0.9889865 ]
 [ 1.52920982]
 [ 0.07916017]]
delta b updated:  [array([[ 0.53105074],
       [ 0.94436067]]), array([[ 0.9889865 ],
       [ 1.52920982],
       [ 0.07916017]])]
delta w updated: [array([[ 0.4624718 , -0.32549451,  0.36280568],
       [ 0.82240764, -0.57882269,  0.64517265]]), array([[ 0.66659833, -0.4381127 ],
       [ 1.03072055, -0.67742709],
       [ 0.05335567, -0.03506729]])]
input:  [[-0.89248299]
 [-0.32136112]
 [ 0.85986509]]
activations:  [array([[-0.89248299],
       [-0.32136112],
       [ 0.85986509]]), array([[ 0.2152878 ],
       [ 0.18556345]]), array([[ 0.56214038],
       [ 0.6783274 ],
       [ 0.0644475 ]])]
cost derivative:  [[ 1.45462337]
 [ 0.99968853]
 [-0.79541759]]
unit step:  1
delta:  [[ 1.45462337]
 [ 0.99968853]
 [-0.79541759]]
delta b updated:  [array([[ 0.25758131],
       [-0.30112343]]), array([[ 1.45462337],
       [ 0.99968853],
       [-0.79541759]])]
delta w updated: [array([[-0.22988694, -0.08277662,  0.22148518],
       [ 0.26874754,  0.09676936, -0.25892552]]), array([[ 0.31316267,  0.26992493],
       [ 0.21522075,  0.18550566],
       [-0.17124371, -0.14760043]])]
input:  [[ 0.8773334 ]
 [-0.93457826]
 [ 0.45803619]]
activations:  [array([[ 0.8773334 ],
       [-0.93457826],
       [ 0.45803619]]), array([[ 0.62643784],
       [-0.53758975]]), array([[ 1.88056496],
       [ 1.00664295],
       [ 0.79601121]])]
cost derivative:  [[ 1.00323156]
 [ 1.94122121]
 [ 0.33797502]]
unit step:  1
delta:  [[ 1.00323156]
 [ 1.94122121]
 [ 0.33797502]]
delta b updated:  [array([[ 0.48213181],
       [ 1.40647612]]), array([[ 1.00323156],
       [ 1.94122121],
       [ 0.33797502]])]
delta w updated: [array([[ 0.42299034, -0.45058991,  0.22083382],
       [ 1.23394848, -1.314462  ,  0.64421696]]), array([[ 0.62846221, -0.539327  ],
       [ 1.21605442, -1.04358062],
       [ 0.21172034, -0.18169191]])]
input:  [[ 0.55803192]
 [-1.05329141]
 [ 0.36992359]]
activations:  [array([[ 0.55803192],
       [-1.05329141],
       [ 0.36992359]]), array([[ 0.51694037],
       [-0.47382332]]), array([[ 1.65480324],
       [ 1.01172553],
       [ 0.68638457]])]
cost derivative:  [[ 1.09677132]
 [ 2.06501694]
 [ 0.31646097]]
unit step:  1
delta:  [[ 1.09677132]
 [ 2.06501694]
 [ 0.31646097]]
delta b updated:  [array([[ 0.43172692],
       [ 1.31844865]]), array([[ 1.09677132],
       [ 2.06501694],
       [ 0.31646097]])]
delta w updated: [array([[ 0.2409174 , -0.45473425,  0.15970597],
       [ 0.73573643, -1.38871064,  0.48772526]]), array([[ 0.56696537, -0.51967582],
       [ 1.06749063, -0.97845318],
       [ 0.16359145, -0.14994659]])]
input:  [[-0.76193823]
 [-0.01066996]
 [ 1.07947387]]
activations:  [array([[-0.76193823],
       [-0.01066996],
       [ 1.07947387]]), array([[ 0.29921901],
       [ 0.23330741]]), array([[ 0.6389988 ],
       [ 0.60165196],
       [ 0.08441688]])]
cost derivative:  [[ 1.40093703]
 [ 0.61232192]
 [-0.99505699]]
unit step:  1
delta:  [[ 1.40093703]
 [ 0.61232192]
 [-0.99505699]]
delta b updated:  [array([[ 0.3526102],
       [-0.2696813]]), array([[ 1.40093703],
       [ 0.61232192],
       [-0.99505699]])]
delta w updated: [array([[-0.26866719, -0.00376234,  0.3806335 ],
       [ 0.20548049,  0.00287749, -0.29111392]]), array([[ 0.41918699,  0.32684899],
       [ 0.18321836,  0.14285924],
       [-0.29773997, -0.23215417]])]
input:  [[-0.81885068]
 [-0.02741125]
 [ 1.06686264]]
activations:  [array([[-0.81885068],
       [-0.02741125],
       [ 1.06686264]]), array([[ 0.28013217],
       [ 0.24643263]]), array([[ 0.59725057],
       [ 0.60104548],
       [ 0.06439   ]])]
cost derivative:  [[ 1.41610126]
 [ 0.62845673]
 [-1.00247265]]
unit step:  1
delta:  [[ 1.41610126]
 [ 0.62845673]
 [-1.00247265]]
delta b updated:  [array([[ 0.33289597],
       [-0.2902494 ]]), array([[ 1.41610126],
       [ 0.62845673],
       [-1.00247265]])]
delta w updated: [array([[-0.2725921 , -0.00912509,  0.35515428],
       [ 0.23767092,  0.0079561 , -0.30965624]]), array([[ 0.39669551,  0.34897356],
       [ 0.17605095,  0.15487225],
       [-0.28082483, -0.24704197]])]
input:  [[ 0.24044795]
 [-0.80532804]
 [ 0.53861663]]
activations:  [array([[ 0.24044795],
       [-0.80532804],
       [ 0.53861663]]), array([[ 0.46351664],
       [-0.30510735]]), array([[ 1.4088323 ],
       [ 0.91337317],
       [ 0.54243974]])]
cost derivative:  [[ 1.16838435]
 [ 1.71870122]
 [ 0.00382311]]
unit step:  1
delta:  [[ 1.16838435]
 [ 1.71870122]
 [ 0.00382311]]
delta b updated:  [array([[ 0.42384773],
       [ 0.73033036]]), array([[ 1.16838435],
       [ 1.71870122],
       [ 0.00382311]])]
delta w updated: [array([[ 0.10191332, -0.34133646,  0.22829144],
       [ 0.17560644, -0.58815552,  0.39336808]]), array([[ 0.54156559, -0.35648265],
       [ 0.79664661, -0.52438838],
       [ 0.00177208, -0.00116646]])]
input:  [[ 0.10523791]
 [-0.6806234 ]
 [ 0.62383717]]
activations:  [array([[ 0.10523791],
       [-0.6806234 ],
       [ 0.62383717]]), array([[ 0.4436625 ],
       [-0.22786051]]), array([[ 1.30325986],
       [ 0.86606768],
       [ 0.47911704]])]
cost derivative:  [[ 1.19802195]
 [ 1.54669108]
 [-0.14472013]]
unit step:  1
delta:  [[ 1.19802195]
 [ 1.54669108]
 [-0.14472013]]
delta b updated:  [array([[ 0.42112227],
       [ 0.50106757]]), array([[ 1.19802195],
       [ 1.54669108],
       [-0.14472013]])]
delta w updated: [array([[ 0.04431803, -0.28662567,  0.26271172],
       [ 0.05273131, -0.34103831,  0.31258457]]), array([[ 0.53151742, -0.2729819 ],
       [ 0.68620883, -0.35242982],
       [-0.06420689,  0.032976  ]])]
input:  [[-0.78075027]
 [-0.98418159]
 [ 0.39744286]]
activations:  [array([[-0.78075027],
       [-0.98418159],
       [ 0.39744286]]), array([[ 0.14472113],
       [-0.03990705]]), array([[ 0.67465371],
       [ 0.8725859 ],
       [ 0.17121099]])]
cost derivative:  [[ 1.45540398]
 [ 1.85676749]
 [-0.22623187]]
unit step:  1
delta:  [[ 1.45540398]
 [ 1.85676749]
 [-0.22623187]]
delta b updated:  [array([[ 0.16384467],
       [ 0.10461982]]), array([[ 1.45540398],
       [ 1.85676749],
       [-0.22623187]])]
delta w updated: [array([[-0.12792177, -0.16125291,  0.0651189 ],
       [-0.08168195, -0.1029649 ,  0.0415804 ]]), array([[ 0.21062771, -0.05808088],
       [ 0.2687135 , -0.07409811],
       [-0.03274053,  0.00902825]])]
input:  [[ 0.8261106 ]
 [-0.32735242]
 [ 0.88246983]]
activations:  [array([[ 0.8261106 ],
       [-0.32735242],
       [ 0.88246983]]), array([[ 0.70252881],
       [-0.3509303 ]]), array([[ 1.8073127 ],
       [ 0.82971871],
       [ 0.71967285]])]
cost derivative:  [[ 0.9812021 ]
 [ 1.15707112]
 [-0.16279699]]
unit step:  1
delta:  [[ 0.9812021 ]
 [ 1.15707112]
 [-0.16279699]]
delta b updated:  [array([[ 0.56362915],
       [ 0.593704  ]]), array([[ 0.9812021 ],
       [ 1.15707112],
       [-0.16279699]])]
delta w updated: [array([[ 0.46562001, -0.18450536,  0.49738572],
       [ 0.49046516, -0.19435044,  0.52392587]]), array([[ 0.68932275, -0.34433354],
       [ 0.8128758 , -0.40605131],
       [-0.11436957,  0.05713039]])]
input:  [[ 0.47245184]
 [-0.99661205]
 [ 0.40828086]]
activations:  [array([[ 0.47245184],
       [-0.99661205],
       [ 0.40828086]]), array([[ 0.49950366],
       [-0.43327539]]), array([[ 1.58562233],
       [ 0.98647298],
       [ 0.64959745]])]
cost derivative:  [[ 1.11317049]
 [ 1.98308503]
 [ 0.24131659]]
unit step:  1
delta:  [[ 1.11317049]
 [ 1.98308503]
 [ 0.24131659]]
delta b updated:  [array([[ 0.42401103],
       [ 1.16447995]]), array([[ 1.11317049],
       [ 1.98308503],
       [ 0.24131659]])]
delta w updated: [array([[ 0.20032479, -0.4225745 ,  0.17311559],
       [ 0.55016069, -1.16053475,  0.47543487]]), array([[ 0.55603274, -0.48230938],
       [ 0.99055824, -0.85922195],
       [ 0.12053852, -0.10455654]])]
input:  [[-0.87806208]
 [-0.48202356]
 [ 0.74758014]]
activations:  [array([[-0.87806208],
       [-0.48202356],
       [ 0.74758014]]), array([[ 0.19283831],
       [ 0.13338679]]), array([[ 0.57545413],
       [ 0.72192027],
       [ 0.08610119]])]
cost derivative:  [[ 1.45351621]
 [ 1.20394383]
 [-0.66147895]]
unit step:  1
delta:  [[ 1.45351621]
 [ 1.20394383]
 [-0.66147895]]
delta b updated:  [array([[ 0.22642436],
       [-0.24766421]]), array([[ 1.45351621],
       [ 1.20394383],
       [-0.66147895]])]
delta w updated: [array([[-0.19881465, -0.10914188,  0.16927036],
       [ 0.21746456,  0.11937999, -0.18514885]]), array([[ 0.28029361,  0.19387986],
       [ 0.23216649,  0.1605902 ],
       [-0.12755848, -0.08823255]])]
input:  [[ 0.59381163]
 [-1.07330163]
 [ 0.35646866]]
activations:  [array([[ 0.59381163],
       [-1.07330163],
       [ 0.35646866]]), array([[ 0.52196482],
       [-0.49383302]]), array([[ 1.67716458],
       [ 1.01823896],
       [ 0.70358551]])]
cost derivative:  [[ 1.08335296]
 [ 2.09154059]
 [ 0.34711685]]
unit step:  1
delta:  [[ 1.08335296]
 [ 2.09154059]
 [ 0.34711685]]
delta b updated:  [array([[ 0.42604348],
       [ 1.38599445]]), array([[ 1.08335296],
       [ 2.09154059],
       [ 0.34711685]])]
delta w updated: [array([[ 0.25298957, -0.45727317,  0.15187115],
       [ 0.82301962, -1.48759011,  0.49406358]]), array([[ 0.56547213, -0.53499546],
       [ 1.09171061, -1.0328718 ],
       [ 0.18118278, -0.17141776]])]
input:  [[ 0.207027  ]
 [-0.77506961]
 [ 0.55928504]]
activations:  [array([[ 0.207027  ],
       [-0.77506961],
       [ 0.55928504]]), array([[ 0.45686024],
       [-0.28897882]]), array([[ 1.37965012],
       [ 0.89996068],
       [ 0.52785778]])]
cost derivative:  [[ 1.17262312]
 [ 1.67503029]
 [-0.03142726]]
unit step:  1
delta:  [[ 1.17262312]
 [ 1.67503029]
 [-0.03142726]]
delta b updated:  [array([[ 0.41847943],
       [ 0.67630651]]), array([[ 1.17262312],
       [ 1.67503029],
       [-0.03142726]])]
delta w updated: [array([[ 0.08663654, -0.32435069,  0.23404929],
       [ 0.14001371, -0.52418463,  0.37824811]]), array([[ 0.53572488, -0.33886325],
       [ 0.76525475, -0.48404829],
       [-0.01435786,  0.00908181]])]
input:  [[ 0.5761078 ]
 [-1.06372307]
 [ 0.36290032]]
activations:  [array([[ 0.5761078 ],
       [-1.06372307],
       [ 0.36290032]]), array([[ 0.51770858],
       [-0.48727   ]]), array([[ 1.66334045],
       [ 1.01370249],
       [ 0.69646755]])]
cost derivative:  [[ 1.08723265]
 [ 2.07742556]
 [ 0.33356723]]
unit step:  1
delta:  [[ 1.08723265]
 [ 2.07742556]
 [ 0.33356723]]
delta b updated:  [array([[ 0.42388014],
       [ 1.35938756]]), array([[ 1.08723265],
       [ 2.07742556],
       [ 0.33356723]])]
delta w updated: [array([[ 0.24420066, -0.45089109,  0.15382624],
       [ 0.78315378, -1.44601191,  0.49332218]]), array([[ 0.56286967, -0.52977586],
       [ 1.07550103, -1.01226716],
       [ 0.17269062, -0.16253731]])]
input:  [[ 0.84039431]
 [-0.40575427]
 [ 0.82778877]]
activations:  [array([[ 0.84039431],
       [-0.40575427],
       [ 0.82778877]]), array([[ 0.69290529],
       [-0.38155772]]), array([[ 1.8196698 ],
       [ 0.85157172],
       [ 0.73390578]])]
cost derivative:  [[ 0.97927549]
 [ 1.25732599]
 [-0.09388299]]
unit step:  1
delta:  [[ 0.97927549]
 [ 1.25732599]
 [-0.09388299]]
delta b updated:  [array([[ 0.54770625],
       [ 0.68914699]]), array([[ 0.97927549],
       [ 1.25732599],
       [-0.09388299]])]
delta w updated: [array([[ 0.46028922, -0.22223415,  0.45338509],
       [ 0.57915521, -0.27962434,  0.57046814]]), array([[ 0.67854517, -0.37365012],
       [ 0.87120783, -0.47974244],
       [-0.06505202,  0.03582178]])]
input:  [[ 0.86696128]
 [-0.9878016 ]
 [ 0.42060282]]
activations:  [array([[ 0.86696128],
       [-0.9878016 ],
       [ 0.42060282]]), array([[ 0.61126697],
       [-0.55782381]]), array([[ 1.87015381],
       [ 1.01799869],
       [ 0.80048276]])]
cost derivative:  [[ 1.00319253]
 [ 2.00580028]
 [ 0.37987994]]
unit step:  1
delta:  [[ 1.00319253]
 [ 2.00580028]
 [ 0.37987994]]
delta b updated:  [array([[ 0.46160066],
       [ 1.49778996]]), array([[ 1.00319253],
       [ 2.00580028],
       [ 0.37987994]])]
delta w updated: [array([[ 0.4001899 , -0.45596987,  0.19415054],
       [ 1.2985259 , -1.47951932,  0.62997469]]), array([[ 0.61321845, -0.55960468],
       [ 1.22607946, -1.11888316],
       [ 0.23220806, -0.21190607]])]
input:  [[-0.88628836]
 [-0.1636171 ]
 [ 0.97042779]]
activations:  [array([[-0.88628836],
       [-0.1636171 ],
       [ 0.97042779]]), array([[ 0.23793976],
       [ 0.22556305]]), array([[ 0.54999014],
       [ 0.62978751],
       [ 0.05270521]])]
cost derivative:  [[ 1.4362785 ]
 [ 0.79340461]
 [-0.91772258]]
unit step:  1
delta:  [[ 1.4362785 ]
 [ 0.79340461]
 [-0.91772258]]
delta b updated:  [array([[ 0.28217329],
       [-0.30913718]]), array([[ 1.4362785 ],
       [ 0.79340461],
       [-0.91772258]])]
delta w updated: [array([[-0.2500869 , -0.04616838,  0.2738288 ],
       [ 0.27398468,  0.05058013, -0.29999531]]), array([[ 0.34174776,  0.32397136],
       [ 0.1887825 ,  0.17896276],
       [-0.21836269, -0.2070043 ]])]
input:  [[-0.69939058]
 [-0.02062908]
 [ 1.07347501]]
activations:  [array([[-0.69939058],
       [-0.02062908],
       [ 1.07347501]]), array([[ 0.31265468],
       [ 0.20864372]]), array([[ 0.67690936],
       [ 0.60566771],
       [ 0.11011159]])]
cost derivative:  [[ 1.37629994]
 [ 0.62629679]
 [-0.96336343]]
unit step:  1
delta:  [[ 1.37629994]
 [ 0.62629679]
 [-0.96336343]]
delta b updated:  [array([[ 0.35932089],
       [-0.24222379]]), array([[ 1.37629994],
       [ 0.62629679],
       [-0.96336343]])]
delta w updated: [array([[-0.25130564, -0.00741246,  0.38572199],
       [ 0.16940904,  0.00499686, -0.26002119]]), array([[ 0.43030661,  0.28715633],
       [ 0.19581462,  0.13067289],
       [-0.30120008, -0.20099973]])]
input:  [[-0.72842907]
 [-0.01346693]
 [ 1.07803774]]
activations:  [array([[-0.72842907],
       [-0.01346693],
       [ 1.07803774]]), array([[ 0.30516678],
       [ 0.21999271]]), array([[ 0.6541809 ],
       [ 0.60082559],
       [ 0.0983717 ]])]
cost derivative:  [[ 1.38260997]
 [ 0.61429252]
 [-0.97966604]]
unit step:  1
delta:  [[ 1.38260997]
 [ 0.61429252]
 [-0.97966604]]
delta b updated:  [array([[ 0.35218582],
       [-0.25251942]]), array([[ 1.38260997],
       [ 0.61429252],
       [-0.97966604]])]
delta w updated: [array([[-0.25654239, -0.00474286,  0.3796696 ],
       [ 0.18394249,  0.00340066, -0.27222547]]), array([[ 0.42192663,  0.30416412],
       [ 0.18746167,  0.13513988],
       [-0.29896153, -0.21551939]])]
input:  [[ 0.85258341]
 [-0.47941491]
 [ 0.77639526]]
activations:  [array([[ 0.85258341],
       [-0.47941491],
       [ 0.77639526]]), array([[ 0.68389269],
       [-0.40808383]]), array([[ 1.82957997],
       [ 0.87261104],
       [ 0.74682467]])]
cost derivative:  [[ 0.97699656]
 [ 1.35202594]
 [-0.02957059]]
unit step:  1
delta:  [[ 0.97699656]
 [ 1.35202594]
 [-0.02957059]]
delta b updated:  [array([[ 0.53266367],
       [ 0.78131343]]), array([[ 0.97699656],
       [ 1.35202594],
       [-0.02957059]])]
delta w updated: [array([[ 0.45414021, -0.2553669 ,  0.41355755],
       [ 0.66613487, -0.3745733 ,  0.60660804]]), array([[ 0.66816081, -0.3986965 ],
       [ 0.92464066, -0.55173992],
       [-0.02022311,  0.01206728]])]
input:  [[-0.06673768]
 [-0.51717072]
 [ 0.73561912]]
activations:  [array([[-0.06673768],
       [-0.51717072],
       [ 0.73561912]]), array([[ 0.41615281],
       [-0.13213887]]), array([[ 1.16207622],
       [ 0.80145176],
       [ 0.3998597 ]])]
cost derivative:  [[ 1.2288139 ]
 [ 1.31862249]
 [-0.33575942]]
unit step:  1
delta:  [[ 1.2288139 ]
 [ 1.31862249]
 [-0.33575942]]
delta b updated:  [array([[ 0.40784417],
       [ 0.25549473]]), array([[ 1.2288139 ],
       [ 1.31862249],
       [-0.33575942]])]
delta w updated: [array([[-0.02721857, -0.21092507,  0.30001797],
       [-0.01705113, -0.13213439,  0.18794681]]), array([[ 0.51137436, -0.16237408],
       [ 0.54874846, -0.17424128],
       [-0.13972723,  0.04436687]])]
input:  [[-0.72135026]
 [-0.01485856]
 [ 1.07717359]]
activations:  [array([[-0.72135026],
       [-0.01485856],
       [ 1.07717359]]), array([[ 0.30618419],
       [ 0.21712903]]), array([[ 0.65714844],
       [ 0.60118672],
       [ 0.10139771]])]
cost derivative:  [[ 1.3784987 ]
 [ 0.61604528]
 [-0.97577588]]
unit step:  1
delta:  [[ 1.3784987 ]
 [ 0.61604528]
 [-0.97577588]]
delta b updated:  [array([[ 0.35158819],
       [-0.24915378]]), array([[ 1.3784987 ],
       [ 0.61604528],
       [-0.97577588]])]
delta w updated: [array([[-0.25361824, -0.00522409,  0.37872152],
       [ 0.17972714,  0.00370207, -0.26838187]]), array([[ 0.42207451,  0.29931208],
       [ 0.18862332,  0.13376131],
       [-0.29876715, -0.21186927]])]
input:  [[-0.88051691]
 [-0.46227744]
 [ 0.76136981]]
activations:  [array([[-0.88051691],
       [-0.46227744],
       [ 0.76136981]]), array([[ 0.19246362],
       [ 0.13820614]]), array([[ 0.56501445],
       [ 0.71310194],
       [ 0.08411115]])]
cost derivative:  [[ 1.44553136]
 [ 1.17537938]
 [-0.67725867]]
unit step:  1
delta:  [[ 1.44553136]
 [ 1.17537938]
 [-0.67725867]]
delta b updated:  [array([[ 0.22331761],
       [-0.25094643]]), array([[ 1.44553136],
       [ 1.17537938],
       [-0.67725867]])]
delta w updated: [array([[-0.19663493, -0.10323469,  0.17002729],
       [ 0.22096258,  0.11600687, -0.19106304]]), array([[ 0.2782122 ,  0.19978131],
       [ 0.22621777,  0.16244465],
       [-0.13034765, -0.09360131]])]
input:  [[-0.26986321]
 [-0.32695589]
 [ 0.8656565 ]]
activations:  [array([[-0.26986321],
       [-0.32695589],
       [ 0.8656565 ]]), array([[ 0.38668919],
       [-0.01362396]]), array([[ 1.00104108],
       [ 0.72870561],
       [ 0.30409993]])]
cost derivative:  [[ 1.27090429]
 [ 1.0556615 ]
 [-0.56155657]]
unit step:  1
delta:  [[ 1.27090429]
 [ 1.0556615 ]
 [-0.56155657]]
delta b updated:  [array([[ 0.39827571],
       [ 0.02227644]]), array([[ 1.27090429],
       [ 1.0556615 ],
       [-0.56155657]])]
delta w updated: [array([[-0.10747996, -0.13021859,  0.34476996],
       [-0.00601159, -0.00728341,  0.01928375]]), array([[ 0.49144496, -0.01731475],
       [ 0.4082129 , -0.01438229],
       [-0.21714786,  0.00765062]])]
input:  [[ 0.85956852]
 [-0.52593896]
 [ 0.74392399]]
activations:  [array([[ 0.85956852],
       [-0.52593896],
       [ 0.74392399]]), array([[ 0.67767143],
       [-0.42431334]]), array([[ 1.83355931],
       [ 0.88495162],
       [ 0.75474761]])]
cost derivative:  [[ 0.97399078]
 [ 1.41089058]
 [ 0.01082362]]
unit step:  1
delta:  [[ 0.97399078]
 [ 1.41089058]
 [ 0.01082362]]
delta b updated:  [array([[ 0.52108632],
       [ 0.84047078]]), array([[ 0.97399078],
       [ 1.41089058],
       [ 0.01082362]])]
delta w updated: [array([[ 0.4479094 , -0.2740596 ,  0.38764862],
       [ 0.72244223, -0.44203633,  0.62524638]]), array([[ 0.66004573, -0.41327728],
       [ 0.95612024, -0.59865969],
       [ 0.00733486, -0.00459261]])]
input:  [[-0.18059023]
 [-0.40942288]
 [ 0.80929809]]
activations:  [array([[-0.18059023],
       [-0.40942288],
       [ 0.80929809]]), array([[ 0.39900762],
       [-0.06579646]]), array([[ 1.06939136],
       [ 0.75951527],
       [ 0.34638767]])]
cost derivative:  [[ 1.24998159]
 [ 1.16893815]
 [-0.46291042]]
unit step:  1
delta:  [[ 1.24998159]
 [ 1.16893815]
 [-0.46291042]]
delta b updated:  [array([[ 0.40048146],
       [ 0.11590134]]), array([[ 1.24998159],
       [ 1.16893815],
       [-0.46291042]])]
delta w updated: [array([[-0.07232304, -0.16396627,  0.32410888],
       [-0.02093065, -0.04745266,  0.09379874]]), array([[ 0.49875218, -0.08224436],
       [ 0.46641523, -0.07691199],
       [-0.18470478,  0.03045787]])]
input:  [[ 0.88371996]
 [-0.780213  ]
 [ 0.56623579]]
activations:  [array([[ 0.88371996],
       [-0.780213  ],
       [ 0.56623579]]), array([[ 0.6451829 ],
       [-0.50593015]]), array([[ 1.86404794],
       [ 0.95849914],
       [ 0.78896198]])]
cost derivative:  [[ 0.98032799]
 [ 1.73871214]
 [ 0.22272619]]
unit step:  1
delta:  [[ 0.98032799]
 [ 1.73871214]
 [ 0.22272619]]
delta b updated:  [array([[ 0.48307761],
       [ 1.19601609]]), array([[ 0.98032799],
       [ 1.73871214],
       [ 0.22272619]])]
delta w updated: [array([[ 0.42690533, -0.37690343,  0.27353583],
       [ 1.05694329, -0.9331473 ,  0.67722711]]), array([[ 0.63249086, -0.49597749],
       [ 1.12178735, -0.87966689],
       [ 0.14369913, -0.11268389]])]
input:  [[ 0.88430752]
 [-0.82759425]
 [ 0.53306447]]
activations:  [array([[ 0.88430752],
       [-0.82759425],
       [ 0.53306447]]), array([[ 0.63770069],
       [-0.52085546]]), array([[ 1.86698686],
       [ 0.97195785],
       [ 0.79411191]])]
cost derivative:  [[ 0.98267934]
 [ 1.7995521 ]
 [ 0.26104744]]
unit step:  1
delta:  [[ 0.98267934]
 [ 1.7995521 ]
 [ 0.26104744]]
delta b updated:  [array([[ 0.47535762],
       [ 1.26827634]]), array([[ 0.98267934],
       [ 1.7995521 ],
       [ 0.26104744]])]
delta w updated: [array([[ 0.42036231, -0.39340323,  0.25339626],
       [ 1.1215463 , -1.0496182 ,  0.67607306]]), array([[ 0.62665529, -0.5118339 ],
       [ 1.14757562, -0.93730653],
       [ 0.16647013, -0.13596798]])]
input:  [[-0.77334271]
 [-1.01494568]
 [ 0.37601468]]
activations:  [array([[-0.77334271],
       [-1.01494568],
       [ 0.37601468]]), array([[ 0.13752477],
       [-0.05587624]]), array([[ 0.67068007],
       [ 0.87719519],
       [ 0.17914393]])]
cost derivative:  [[ 1.44402278]
 [ 1.89214087]
 [-0.19687075]]
unit step:  1
delta:  [[ 1.44402278]
 [ 1.89214087]
 [-0.19687075]]
delta b updated:  [array([[ 0.15159126],
       [ 0.14801549]]), array([[ 1.44402278],
       [ 1.89214087],
       [-0.19687075]])]
delta w updated: [array([[-0.117232  , -0.15385689,  0.05700054],
       [-0.1144667 , -0.15022768,  0.055656  ]]), array([[ 0.1985889 , -0.08068656],
       [ 0.26021623, -0.10572572],
       [-0.0270746 ,  0.0110004 ]])]
input:  [[-0.55648726]
 [-0.09398864]
 [ 1.02433075]]
activations:  [array([[-0.55648726],
       [-0.09398864],
       [ 1.02433075]]), array([[ 0.33933619],
       [ 0.14167771]]), array([[ 0.77644265],
       [ 0.63574326],
       [ 0.17255198]])]
cost derivative:  [[ 1.33292991]
 [ 0.7297319 ]
 [-0.85177877]]
unit step:  1
delta:  [[ 1.33292991]
 [ 0.7297319 ]
 [-0.85177877]]
delta b updated:  [array([[ 0.37288122],
       [-0.17942214]]), array([[ 1.33292991],
       [ 0.7297319 ],
       [-0.85177877]])]
delta w updated: [array([[-0.20750365, -0.0350466 ,  0.3819537 ],
       [ 0.09984614,  0.01686364, -0.18378762]]), array([[ 0.45231135,  0.18884646],
       [ 0.24762444,  0.10338675],
       [-0.28903936, -0.12067807]])]
input:  [[-0.00935906]
 [-0.57188877]
 [ 0.69819556]]
activations:  [array([[-0.00935906],
       [-0.57188877],
       [ 0.69819556]]), array([[ 0.42186059],
       [-0.16778623]]), array([[ 1.20055174],
       [ 0.81928943],
       [ 0.42823905]])]
cost derivative:  [[ 1.2099108 ]
 [ 1.3911782 ]
 [-0.26995651]]
unit step:  1
delta:  [[ 1.2099108 ]
 [ 1.3911782 ]
 [-0.26995651]]
delta b updated:  [array([[ 0.40191957],
       [ 0.337191  ]]), array([[ 1.2099108 ],
       [ 1.3911782 ],
       [-0.26995651]])]
delta w updated: [array([[-0.00376159, -0.22985329,  0.28061846],
       [-0.00315579, -0.19283575,  0.23542526]]), array([[ 0.51041368, -0.20300637],
       [ 0.58688326, -0.23342054],
       [-0.11388401,  0.04529498]])]
input:  [[ 0.84136483]
 [-1.05252402]
 [ 0.37487938]]
activations:  [array([[ 0.84136483],
       [-1.05252402],
       [ 0.37487938]]), array([[ 0.59034689],
       [-0.57366059]]), array([[ 1.846228  ],
       [ 1.03052075],
       [ 0.80030643]])]
cost derivative:  [[ 1.00486317]
 [ 2.08304477]
 [ 0.42542705]]
unit step:  1
delta:  [[ 1.00486317]
 [ 2.08304477]
 [ 0.42542705]]
delta b updated:  [array([[ 0.4367431],
       [ 1.588752 ]]), array([[ 1.00486317],
       [ 2.08304477],
       [ 0.42542705]])]
delta w updated: [array([[ 0.36746028, -0.4596826 ,  0.16372598],
       [ 1.33672006, -1.67219965,  0.59559037]]), array([[ 0.59321784, -0.5764504 ],
       [ 1.229719  , -1.1949607 ],
       [ 0.25114953, -0.24405073]])]
input:  [[ 0.86565678]
 [-0.57043228]
 [ 0.71286083]]
activations:  [array([[ 0.86565678],
       [-0.57043228],
       [ 0.71286083]]), array([[ 0.67028704],
       [-0.44353227]]), array([[ 1.8370728 ],
       [ 0.89644746],
       [ 0.76314115]])]
cost derivative:  [[ 0.97141603]
 [ 1.46687975]
 [ 0.05028031]]
unit step:  1
delta:  [[ 0.97141603]
 [ 1.46687975]
 [ 0.05028031]]
delta b updated:  [array([[ 0.50806449],
       [ 0.90581599]]), array([[ 0.97141603],
       [ 1.46687975],
       [ 0.05028031]])]
delta w updated: [array([[ 0.43980946, -0.28981639,  0.36217927],
       [ 0.78412575, -0.51670668,  0.64572074]]), array([[ 0.65112758, -0.43085435],
       [ 0.98323049, -0.6506085 ],
       [ 0.03370224, -0.02230094]])]
input:  [[ 0.88312251]
 [-0.87095692]
 [ 0.50267967]]
activations:  [array([[ 0.88312251],
       [-0.87095692],
       [ 0.50267967]]), array([[ 0.62901114],
       [-0.53666566]]), array([[ 1.86630655],
       [ 0.98301632],
       [ 0.7993354 ]])]
cost derivative:  [[ 0.98318404]
 [ 1.85397323]
 [ 0.29665572]]
unit step:  1
delta:  [[ 0.98318404]
 [ 1.85397323]
 [ 0.29665572]]
delta b updated:  [array([[ 0.46416454],
       [ 1.33950447]]), array([[ 0.98318404],
       [ 1.85397323],
       [ 0.29665572]])]
delta w updated: [array([[ 0.40991416, -0.40426732,  0.23332608],
       [ 1.18294655, -1.16665069,  0.67334167]]), array([[ 0.61843371, -0.52764111],
       [ 1.16616981, -0.99496377],
       [ 0.18659975, -0.15920494]])]
input:  [[-0.85867859]
 [-0.61084914]
 [ 0.65766752]]
activations:  [array([[-0.85867859],
       [-0.61084914],
       [ 0.65766752]]), array([[ 0.17364366],
       [ 0.08585483]]), array([[ 0.58335526],
       [ 0.7538386 ],
       [ 0.10779491]])]
cost derivative:  [[ 1.44203385]
 [ 1.36468775]
 [-0.54987261]]
unit step:  1
delta:  [[ 1.44203385]
 [ 1.36468775]
 [-0.54987261]]
delta b updated:  [array([[ 0.19705211],
       [-0.17427991]]), array([[ 1.44203385],
       [ 1.36468775],
       [-0.54987261]])]
delta w updated: [array([[-0.16920443, -0.12036911,  0.12959477],
       [ 0.14965043,  0.10645873, -0.11461824]]), array([[ 0.25040003,  0.12380556],
       [ 0.23696937,  0.11716503],
       [-0.09548189, -0.04720922]])]
input:  [[ 0.60251976]
 [-1.07776145]
 [ 0.35348131]]
activations:  [array([[ 0.60251976],
       [-1.07776145],
       [ 0.35348131]]), array([[ 0.51727591],
       [-0.50928501]]), array([[ 1.67296922],
       [ 1.01608414],
       [ 0.71260852]])]
cost derivative:  [[ 1.07044946]
 [ 2.09384558]
 [ 0.35912721]]
unit step:  1
delta:  [[ 1.07044946]
 [ 2.09384558]
 [ 0.35912721]]
delta b updated:  [array([[ 0.40746623],
       [ 1.42348313]]), array([[ 1.07044946],
       [ 2.09384558],
       [ 0.35912721]])]
delta w updated: [array([[ 0.24550645, -0.43915139,  0.14403169],
       [ 0.85767671, -1.53417523,  0.50317467]]), array([[ 0.55371772, -0.54516387],
       [ 1.08309588, -1.06636418],
       [ 0.18576786, -0.18289811]])]
input:  [[-0.67638176]
 [-0.02871278]
 [ 1.06817291]]
activations:  [array([[-0.67638176],
       [-0.02871278],
       [ 1.06817291]]), array([[ 0.31388631],
       [ 0.19649343]]), array([[ 0.68224938],
       [ 0.60445496],
       [ 0.12087402]])]
cost derivative:  [[ 1.35863114]
 [ 0.63316775]
 [-0.94729889]]
unit step:  1
delta:  [[ 1.35863114]
 [ 0.63316775]
 [-0.94729889]]
delta b updated:  [array([[ 0.35229221],
       [-0.22734307]]), array([[ 1.35863114],
       [ 0.63316775],
       [-0.94729889]])]
delta w updated: [array([[-0.23828402, -0.01011529,  0.37630899],
       [ 0.15377071,  0.00652765, -0.24284171]]), array([[ 0.42645571,  0.26696209],
       [ 0.19874269,  0.1244133 ],
       [-0.29734415, -0.186138  ]])]
input:  [[ 0.49203326]
 [-1.01050411]
 [ 0.39885779]]
activations:  [array([[ 0.49203326],
       [-1.01050411],
       [ 0.39885779]]), array([[ 0.49567753],
       [-0.45614466]]), array([[ 1.58807829],
       [ 0.98694118],
       [ 0.66436155]])]
cost derivative:  [[ 1.09604503]
 [ 1.99744529]
 [ 0.26550377]]
unit step:  1
delta:  [[ 1.09604503]
 [ 1.99744529]
 [ 0.26550377]]
delta b updated:  [array([[ 0.40339309],
       [ 1.22600099]]), array([[ 1.09604503],
       [ 1.99744529],
       [ 0.26550377]])]
delta w updated: [array([[ 0.19848282, -0.40763038,  0.16089648],
       [ 0.60323326, -1.23887904,  0.48900004]]), array([[ 0.54328489, -0.49995509],
       [ 0.99008875, -0.91112401],
       [ 0.13160425, -0.12110813]])]
input:  [[-0.80860522]
 [-0.02154802]
 [ 1.07112836]]
activations:  [array([[-0.80860522],
       [-0.02154802],
       [ 1.07112836]]), array([[ 0.27697997],
       [ 0.24002755]]), array([[ 0.58419594],
       [ 0.59006982],
       [ 0.06968669]])]
cost derivative:  [[ 1.39280116]
 [ 0.61161783]
 [-1.00144167]]
unit step:  1
delta:  [[ 1.39280116]
 [ 0.61161783]
 [-1.00144167]]
delta b updated:  [array([[ 0.3183771 ],
       [-0.27335104]]), array([[ 1.39280116],
       [ 0.61161783],
       [-1.00144167]])]
delta w updated: [array([[-0.25744138, -0.0068604 ,  0.34102274],
       [ 0.22103307,  0.00589017, -0.29279405]]), array([[ 0.38577803,  0.33431065],
       [ 0.16940589,  0.14680513],
       [-0.27737929, -0.24037359]])]
input:  [[-0.23663819]
 [-0.35734895]
 [ 0.84489076]]
activations:  [array([[-0.23663819],
       [-0.35734895],
       [ 0.84489076]]), array([[ 0.38791223],
       [-0.03762465]]), array([[ 1.01896533],
       [ 0.73618734],
       [ 0.32174188]])]
cost derivative:  [[ 1.25560352]
 [ 1.09353629]
 [-0.52314887]]
unit step:  1
delta:  [[ 1.25560352]
 [ 1.09353629]
 [-0.52314887]]
delta b updated:  [array([[ 0.38984483],
       [ 0.0628018 ]]), array([[ 1.25560352],
       [ 1.09353629],
       [-0.52314887]])]
delta w updated: [array([[-0.09225217, -0.13931064,  0.32937629],
       [-0.0148613 , -0.02244216,  0.05306066]]), array([[ 0.48706396, -0.04724164],
       [ 0.4241961 , -0.04114392],
       [-0.20293584,  0.01968329]])]
input:  [[-0.82375085]
 [-0.03083545]
 [ 1.0643883 ]]
activations:  [array([[-0.82375085],
       [-0.03083545],
       [ 1.0643883 ]]), array([[ 0.27069063],
       [ 0.2423245 ]]), array([[ 0.57165445],
       [ 0.59084666],
       [ 0.06487351]])]
cost derivative:  [[ 1.39540529]
 [ 0.62168212]
 [-0.99951479]]
unit step:  1
delta:  [[ 1.39540529]
 [ 0.62168212]
 [-0.99951479]]
delta b updated:  [array([[ 0.31099799],
       [-0.27870721]]), array([[ 1.39540529],
       [ 0.62168212],
       [-0.99951479]])]
delta w updated: [array([[-0.25618485, -0.00958976,  0.33102262],
       [ 0.2295853 ,  0.00859406, -0.29665269]]), array([[ 0.37772313,  0.3381409 ],
       [ 0.16828352,  0.15064881],
       [-0.27055928, -0.24220693]])]
input:  [[ 0.38085591]
 [-0.92606427]
 [ 0.45625618]]
activations:  [array([[ 0.38085591],
       [-0.92606427],
       [ 0.45625618]]), array([[ 0.47620787],
       [-0.39738254]]), array([[ 1.49989738],
       [ 0.95218567],
       [ 0.61432748]])]
cost derivative:  [[ 1.11904147]
 [ 1.87824993]
 [ 0.1580713 ]]
unit step:  1
delta:  [[ 1.11904147]
 [ 1.87824993]
 [ 0.1580713 ]]
delta b updated:  [array([[ 0.39915392],
       [ 1.01440287]]), array([[ 1.11904147],
       [ 1.87824993],
       [ 0.1580713 ]])]
delta w updated: [array([[ 0.15202013, -0.36964218,  0.18211644],
       [ 0.38634133, -0.93940225,  0.46282758]]), array([[ 0.53289635, -0.44468754],
       [ 0.89443739, -0.74638373],
       [ 0.07527479, -0.06281477]])]
input:  [[-0.35658302]
 [-0.24992639]
 [ 0.91824693]]
activations:  [array([[-0.35658302],
       [-0.24992639],
       [ 0.91824693]]), array([[ 0.36954014],
       [ 0.03104625]]), array([[ 0.92330154],
       [ 0.69419867],
       [ 0.26557246]])]
cost derivative:  [[ 1.27988456]
 [ 0.94412506]
 [-0.65267447]]
unit step:  1
delta:  [[ 1.27988456]
 [ 0.94412506]
 [-0.65267447]]
delta b updated:  [array([[ 0.38174365],
       [-0.04654468]]), array([[ 1.27988456],
       [ 0.94412506],
       [-0.65267447]])]
delta w updated: [array([[-0.13612331, -0.09540781,  0.35053494],
       [ 0.01659704,  0.01163274, -0.04273951]]), array([[ 0.47296872,  0.03973562],
       [ 0.3488921 ,  0.02931154],
       [-0.24118941, -0.0202631 ]])]
input:  [[ 0.88410719]
 [-0.84248988]
 [ 0.52263013]]
activations:  [array([[ 0.88410719],
       [-0.84248988],
       [ 0.52263013]]), array([[ 0.63145198],
       [-0.5327637 ]]), array([[ 1.86083351],
       [ 0.97288325],
       [ 0.79940213]])]
cost derivative:  [[ 0.97672632]
 [ 1.81537313]
 [ 0.27677201]]
unit step:  1
delta:  [[ 0.97672632]
 [ 1.81537313]
 [ 0.27677201]]
delta b updated:  [array([[ 0.46097841],
       [ 1.30328241]]), array([[ 0.97672632],
       [ 1.81537313],
       [ 0.27677201]])]
delta w updated: [array([[ 0.40755433, -0.38836964,  0.2409212 ],
       [ 1.15224135, -1.09800224,  0.68113465]]), array([[ 0.61675576, -0.52036432],
       [ 1.14632095, -0.96716489],
       [ 0.17476823, -0.14745408]])]
input:  [[-0.79214976]
 [-0.01515875]
 [ 1.0758593 ]]
activations:  [array([[-0.79214976],
       [-0.01515875],
       [ 1.0758593 ]]), array([[ 0.28118396],
       [ 0.23640745]]), array([[ 0.59123665],
       [ 0.58812948],
       [ 0.07570075]])]
cost derivative:  [[ 1.38338641]
 [ 0.60328823]
 [-1.00015855]]
unit step:  1
delta:  [[ 1.38338641]
 [ 0.60328823]
 [-1.00015855]]
delta b updated:  [array([[ 0.32003146],
       [-0.26578934]]), array([[ 1.38338641],
       [ 0.60328823],
       [-1.00015855]])]
delta w updated: [array([[-0.25351285, -0.00485128,  0.34430882],
       [ 0.21054497,  0.00402903, -0.28595194]]), array([[ 0.38898606,  0.32704286],
       [ 0.16963497,  0.14262183],
       [-0.28122854, -0.23644493]])]
input:  [[-0.63582729]
 [-0.0470456 ]
 [ 1.0559671 ]]
activations:  [array([[-0.63582729],
       [-0.0470456 ],
       [ 1.0559671 ]]), array([[ 0.32043268],
       [ 0.17795111]]), array([[ 0.70585305],
       [ 0.61089726],
       [ 0.13882936]])]
cost derivative:  [[ 1.34168035]
 [ 0.65794286]
 [-0.91713773]]
unit step:  1
delta:  [[ 1.34168035]
 [ 0.65794286]
 [-0.91713773]]
delta b updated:  [array([[ 0.35262488],
       [-0.20964715]]), array([[ 1.34168035],
       [ 0.65794286],
       [-0.91713773]])]
delta w updated: [array([[-0.22420852, -0.01658945,  0.37236027],
       [ 0.13329938,  0.00986298, -0.22138049]]), array([[ 0.42991822,  0.23875351],
       [ 0.21082639,  0.11708166],
       [-0.2938809 , -0.16320568]])]
input:  [[-0.87312378]
 [-0.10708939]
 [ 1.01021872]]
activations:  [array([[-0.87312378],
       [-0.10708939],
       [ 1.01021872]]), array([[ 0.24355945],
       [ 0.23572958]]), array([[ 0.53519029],
       [ 0.60652336],
       [ 0.05373971]])]
cost derivative:  [[ 1.40831407]
 [ 0.71361275]
 [-0.95647901]]
unit step:  1
delta:  [[ 1.40831407]
 [ 0.71361275]
 [-0.95647901]]
delta b updated:  [array([[ 0.27944974],
       [-0.29643162]]), array([[ 1.40831407],
       [ 0.71361275],
       [-0.95647901]])]
delta w updated: [array([[-0.24399422, -0.0299261 ,  0.28230536],
       [ 0.2588215 ,  0.03174468, -0.29946078]]), array([[ 0.3430082 ,  0.33198129],
       [ 0.17380713,  0.16821963],
       [-0.2329595 , -0.2254704 ]])]
input:  [[ 0.87372259]
 [-0.95708859]
 [ 0.44221619]]
activations:  [array([[ 0.87372259],
       [-0.95708859],
       [ 0.44221619]]), array([[ 0.61032628],
       [-0.56376211]]), array([[ 1.85782226],
       [ 1.00385231],
       [ 0.80774978]])]
cost derivative:  [[ 0.98409967]
 [ 1.9609409 ]
 [ 0.36553359]]
unit step:  1
delta:  [[ 0.98409967]
 [ 1.9609409 ]
 [ 0.36553359]]
delta b updated:  [array([[ 0.44117222],
       [ 1.47527771]]), array([[ 0.98409967],
       [ 1.9609409 ],
       [ 0.36553359]])]
delta w updated: [array([[ 0.38546213, -0.4222409 ,  0.1950935 ],
       [ 1.28898346, -1.41197147,  0.65239168]]), array([[ 0.60062189, -0.55479811],
       [ 1.19681376, -1.10550418],
       [ 0.22309476, -0.20607399]])]
input:  [[-0.42968263]
 [-0.18852497]
 [ 0.96010561]]
activations:  [array([[-0.42968263],
       [-0.18852497],
       [ 0.96010561]]), array([[ 0.35675211],
       [ 0.07143272]]), array([[ 0.86215673],
       [ 0.66871495],
       [ 0.23208637]])]
cost derivative:  [[ 1.29183936]
 [ 0.85723992]
 [-0.72801924]]
unit step:  1
delta:  [[ 1.29183936]
 [ 0.85723992]
 [-0.72801924]]
delta b updated:  [array([[ 0.3726248 ],
       [-0.09987046]]), array([[ 1.29183936],
       [ 0.85723992],
       [-0.72801924]])]
delta w updated: [array([[-0.1601104 , -0.07024908,  0.35775916],
       [ 0.0429126 ,  0.01882808, -0.09588619]]), array([[ 0.46086642,  0.0922796 ],
       [ 0.30582215,  0.06123498],
       [-0.2597224 , -0.05200439]])]
input:  [[-0.71414978]
 [-0.01651868]
 [ 1.07612332]]
activations:  [array([[-0.71414978],
       [-0.01651868],
       [ 1.07612332]]), array([[ 0.30186149],
       [ 0.21169216]]), array([[ 0.64356985],
       [ 0.59409646],
       [ 0.10596773]])]
cost derivative:  [[ 1.35771962]
 [ 0.61061513]
 [-0.97015559]]
unit step:  1
delta:  [[ 1.35771962]
 [ 0.61061513]
 [-0.97015559]]
delta b updated:  [array([[ 0.33607204],
       [-0.23809122]]), array([[ 1.35771962],
       [ 0.61061513],
       [-0.97015559]])]
delta w updated: [array([[-0.24000578, -0.00555146,  0.36165496],
       [ 0.17003279,  0.00393295, -0.25621551]]), array([[ 0.40984327,  0.2874186 ],
       [ 0.1843212 ,  0.12926244],
       [-0.29285261, -0.20537433]])]
input:  [[ 0.87164646]
 [-0.96772944]
 [ 0.43473216]]
activations:  [array([[ 0.87164646],
       [-0.96772944],
       [ 0.43473216]]), array([[ 0.60744311],
       [-0.56750589]]), array([[ 1.85566828],
       [ 1.00630442],
       [ 0.80887313]])]
cost derivative:  [[ 0.98402182]
 [ 1.97403385]
 [ 0.37414097]]
unit step:  1
delta:  [[ 0.98402182]
 [ 1.97403385]
 [ 0.37414097]]
delta b updated:  [array([[ 0.43740481],
       [ 1.49321175]]), array([[ 0.98402182],
       [ 1.97403385],
       [ 0.37414097]])]
delta w updated: [array([[ 0.38126235, -0.42328951,  0.19015394],
       [ 1.30155274, -1.44502497,  0.64914718]]), array([[ 0.59773728, -0.55843818],
       [ 1.19911327, -1.12027584],
       [ 0.22726935, -0.2123272 ]])]
input:  [[-0.8199447 ]
 [-0.81128412]
 [ 0.51790952]]
activations:  [array([[-0.8199447 ],
       [-0.81128412],
       [ 0.51790952]]), array([[ 0.15027943],
       [ 0.01341827]]), array([[ 0.61201218],
       [ 0.81028702],
       [ 0.14391464]])]
cost derivative:  [[ 1.43195688]
 [ 1.62157114]
 [-0.37399487]]
unit step:  1
delta:  [[ 1.43195688]
 [ 1.62157114]
 [-0.37399487]]
delta b updated:  [array([[ 0.16441406],
       [-0.03112117]]), array([[ 1.43195688],
       [ 1.62157114],
       [-0.37399487]])]
delta w updated: [array([[-0.13481043, -0.13338651,  0.0851516 ],
       [ 0.02551764,  0.02524811, -0.01611795]]), array([[ 0.21519367,  0.01921439],
       [ 0.24368879,  0.02175868],
       [-0.05620374, -0.00501836]])]
input:  [[ 0.80372785]
 [-0.21526295]
 [ 0.9606156 ]]
activations:  [array([[ 0.80372785],
       [-0.21526295],
       [ 0.9606156 ]]), array([[ 0.70232721],
       [-0.32808044]]), array([[ 1.76126352],
       [ 0.78557149],
       [ 0.70904614]])]
cost derivative:  [[ 0.95753567]
 [ 1.00083444]
 [-0.25156946]]
unit step:  1
delta:  [[ 0.95753567]
 [ 1.00083444]
 [-0.25156946]]
delta b updated:  [array([[ 0.54177107],
       [ 0.48875965]]), array([[ 0.95753567],
       [ 1.00083444],
       [-0.25156946]])]
delta w updated: [array([[ 0.4354365 , -0.11662324,  0.52043374],
       [ 0.39282974, -0.10521184,  0.46951015]]), array([[ 0.67250335, -0.31414872],
       [ 0.70291326, -0.3283542 ],
       [-0.17668408,  0.08253502]])]
input:  [[ 0.82464401]
 [-1.07597374]
 [ 0.3581971 ]]
activations:  [array([[ 0.82464401],
       [-1.07597374],
       [ 0.3581971 ]]), array([[ 0.57669547],
       [-0.58592463]]), array([[ 1.82658726],
       [ 1.03240462],
       [ 0.8021848 ]])]
cost derivative:  [[ 1.00194326]
 [ 2.10837835]
 [ 0.44398769]]
unit step:  1
delta:  [[ 1.00194326]
 [ 2.10837835]
 [ 0.44398769]]
delta b updated:  [array([[ 0.41627218],
       [ 1.63495181]]), array([[ 1.00194326],
       [ 2.10837835],
       [ 0.44398769]])]
delta w updated: [array([[ 0.34327636, -0.44789793,  0.14910749],
       [ 1.34825321, -1.75916521,  0.585635  ]]), array([[ 0.57781613, -0.58706323],
       [ 1.21589224, -1.2353508 ],
       [ 0.25604569, -0.26014332]])]
input:  [[ 0.78950553]
 [-1.1036475 ]
 [ 0.33826956]]
activations:  [array([[ 0.78950553],
       [-1.1036475 ],
       [ 0.33826956]]), array([[ 0.56209043],
       [-0.58444579]]), array([[ 1.80299048],
       [ 1.03732236],
       [ 0.79197892]])]
cost derivative:  [[ 1.01348495]
 [ 2.14096986]
 [ 0.45370936]]
unit step:  1
delta:  [[ 1.01348495]
 [ 2.14096986]
 [ 0.45370936]]
delta b updated:  [array([[ 0.40909047],
       [ 1.65423308]]), array([[ 1.01348495],
       [ 2.14096986],
       [ 0.45370936]])]
delta w updated: [array([[ 0.32297919, -0.45149167,  0.13838285],
       [ 1.30602617, -1.82569021,  0.55957669]]), array([[ 0.56967019, -0.59232701],
       [ 1.20341867, -1.25128082],
       [ 0.25502569, -0.26516852]])]
input:  [[-0.66048242]
 [-0.03533603]
 [ 1.06378268]]
activations:  [array([[-0.66048242],
       [-0.03533603],
       [ 1.06378268]]), array([[ 0.31318876],
       [ 0.18777917]]), array([[ 0.68120929],
       [ 0.602389  ],
       [ 0.12886739]])]
cost derivative:  [[ 1.34169171]
 [ 0.63772503]
 [-0.93491529]]
unit step:  1
delta:  [[ 1.34169171]
 [ 0.63772503]
 [-0.93491529]]
delta b updated:  [array([[ 0.34316953],
       [-0.21605326]]), array([[ 1.34169171],
       [ 0.63772503],
       [-0.93491529]])]
delta w updated: [array([[-0.22665744, -0.01212625,  0.36505781],
       [ 0.14269938,  0.00763446, -0.22983371]]), array([[ 0.42020276,  0.25194175],
       [ 0.19972831,  0.11975147],
       [-0.29280496, -0.17555762]])]
input:  [[ 0.54885873]
 [-1.04776523]
 [ 0.37365046]]
activations:  [array([[ 0.54885873],
       [-1.04776523],
       [ 0.37365046]]), array([[ 0.50180039],
       [-0.49305555]]), array([[ 1.62367886],
       [ 0.99970988],
       [ 0.69465421]])]
cost derivative:  [[ 1.07482013]
 [ 2.04747512]
 [ 0.32100375]]
unit step:  1
delta:  [[ 1.07482013]
 [ 2.04747512]
 [ 0.32100375]]
delta b updated:  [array([[ 0.39211313],
       [ 1.34819395]]), array([[ 1.07482013],
       [ 2.04747512],
       [ 0.32100375]])]
delta w updated: [array([[ 0.21521471, -0.4108425 ,  0.14651325],
       [ 0.73996802, -1.41259075,  0.50375329]]), array([[ 0.53934516, -0.52994603],
       [ 1.02742381, -1.00951897],
       [ 0.16107981, -0.15827268]])]
input:  [[-0.85738571]
 [-0.07055587]
 [ 1.03604809]]
activations:  [array([[-0.85738571],
       [-0.07055587],
       [ 1.03604809]]), array([[ 0.2515052 ],
       [ 0.23991552]]), array([[ 0.5382995 ],
       [ 0.59419954],
       [ 0.05676237]])]
cost derivative:  [[ 1.39568521]
 [ 0.66475541]
 [-0.97928572]]
unit step:  1
delta:  [[ 1.39568521]
 [ 0.66475541]
 [-0.97928572]]
delta b updated:  [array([[ 0.28526787],
       [-0.28626364]]), array([[ 1.39568521],
       [ 0.66475541],
       [-0.97928572]])]
delta w updated: [array([[-0.2445846 , -0.02012732,  0.29555123],
       [ 0.24543835,  0.02019758, -0.2965829 ]]), array([[ 0.35102208,  0.33484654],
       [ 0.16718944,  0.15948514],
       [-0.24629545, -0.23494584]])]
input:  [[-0.51887351]
 [-0.1200104 ]
 [ 1.00669461]]
activations:  [array([[-0.51887351],
       [-0.1200104 ],
       [ 1.00669461]]), array([[ 0.33978361],
       [ 0.1178144 ]]), array([[ 0.7873507 ],
       [ 0.63845722],
       [ 0.19200632]])]
cost derivative:  [[ 1.30622421]
 [ 0.75846761]
 [-0.81468829]]
unit step:  1
delta:  [[ 1.30622421]
 [ 0.75846761]
 [-0.81468829]]
delta b updated:  [array([[ 0.35913238],
       [-0.15106856]]), array([[ 1.30622421],
       [ 0.75846761],
       [-0.81468829]])]
delta w updated: [array([[-0.18634428, -0.04309962,  0.36153663],
       [ 0.07838547,  0.0181298 , -0.15207991]]), array([[ 0.44383357,  0.15389202],
       [ 0.25771486,  0.08935841],
       [-0.27681773, -0.09598201]])]
input:  [[ 0.08239468]
 [-0.65908384]
 [ 0.63856482]]
activations:  [array([[ 0.08239468],
       [-0.65908384],
       [ 0.63856482]]), array([[ 0.42804239],
       [-0.23155586]]), array([[ 1.25809804],
       [ 0.84623399],
       [ 0.47717493]])]
cost derivative:  [[ 1.17570336]
 [ 1.50531783]
 [-0.16138989]]
unit step:  1
delta:  [[ 1.17570336]
 [ 1.50531783]
 [-0.16138989]]
delta b updated:  [array([[ 0.3846737 ],
       [ 0.49174806]]), array([[ 1.17570336],
       [ 1.50531783],
       [-0.16138989]])]
delta w updated: [array([[ 0.03169507, -0.25353222,  0.24563909],
       [ 0.04051743, -0.3241032 ,  0.31401301]]), array([[ 0.50325088, -0.27224101],
       [ 0.64433985, -0.34856517],
       [-0.06908171,  0.03737077]])]
input:  [[ 0.77023174]
 [-0.06266718]
 [ 1.0669541 ]]
activations:  [array([[ 0.77023174],
       [-0.06266718],
       [ 1.0669541 ]]), array([[ 0.71401652],
       [-0.27647296]]), array([[ 1.72398335],
       [ 0.73738831],
       [ 0.68279132]])]
cost derivative:  [[ 0.95375161]
 [ 0.80005549]
 [-0.38416278]]
unit step:  1
delta:  [[ 0.95375161]
 [ 0.80005549]
 [-0.38416278]]
delta b updated:  [array([[ 0.55677267],
       [ 0.34625887]]), array([[ 0.95375161],
       [ 0.80005549],
       [-0.38416278]])]
delta w updated: [array([[ 0.42884398, -0.03489137,  0.59405088],
       [ 0.26669957, -0.02169907,  0.36944232]]), array([[ 0.68099441, -0.26368653],
       [ 0.57125284, -0.22119371],
       [-0.27429857,  0.10621062]])]
input:  [[-0.10106781]
 [-0.48450296]
 [ 0.75796058]]
activations:  [array([[-0.10106781],
       [-0.48450296],
       [ 0.75796058]]), array([[ 0.40201037],
       [-0.12246031]]), array([[ 1.11231492],
       [ 0.77955854],
       [ 0.38939653]])]
cost derivative:  [[ 1.21338273]
 [ 1.2640615 ]
 [-0.36856405]]
unit step:  1
delta:  [[ 1.21338273]
 [ 1.2640615 ]
 [-0.36856405]]
delta b updated:  [array([[ 0.37966452],
       [ 0.22650326]]), array([[ 1.21338273],
       [ 1.2640615 ],
       [-0.36856405]])]
delta w updated: [array([[-0.03837186, -0.18394859,  0.28777074],
       [-0.02289219, -0.1097415 ,  0.17168054]]), array([[ 0.48779244, -0.14859123],
       [ 0.50816583, -0.15479737],
       [-0.14816657,  0.04513447]])]
input:  [[ 0.84875027]
 [-0.45538179]
 [ 0.79316557]]
activations:  [array([[ 0.84875027],
       [-0.45538179],
       [ 0.79316557]]), array([[ 0.67574407],
       [-0.41691953]]), array([[ 1.8033824 ],
       [ 0.85626789],
       [ 0.75230951]])]
cost derivative:  [[ 0.95463213]
 [ 1.31164968]
 [-0.04085606]]
unit step:  1
delta:  [[ 0.95463213]
 [ 1.31164968]
 [-0.04085606]]
delta b updated:  [array([[ 0.50003167],
       [ 0.77032343]]), array([[ 0.95463213],
       [ 1.31164968],
       [-0.04085606]])]
delta w updated: [array([[ 0.42440202, -0.22770532,  0.3966079 ],
       [ 0.65381222, -0.35079127,  0.61099402]]), array([[ 0.64508701, -0.39800478],
       [ 0.8863395 , -0.54685237],
       [-0.02760824,  0.01703369]])]
input:  [[ 0.52081854]
 [-1.02999117]
 [ 0.38566014]]
activations:  [array([[ 0.52081854],
       [-1.02999117],
       [ 0.38566014]]), array([[ 0.49478681],
       [-0.48113868]]), array([[ 1.59821229],
       [ 0.99079319],
       [ 0.68338352]])]
cost derivative:  [[ 1.07739374]
 [ 2.02078436]
 [ 0.29772339]]
unit step:  1
delta:  [[ 1.07739374]
 [ 2.02078436]
 [ 0.29772339]]
delta b updated:  [array([[ 0.38595286],
       [ 1.29931152]]), array([[ 1.07739374],
       [ 2.02078436],
       [ 0.29772339]])]
delta w updated: [array([[ 0.20101141, -0.39752804,  0.14884663],
       [ 0.67670553, -1.33827939,  0.50109266]]), array([[ 0.53308021, -0.5183758 ],
       [ 0.99985745, -0.97227752],
       [ 0.1473096 , -0.14324624]])]
input:  [[ 0.56711552]
 [-1.05861197]
 [ 0.36633933]]
activations:  [array([[ 0.56711552],
       [-1.05861197],
       [ 0.36633933]]), array([[ 0.50323328],
       [-0.50538268]]), array([[ 1.63379326],
       [ 1.00306802],
       [ 0.70443428]])]
cost derivative:  [[ 1.06667775]
 [ 2.06167999]
 [ 0.33809495]]
unit step:  1
delta:  [[ 1.06667775]
 [ 2.06167999]
 [ 0.33809495]]
delta b updated:  [array([[ 0.38649908],
       [ 1.38739372]]), array([[ 1.06667775],
       [ 2.06167999],
       [ 0.33809495]])]
delta w updated: [array([[ 0.21918963, -0.40915255,  0.14158981],
       [ 0.7868125 , -1.46871159,  0.50825689]]), array([[ 0.53678774, -0.53908046],
       [ 1.03750598, -1.04193737],
       [ 0.17014063, -0.17086733]])]
input:  [[ 0.87886468]
 [-0.92270113]
 [ 0.46637747]]
activations:  [array([[ 0.87886468],
       [-0.92270113],
       [ 0.46637747]]), array([[ 0.61200547],
       [-0.56631927]]), array([[ 1.85327528],
       [ 0.99221462],
       [ 0.81139013]])]
cost derivative:  [[ 0.97441059]
 [ 1.91491575]
 [ 0.34501266]]
unit step:  1
delta:  [[ 0.97441059]
 [ 1.91491575]
 [ 0.34501266]]
delta b updated:  [array([[ 0.4329585 ],
       [ 1.44608222]]), array([[ 0.97441059],
       [ 1.91491575],
       [ 0.34501266]])]
delta w updated: [array([[ 0.38051194, -0.3994913 ,  0.20192209],
       [ 1.27091059, -1.33430169,  0.67442017]]), array([[ 0.59634461, -0.55182749],
       [ 1.17193891, -1.08445369],
       [ 0.21114964, -0.19538732]])]
input:  [[-0.8411984 ]
 [-0.70686931]
 [ 0.59069842]]
activations:  [array([[-0.8411984 ],
       [-0.70686931],
       [ 0.59069842]]), array([[ 0.15714349],
       [ 0.04610114]]), array([[ 0.5842755 ],
       [ 0.77563552],
       [ 0.1272981 ]])]
cost derivative:  [[ 1.4254739 ]
 [ 1.48250483]
 [-0.46340032]]
unit step:  1
delta:  [[ 1.4254739 ]
 [ 1.48250483]
 [-0.46340032]]
delta b updated:  [array([[ 0.1710449],
       [-0.0990342]]), array([[ 1.4254739 ],
       [ 1.48250483],
       [-0.46340032]])]
delta w updated: [array([[-0.1438827 , -0.12090639,  0.10103595],
       [ 0.08330741,  0.07000424, -0.05849934]]), array([[ 0.22400394,  0.06571597],
       [ 0.23296598,  0.06834517],
       [-0.07282034, -0.02136328]])]
input:  [[-0.84182799]
 [-0.0479054 ]
 [ 1.05215254]]
activations:  [array([[-0.84182799],
       [-0.0479054 ],
       [ 1.05215254]]), array([[ 0.25738967],
       [ 0.23991808]]), array([[ 0.54288847],
       [ 0.58648149],
       [ 0.06122574]])]
cost derivative:  [[ 1.38471646]
 [ 0.63438689]
 [-0.9909268 ]]
unit step:  1
delta:  [[ 1.38471646]
 [ 0.63438689]
 [-0.9909268 ]]
delta b updated:  [array([[ 0.28876898],
       [-0.27622349]]), array([[ 1.38471646],
       [ 0.63438689],
       [-0.9909268 ]])]
delta w updated: [array([[-0.24309381, -0.01383359,  0.30382902],
       [ 0.23253267,  0.0132326 , -0.29062925]]), array([[ 0.35641171,  0.33221851],
       [ 0.16328463,  0.15220088],
       [-0.25505432, -0.23774125]])]
input:  [[ 0.88234155]
 [-0.88453597]
 [ 0.49315826]]
activations:  [array([[ 0.88234155],
       [-0.88453597],
       [ 0.49315826]]), array([[ 0.61825895],
       [-0.55747819]]), array([[ 1.85235859],
       [ 0.98095265],
       [ 0.80971179]])]
cost derivative:  [[ 0.97001704]
 [ 1.86548862]
 [ 0.31655353]]
unit step:  1
delta:  [[ 0.97001704]
 [ 1.86548862]
 [ 0.31655353]]
delta b updated:  [array([[ 0.43677625],
       [ 1.39049607]]), array([[ 0.97001704],
       [ 1.86548862],
       [ 0.31655353]])]
delta w updated: [array([[ 0.38538583, -0.3863443 ,  0.21539982],
       [ 1.22689246, -1.22994379,  0.68573462]]), array([[ 0.59972172, -0.54076334],
       [ 1.15335504, -1.03996921],
       [ 0.19571205, -0.17647169]])]
input:  [[ 0.86939212]
 [-0.97796583]
 [ 0.42752859]]
activations:  [array([[ 0.86939212],
       [-0.97796583],
       [ 0.42752859]]), array([[ 0.59992114],
       [-0.58209624]]), array([[ 1.84873536],
       [ 1.00662661],
       [ 0.81449427]])]
cost derivative:  [[ 0.97934324]
 [ 1.98459244]
 [ 0.38696568]]
unit step:  1
delta:  [[ 0.97934324]
 [ 1.98459244]
 [ 0.38696568]]
delta b updated:  [array([[ 0.42222869],
       [ 1.53351371]]), array([[ 0.97934324],
       [ 1.98459244],
       [ 0.38696568]])]
delta w updated: [array([[ 0.3670823 , -0.41292523,  0.18051484],
       [ 1.33322474, -1.49972401,  0.65562096]]), array([[ 0.58752872, -0.57007201],
       [ 1.19059896, -1.15522379],
       [ 0.23214889, -0.22525126]])]
input:  [[-0.13526893]
 [-0.45208366]
 [ 0.78013005]]
activations:  [array([[-0.13526893],
       [-0.45208366],
       [ 0.78013005]]), array([[ 0.39528081],
       [-0.1063344 ]]), array([[ 1.08259269],
       [ 0.76524639],
       [ 0.37457391]])]
cost derivative:  [[ 1.21786163]
 [ 1.21733005]
 [-0.40555614]]
unit step:  1
delta:  [[ 1.21786163]
 [ 1.21733005]
 [-0.40555614]]
delta b updated:  [array([[ 0.37412415],
       [ 0.19061286]]), array([[ 1.21786163],
       [ 1.21733005],
       [-0.40555614]])]
delta w updated: [array([[-0.05060738, -0.16913542,  0.29186549],
       [-0.025784  , -0.08617296,  0.14870282]]), array([[ 0.48139733, -0.12950058],
       [ 0.48118721, -0.12944406],
       [-0.16030856,  0.04312457]])]
input:  [[-0.31359679]
 [-0.2876391 ]
 [ 0.89250755]]
activations:  [array([[-0.31359679],
       [-0.2876391 ],
       [ 0.89250755]]), array([[ 0.36965521],
       [-0.00081413]]), array([[ 0.94149186],
       [ 0.70172996],
       [ 0.28936118]])]
cost derivative:  [[ 1.25508865]
 [ 0.98936906]
 [-0.60314637]]
unit step:  1
delta:  [[ 1.25508865]
 [ 0.98936906]
 [-0.60314637]]
delta b updated:  [array([[ 0.36674709],
       [ 0.00124956]]), array([[ 1.25508865],
       [ 0.98936906],
       [-0.60314637]])]
delta w updated: [array([[-0.11501071, -0.10549081,  0.32732455],
       [-0.00039186, -0.00035942,  0.00111524]]), array([[ 0.46395006, -0.00102181],
       [ 0.36572543, -0.00080548],
       [-0.2229562 ,  0.00049104]])]
input:  [[ 0.78390241]
 [-1.10627369]
 [ 0.3363431 ]]
activations:  [array([[ 0.78390241],
       [-1.10627369],
       [ 0.3363431 ]]), array([[ 0.55533013],
       [-0.59401124]]), array([[ 1.79295532],
       [ 1.03516612],
       [ 0.79512506]])]
cost derivative:  [[ 1.00905291]
 [ 2.14143981]
 [ 0.45878196]]
unit step:  1
delta:  [[ 1.00905291]
 [ 2.14143981]
 [ 0.45878196]]
delta b updated:  [array([[ 0.39564723],
       [ 1.67643102]]), array([[ 1.00905291],
       [ 2.14143981],
       [ 0.45878196]])]
delta w updated: [array([[ 0.31014882, -0.43769412,  0.13307321],
       [ 1.31415832, -1.85459153,  0.563856  ]]), array([[ 0.56035749, -0.59938877],
       [ 1.18920606, -1.27203932],
       [ 0.25477545, -0.27252164]])]
input:  [[-0.73538449]
 [-0.01234762]
 [ 1.07871312]]
activations:  [array([[-0.73538449],
       [-0.01234762],
       [ 1.07871312]]), array([[ 0.29185328],
       [ 0.21513875]]), array([[ 0.61545974],
       [ 0.5841394 ],
       [ 0.09911263]])]
cost derivative:  [[ 1.35084423]
 [ 0.59648701]
 [-0.97960048]]
unit step:  1
delta:  [[ 1.35084423]
 [ 0.59648701]
 [-0.97960048]]
delta b updated:  [array([[ 0.31966837],
       [-0.2361115 ]]), array([[ 1.35084423],
       [ 0.59648701],
       [-0.97960048]])]
delta w updated: [array([[-0.23507916, -0.00394714,  0.34483046],
       [ 0.17363273,  0.00291541, -0.25469657]]), array([[ 0.39424832,  0.29061894],
       [ 0.17408669,  0.12832747],
       [-0.28589961, -0.21075002]])]
input:  [[-0.22549134]
 [-0.36763205]
 [ 0.83786346]]
activations:  [array([[-0.22549134],
       [-0.36763205],
       [ 0.83786346]]), array([[ 0.38173884],
       [-0.05331887]]), array([[ 1.00908941],
       [ 0.73194567],
       [ 0.33182788]])]
cost derivative:  [[ 1.23458075]
 [ 1.09957772]
 [-0.50603558]]
unit step:  1
delta:  [[ 1.23458075]
 [ 1.09957772]
 [-0.50603558]]
delta b updated:  [array([[ 0.36871049],
       [ 0.08837739]]), array([[ 1.23458075],
       [ 1.09957772],
       [-0.50603558]])]
delta w updated: [array([[-0.08314102, -0.13554979,  0.30892905],
       [-0.01992834, -0.03249036,  0.07404819]]), array([[ 0.47128742, -0.06582646],
       [ 0.41975152, -0.05862825],
       [-0.19317344,  0.02698125]])]
input:  [[ 0.87704311]
 [-0.67298184]
 [ 0.64122427]]
activations:  [array([[ 0.87704311],
       [-0.67298184],
       [ 0.64122427]]), array([[ 0.6472107 ],
       [-0.49781062]]), array([[ 1.83323019],
       [ 0.91885757],
       [ 0.78850248]])]
cost derivative:  [[ 0.95618709]
 [ 1.5918394 ]
 [ 0.14727821]]
unit step:  1
delta:  [[ 0.95618709]
 [ 1.5918394 ]
 [ 0.14727821]]
delta b updated:  [array([[ 0.46155088],
       [ 1.08030837]]), array([[ 0.95618709],
       [ 1.5918394 ],
       [ 0.14727821]])]
delta w updated: [array([[ 0.40480002, -0.31061536,  0.29595762],
       [ 0.94747701, -0.72702791,  0.69271994]]), array([[ 0.61885451, -0.47600009],
       [ 1.0302555 , -0.79243456],
       [ 0.09532003, -0.07331666]])]
input:  [[ 0.53959763]
 [-1.04203725]
 [ 0.37751727]]
activations:  [array([[ 0.53959763],
       [-1.04203725],
       [ 0.37751727]]), array([[ 0.49489928],
       [-0.49904189]]), array([[ 1.60926017],
       [ 0.99429785],
       [ 0.69552763]])]
cost derivative:  [[ 1.06966254]
 [ 2.0363351 ]
 [ 0.31801037]]
unit step:  1
delta:  [[ 1.06966254]
 [ 2.0363351 ]
 [ 0.31801037]]
delta b updated:  [array([[ 0.37841139],
       [ 1.35304669]]), array([[ 1.06966254],
       [ 2.0363351 ],
       [ 0.31801037]])]
delta w updated: [array([[ 0.20418989, -0.39431877,  0.14285684],
       [ 0.73010078, -1.40992505,  0.51079849]]), array([[ 0.52937522, -0.53380642],
       [ 1.00778077, -1.01621652],
       [ 0.1573831 , -0.15870049]])]
input:  [[-0.84595787]
 [-0.05303528]
 [ 1.04849575]]
activations:  [array([[-0.84595787],
       [-0.05303528],
       [ 1.04849575]]), array([[ 0.25350062],
       [ 0.23803817]]), array([[ 0.53492403],
       [ 0.58483604],
       [ 0.06081054]])]
cost derivative:  [[ 1.3808819 ]
 [ 0.63787133]
 [-0.9876852 ]]
unit step:  1
delta:  [[ 1.3808819 ]
 [ 0.63787133]
 [-0.9876852 ]]
delta b updated:  [array([[ 0.28204771],
       [-0.27386131]]), array([[ 1.3808819 ],
       [ 0.63787133],
       [-0.9876852 ]])]
delta w updated: [array([[-0.23860048, -0.01495848,  0.29572582],
       [ 0.23167513,  0.01452431, -0.28714242]]), array([[ 0.35005442,  0.3287026 ],
       [ 0.16170077,  0.15183772],
       [-0.25037881, -0.23510677]])]
input:  [[-0.89304525]
 [-0.30582081]
 [ 0.870739  ]]
activations:  [array([[-0.89304525],
       [-0.30582081],
       [ 0.870739  ]]), array([[ 0.20128961],
       [ 0.17879431]]), array([[ 0.51512144],
       [ 0.65292849],
       [ 0.06811967]])]
cost derivative:  [[ 1.40816668]
 [ 0.9587493 ]
 [-0.80261932]]
unit step:  1
delta:  [[ 1.40816668]
 [ 0.9587493 ]
 [-0.80261932]]
delta b updated:  [array([[ 0.2229017],
       [-0.2734248]]), array([[ 1.40816668],
       [ 0.9587493 ],
       [-0.80261932]])]
delta w updated: [array([[-0.19906131, -0.06816798,  0.19408921],
       [ 0.24418071,  0.08361899, -0.23808163]]), array([[ 0.28344932,  0.2517722 ],
       [ 0.19298627,  0.17141892],
       [-0.16155893, -0.14350377]])]
input:  [[ 0.22934215]
 [-0.7953239 ]
 [ 0.54544921]]
activations:  [array([[ 0.22934215],
       [-0.7953239 ],
       [ 0.54544921]]), array([[ 0.44421166],
       [-0.32715019]]), array([[ 1.36561971],
       [ 0.89470208],
       [ 0.55145256]])]
cost derivative:  [[ 1.13627756]
 [ 1.69002598]
 [ 0.00600335]]
unit step:  1
delta:  [[ 1.13627756]
 [ 1.69002598]
 [ 0.00600335]]
delta b updated:  [array([[ 0.37368969],
       [ 0.75957643]]), array([[ 1.13627756],
       [ 1.69002598],
       [ 0.00600335]])]
delta w updated: [array([[ 0.0857028 , -0.29720434,  0.20382875],
       [ 0.17420289, -0.60410929,  0.41431036]]), array([[ 0.50474773, -0.37173342],
       [ 0.75072924, -0.55289232],
       [ 0.00266676, -0.001964  ]])]
input:  [[ 0.32782706]
 [-0.8819045 ]
 [ 0.48635374]]
activations:  [array([[ 0.32782706],
       [-0.8819045 ],
       [ 0.48635374]]), array([[ 0.45862667],
       [-0.38497102]]), array([[ 1.44269151],
       [ 0.92823974],
       [ 0.59844144]])]
cost derivative:  [[ 1.11486445]
 [ 1.81014424]
 [ 0.1120877 ]]
unit step:  1
delta:  [[ 1.11486445]
 [ 1.81014424]
 [ 0.1120877 ]]
delta b updated:  [array([[ 0.37366703],
       [ 0.94567543]]), array([[ 1.11486445],
       [ 1.81014424],
       [ 0.1120877 ]])]
delta w updated: [array([[ 0.12249817, -0.32953863,  0.18173436],
       [ 0.310018  , -0.83399542,  0.45993278]]), array([[ 0.51130657, -0.4291905 ],
       [ 0.83018042, -0.69685307],
       [ 0.05140641, -0.04315052]])]
input:  [[ 0.44252695]
 [-0.97449941]
 [ 0.42329939]]
activations:  [array([[ 0.44252695],
       [-0.97449941],
       [ 0.42329939]]), array([[ 0.47668636],
       [-0.44998863]]), array([[ 1.53212267],
       [ 0.96502028],
       [ 0.65236843]])]
cost derivative:  [[ 1.08959573]
 [ 1.93951969]
 [ 0.22906904]]
unit step:  1
delta:  [[ 1.08959573]
 [ 1.93951969]
 [ 0.22906904]]
delta b updated:  [array([[ 0.37399778],
       [ 1.1704546 ]]), array([[ 1.08959573],
       [ 1.93951969],
       [ 0.22906904]])]
delta w updated: [array([[ 0.1655041 , -0.36446062,  0.15831303],
       [ 0.5179577 , -1.14060732,  0.49545272]]), array([[ 0.51939542, -0.49030569],
       [ 0.92454257, -0.87276181],
       [ 0.10919408, -0.10307846]])]
input:  [[ 0.15071471]
 [-0.72317733]
 [ 0.59474638]]
activations:  [array([[ 0.15071471],
       [-0.72317733],
       [ 0.59474638]]), array([[ 0.43222248],
       [-0.28240952]]), array([[ 1.3029056 ],
       [ 0.86621169],
       [ 0.51442435]])]
cost derivative:  [[ 1.15219089]
 [ 1.58938902]
 [-0.08032203]]
unit step:  1
delta:  [[ 1.15219089]
 [ 1.58938902]
 [-0.08032203]]
delta b updated:  [array([[ 0.37152536],
       [ 0.62317945]]), array([[ 1.15219089],
       [ 1.58938902],
       [-0.08032203]])]
delta w updated: [array([[ 0.05599434, -0.26867872,  0.22096336],
       [ 0.09392231, -0.45066925,  0.37063372]]), array([[ 0.4980028 , -0.32538968],
       [ 0.68696966, -0.44885859],
       [-0.03471699,  0.02268371]])]
input:  [[ 0.87313736]
 [-0.63343154]
 [ 0.66885992]]
activations:  [array([[ 0.87313736],
       [-0.63343154],
       [ 0.66885992]]), array([[ 0.65021208],
       [-0.48924259]]), array([[ 1.82504728],
       [ 0.90527134],
       [ 0.78493767]])]
cost derivative:  [[ 0.95190992]
 [ 1.53870288]
 [ 0.11607774]]
unit step:  1
delta:  [[ 0.95190992]
 [ 1.53870288]
 [ 0.11607774]]
delta b updated:  [array([[ 0.46155975],
       [ 1.02961784]]), array([[ 0.95190992],
       [ 1.53870288],
       [ 0.11607774]])]
delta w updated: [array([[ 0.40300506, -0.2923665 ,  0.30871882],
       [ 0.89899781, -0.65219242,  0.68867011]]), array([[ 0.61894333, -0.46571487],
       [ 1.0004832 , -0.75279897],
       [ 0.07547515, -0.05679018]])]
input:  [[-0.14663269]
 [-0.44135029]
 [ 0.78746928]]
activations:  [array([[-0.14663269],
       [-0.44135029],
       [ 0.78746928]]), array([[ 0.3906698 ],
       [-0.10405331]]), array([[ 1.06713165],
       [ 0.75786256],
       [ 0.37125722]])]
cost derivative:  [[ 1.21376433]
 [ 1.19921285]
 [-0.41621207]]
unit step:  1
delta:  [[ 1.21376433]
 [ 1.19921285]
 [-0.41621207]]
delta b updated:  [array([[ 0.36578894],
       [ 0.1836593 ]]), array([[ 1.21376433],
       [ 1.19921285],
       [-0.41621207]])]
delta w updated: [array([[-0.05363662, -0.16144106,  0.28804756],
       [-0.02693046, -0.08105809,  0.14462606]]), array([[ 0.47418107, -0.1262962 ],
       [ 0.46849625, -0.12478207],
       [-0.16260149,  0.04330824]])]
input:  [[-0.89286411]
 [-0.23476572]
 [ 0.92050079]]
activations:  [array([[-0.89286411],
       [-0.23476572],
       [ 0.92050079]]), array([[ 0.21090275],
       [ 0.19789829]]), array([[ 0.50789031],
       [ 0.63077447],
       [ 0.06174351]])]
cost derivative:  [[ 1.40075442]
 [ 0.86554019]
 [-0.85875728]]
unit step:  1
delta:  [[ 1.40075442]
 [ 0.86554019]
 [-0.85875728]]
delta b updated:  [array([[ 0.23306365],
       [-0.28031715]]), array([[ 1.40075442],
       [ 0.86554019],
       [-0.85875728]])]
delta w updated: [array([[-0.20809417, -0.05471536,  0.21453527],
       [ 0.25028513,  0.06580886, -0.25803216]]), array([[ 0.29542296,  0.27720691],
       [ 0.18254481,  0.17128893],
       [-0.18111427, -0.1699466 ]])]
input:  [[ 0.07095282]
 [-0.6482618 ]
 [ 0.64596492]]
activations:  [array([[ 0.07095282],
       [-0.6482618 ],
       [ 0.64596492]]), array([[ 0.42022744],
       [-0.23550844]]), array([[ 1.23767377],
       [ 0.8364441 ],
       [ 0.4765672 ]])]
cost derivative:  [[ 1.16672095]
 [ 1.4847059 ]
 [-0.16939772]]
unit step:  1
delta:  [[ 1.16672095]
 [ 1.4847059 ]
 [-0.16939772]]
delta b updated:  [array([[ 0.36822872],
       [ 0.4913467 ]]), array([[ 1.16672095],
       [ 1.4847059 ],
       [-0.16939772]])]
delta w updated: [array([[ 0.02612687, -0.23870861,  0.23786283],
       [ 0.03486244, -0.3185213 ,  0.31739274]]), array([[ 0.49028816, -0.27477263],
       [ 0.62391416, -0.34966078],
       [-0.07118557,  0.03989459]])]
input:  [[-0.61024572]
 [-0.06079305]
 [ 1.04673886]]
activations:  [array([[-0.61024572],
       [-0.06079305],
       [ 1.04673886]]), array([[ 0.31708324],
       [ 0.15812935]]), array([[ 0.70210892],
       [ 0.60556116],
       [ 0.15366991]])]
cost derivative:  [[ 1.31235464]
 [ 0.66635421]
 [-0.89306895]]
unit step:  1
delta:  [[ 1.31235464]
 [ 0.66635421]
 [-0.89306895]]
delta b updated:  [array([[ 0.33362721],
       [-0.18426898]]), array([[ 1.31235464],
       [ 0.66635421],
       [-0.89306895]])]
delta w updated: [array([[-0.20359458, -0.02028222,  0.34922057],
       [ 0.11244936,  0.01120227, -0.1928815 ]]), array([[ 0.41612566,  0.20752179],
       [ 0.21128975,  0.10537016],
       [-0.28317719, -0.14122041]])]
input:  [[ 0.85550694]
 [-1.02321488]
 [ 0.39562474]]
activations:  [array([[ 0.85550694],
       [-1.02321488],
       [ 0.39562474]]), array([[ 0.58457311],
       [-0.60013515]]), array([[ 1.83372622],
       [ 1.01465834],
       [ 0.81846537]])]
cost derivative:  [[ 0.97821928]
 [ 2.03787322]
 [ 0.42284064]]
unit step:  1
delta:  [[ 0.97821928]
 [ 2.03787322]
 [ 0.42284064]]
delta b updated:  [array([[ 0.40161369],
       [ 1.61365719]]), array([[ 0.97821928],
       [ 2.03787322],
       [ 0.42284064]])]
delta w updated: [array([[ 0.3435833 , -0.4109371 ,  0.15888831],
       [ 1.38049492, -1.65111804,  0.6384027 ]]), array([[ 0.57184069, -0.58706378],
       [ 1.19128589, -1.22299936],
       [ 0.24718127, -0.25376153]])]
input:  [[-0.85373844]
 [-0.0643567 ]
 [ 1.04044617]]
activations:  [array([[-0.85373844],
       [-0.0643567 ],
       [ 1.04044617]]), array([[ 0.24723672],
       [ 0.23546184]]), array([[ 0.52312853],
       [ 0.58406552],
       [ 0.05989958]])]
cost derivative:  [[ 1.37686696]
 [ 0.64842222]
 [-0.98054659]]
unit step:  1
delta:  [[ 1.37686696]
 [ 0.64842222]
 [-0.98054659]]
delta b updated:  [array([[ 0.27234013],
       [-0.2725035 ]]), array([[ 1.37686696],
       [ 0.64842222],
       [-0.98054659]])]
delta w updated: [array([[-0.23250724, -0.01752691,  0.28335525],
       [ 0.23264671,  0.01753742, -0.28352522]]), array([[ 0.34041208,  0.32419963],
       [ 0.16031378,  0.15267869],
       [-0.24242713, -0.23088131]])]
input:  [[ 0.76625553]
 [-1.11224554]
 [ 0.33188589]]
activations:  [array([[ 0.76625553],
       [-1.11224554],
       [ 0.33188589]]), array([[ 0.54523475],
       [-0.59918279]]), array([[ 1.77384927],
       [ 1.03219936],
       [ 0.79371428]])]
cost derivative:  [[ 1.00759374]
 [ 2.1444449 ]
 [ 0.46182839]]
unit step:  1
delta:  [[ 1.00759374]
 [ 2.1444449 ]
 [ 0.46182839]]
delta b updated:  [array([[ 0.38165112],
       [ 1.6887545 ]]), array([[ 1.00759374],
       [ 2.1444449 ],
       [ 0.46182839]])]
delta w updated: [array([[ 0.29244228, -0.42448975,  0.12666462],
       [ 1.29401748, -1.87830966,  0.5604738 ]]), array([[ 0.54937512, -0.60373283],
       [ 1.16922588, -1.28491448],
       [ 0.25180488, -0.27671962]])]
input:  [[-0.47005138]
 [-0.15648523]
 [ 0.9819131 ]]
activations:  [array([[-0.47005138],
       [-0.15648523],
       [ 0.9819131 ]]), array([[ 0.3413433 ],
       [ 0.08362596]]), array([[ 0.80861036],
       [ 0.64470658],
       [ 0.21807103]])]
cost derivative:  [[ 1.27866174]
 [ 0.80119181]
 [-0.76384207]]
unit step:  1
delta:  [[ 1.27866174]
 [ 0.80119181]
 [-0.76384207]]
delta b updated:  [array([[ 0.34592836],
       [-0.1098433 ]]), array([[ 1.27866174],
       [ 0.80119181],
       [-0.76384207]])]
delta w updated: [array([[-0.1626041 , -0.05413268,  0.33967159],
       [ 0.051632  ,  0.01718885, -0.10785658]]), array([[ 0.43646262,  0.10692931],
       [ 0.27348146,  0.06700043],
       [-0.26073238, -0.06387702]])]
input:  [[ 0.88431089]
 [-0.8122521 ]
 [ 0.54380843]]
activations:  [array([[ 0.88431089],
       [-0.8122521 ],
       [ 0.54380843]]), array([[ 0.62403433],
       [-0.54989507]]), array([[ 1.84086927],
       [ 0.95619998],
       [ 0.80977175]])]
cost derivative:  [[ 0.95655838]
 [ 1.76845208]
 [ 0.26596332]]
unit step:  1
delta:  [[ 0.95655838]
 [ 1.76845208]
 [ 0.26596332]]
delta b updated:  [array([[ 0.43082622],
       [ 1.30320692]]), array([[ 0.95655838],
       [ 1.76845208],
       [ 0.26596332]])]
delta w updated: [array([[ 0.38098431, -0.3499395 ,  0.23428693],
       [ 1.15244007, -1.05853256,  0.70869491]]), array([[ 0.59692527, -0.52600674],
       [ 1.1035748 , -0.97246308],
       [ 0.16597024, -0.14625192]])]
input:  [[ 0.83110741]
 [-0.35401954]
 [ 0.86387311]]
activations:  [array([[ 0.83110741],
       [-0.35401954],
       [ 0.86387311]]), array([[ 0.67872506],
       [-0.39758083]]), array([[ 1.77264917],
       [ 0.81911323],
       [ 0.74292697]])]
cost derivative:  [[ 0.94154176]
 [ 1.17313278]
 [-0.12094614]]
unit step:  1
delta:  [[ 0.94154176]
 [ 1.17313278]
 [-0.12094614]]
delta b updated:  [array([[ 0.49299645],
       [ 0.66570595]]), array([[ 0.94154176],
       [ 1.17313278],
       [-0.12094614]])]
delta w updated: [array([[ 0.40973301, -0.17453038,  0.42588638],
       [ 0.55327315, -0.23567292,  0.57508547]]), array([[ 0.63904798, -0.37433895],
       [ 0.79623461, -0.4664151 ],
       [-0.08208918,  0.04808587]])]
input:  [[ 0.51130396]
 [-1.02368072]
 [ 0.38993089]]
activations:  [array([[ 0.51130396],
       [-1.02368072],
       [ 0.38993089]]), array([[ 0.48542324],
       [-0.49344053]]), array([[ 1.58085975],
       [ 0.98344109],
       [ 0.68718474]])]
cost derivative:  [[ 1.06955578]
 [ 2.0071218 ]
 [ 0.29725385]]
unit step:  1
delta:  [[ 1.06955578]
 [ 2.0071218 ]
 [ 0.29725385]]
delta b updated:  [array([[ 0.36664262],
       [ 1.31737223]]), array([[ 1.06955578],
       [ 2.0071218 ],
       [ 0.29725385]])]
delta w updated: [array([[ 0.18746583, -0.37532498,  0.14296528],
       [ 0.67357764, -1.34856855,  0.51368413]]), array([[ 0.51918724, -0.52776217],
       [ 0.97430357, -0.99039524],
       [ 0.14429393, -0.1466771 ]])]
input:  [[-0.24775025]
 [-0.34713934]
 [ 0.85186713]]
activations:  [array([[-0.24775025],
       [-0.34713934],
       [ 0.85186713]]), array([[ 0.37414795],
       [-0.04667443]]), array([[ 0.98200307],
       [ 0.71912278],
       [ 0.32422253]])]
cost derivative:  [[ 1.22975331]
 [ 1.06626213]
 [-0.52764459]]
unit step:  1
delta:  [[ 1.22975331]
 [ 1.06626213]
 [-0.52764459]]
delta b updated:  [array([[ 0.35641478],
       [ 0.07512938]]), array([[ 1.22975331],
       [ 1.06626213],
       [-0.52764459]])]
delta w updated: [array([[-0.08830185, -0.12372559,  0.30361803],
       [-0.01861332, -0.02608036,  0.06400025]]), array([[ 0.46010968, -0.05739803],
       [ 0.39893979, -0.04976717],
       [-0.19741714,  0.02462751]])]
input:  [[-0.79777761]
 [-0.01697286]
 [ 1.07450114]]
activations:  [array([[-0.79777761],
       [-0.01697286],
       [ 1.07450114]]), array([[ 0.26897462],
       [ 0.23015427]]), array([[ 0.55749978],
       [ 0.5736654 ],
       [ 0.07731147]])]
cost derivative:  [[ 1.3552774 ]
 [ 0.59063825]
 [-0.99718967]]
unit step:  1
delta:  [[ 1.3552774 ]
 [ 0.59063825]
 [-0.99718967]]
delta b updated:  [array([[ 0.29201031],
       [-0.24921924]]), array([[ 1.3552774 ],
       [ 0.59063825],
       [-0.99718967]])]
delta w updated: [array([[-0.23295929, -0.00495625,  0.31376541],
       [ 0.19882153,  0.00422996, -0.26778635]]), array([[ 0.36453523,  0.31192288],
       [ 0.1588667 ,  0.13593791],
       [-0.26821872, -0.22950746]])]
input:  [[-0.04380197]
 [-0.53903629]
 [ 0.72066461]]
activations:  [array([[-0.04380197],
       [-0.53903629],
       [ 0.72066461]]), array([[ 0.40202391],
       [-0.16991099]]), array([[ 1.14194117],
       [ 0.79254548],
       [ 0.42312676]])]
cost derivative:  [[ 1.18574314]
 [ 1.33158177]
 [-0.29753785]]
unit step:  1
delta:  [[ 1.18574314]
 [ 1.33158177]
 [-0.29753785]]
delta b updated:  [array([[ 0.36032406],
       [ 0.3241888 ]]), array([[ 1.18574314],
       [ 1.33158177],
       [-0.29753785]])]
delta w updated: [array([[-0.0157829 , -0.19422774,  0.25967279],
       [-0.01420011, -0.17474953,  0.2336314 ]]), array([[ 0.4766971 , -0.20147079],
       [ 0.53532771, -0.22625038],
       [-0.11961733,  0.05055495]])]
input:  [[ 0.66063379]
 [-1.10247317]
 [ 0.33708225]]
activations:  [array([[ 0.66063379],
       [-1.10247317],
       [ 0.33708225]]), array([[ 0.51478947],
       [-0.56662777]]), array([[ 1.69327032],
       [ 1.01881484],
       [ 0.75400579]])]
cost derivative:  [[ 1.03263653]
 [ 2.12128801]
 [ 0.41692354]]
unit step:  1
delta:  [[ 1.03263653]
 [ 2.12128801]
 [ 0.41692354]]
delta b updated:  [array([[ 0.36837731],
       [ 1.58272032]]), array([[ 1.03263653],
       [ 2.12128801],
       [ 0.41692354]])]
delta w updated: [array([[ 0.24336249, -0.4061261 ,  0.12417345],
       [ 1.04559852, -1.74490669,  0.53350693]]), array([[ 0.53159041, -0.58512053],
       [ 1.09201672, -1.20198069],
       [ 0.21462785, -0.23624045]])]
input:  [[ 0.77743051]
 [-0.09431641]
 [ 1.04490281]]
activations:  [array([[ 0.77743051],
       [-0.09431641],
       [ 1.04490281]]), array([[ 0.70182667],
       [-0.30551001]]), array([[ 1.71396042],
       [ 0.73784475],
       [ 0.69691521]])]
cost derivative:  [[ 0.93652991]
 [ 0.83216116]
 [-0.34798761]]
unit step:  1
delta:  [[ 0.93652991]
 [ 0.83216116]
 [-0.34798761]]
delta b updated:  [array([[ 0.52448778],
       [ 0.38958605]]), array([[ 0.93652991],
       [ 0.83216116],
       [-0.34798761]])]
delta w updated: [array([[ 0.4077528 , -0.0494678 ,  0.54803876],
       [ 0.30287608, -0.03674436,  0.40707956]]), array([[ 0.65728167, -0.28611926],
       [ 0.5840329 , -0.25423356],
       [-0.24422698,  0.1063137 ]])]
input:  [[-0.52840239]
 [-0.11323031]
 [ 1.01129402]]
activations:  [array([[-0.52840239],
       [-0.11323031],
       [ 1.01129402]]), array([[ 0.32950055],
       [ 0.11323805]]), array([[ 0.75859353],
       [ 0.62505109],
       [ 0.19205632]])]
cost derivative:  [[ 1.28699592]
 [ 0.7382814 ]
 [-0.8192377 ]]
unit step:  1
delta:  [[ 1.28699592]
 [ 0.7382814 ]
 [-0.8192377 ]]
delta b updated:  [array([[ 0.33587138],
       [-0.14023728]]), array([[ 1.28699592],
       [ 0.7382814 ],
       [-0.8192377 ]])]
delta w updated: [array([[-0.17747524, -0.03803082,  0.33966472],
       [ 0.07410171,  0.01587911, -0.14182112]]), array([[ 0.42406586,  0.14573691],
       [ 0.24326412,  0.08360155],
       [-0.26993927, -0.09276888]])]
input:  [[ 0.45257334]
 [-0.98203513]
 [ 0.41817889]]
activations:  [array([[ 0.45257334],
       [-0.98203513],
       [ 0.41817889]]), array([[ 0.47360062],
       [-0.4647128 ]]), array([[ 1.53208277],
       [ 0.96491407],
       [ 0.6617751 ]])]
cost derivative:  [[ 1.07950943]
 [ 1.94694921]
 [ 0.24359621]]
unit step:  1
delta:  [[ 1.07950943]
 [ 1.94694921]
 [ 0.24359621]]
delta b updated:  [array([[ 0.36145697],
       [ 1.20780118]]), array([[ 1.07950943],
       [ 1.94694921],
       [ 0.24359621]])]
delta w updated: [array([[ 0.16358579, -0.35496344,  0.15115367],
       [ 0.54661861, -1.18610319,  0.50507696]]), array([[ 0.51125633, -0.50166185],
       [ 0.92207635, -0.90477221],
       [ 0.11536732, -0.11320228]])]
input:  [[ 0.5017083 ]
 [-1.01718375]
 [ 0.39433099]]
activations:  [array([[ 0.5017083 ],
       [-1.01718375],
       [ 0.39433099]]), array([[ 0.48182293],
       [-0.49213488]]), array([[ 1.57031855],
       [ 0.97941382],
       [ 0.68478191]])]
cost derivative:  [[ 1.06861025]
 [ 1.99659757]
 [ 0.29045091]]
unit step:  1
delta:  [[ 1.06861025]
 [ 1.99659757]
 [ 0.29045091]]
delta b updated:  [array([[ 0.3615449 ],
       [ 1.30608415]]), array([[ 1.06861025],
       [ 1.99659757],
       [ 0.29045091]])]
delta w updated: [array([[ 0.18139008, -0.36775759,  0.14256836],
       [ 0.65527326, -1.32852758,  0.51502946]]), array([[ 0.51488092, -0.52590038],
       [ 0.96200649, -0.98259531],
       [ 0.13994591, -0.14294103]])]
input:  [[-0.05527359]
 [-0.52809735]
 [ 0.72814612]]
activations:  [array([[-0.05527359],
       [-0.52809735],
       [ 0.72814612]]), array([[ 0.3990697 ],
       [-0.16571984]]), array([[ 1.13079789],
       [ 0.78727122],
       [ 0.41871678]])]
cost derivative:  [[ 1.18607148]
 [ 1.31536857]
 [-0.30942934]]
unit step:  1
delta:  [[ 1.18607148]
 [ 1.31536857]
 [-0.30942934]]
delta b updated:  [array([[ 0.35692387],
       [ 0.31265479]]), array([[ 1.18607148],
       [ 1.31536857],
       [-0.30942934]])]
delta w updated: [array([[-0.01972846, -0.18849055,  0.25989273],
       [-0.01728155, -0.16511217,  0.22765837]]), array([[ 0.47332519, -0.19655557],
       [ 0.52492375, -0.21798267],
       [-0.12348387,  0.05127858]])]
input:  [[ 0.84514637]
 [-1.04575562]
 [ 0.37967818]]
activations:  [array([[ 0.84514637],
       [-1.04575562],
       [ 0.37967818]]), array([[ 0.57395927],
       [-0.61377182]]), array([[ 1.82299651],
       [ 1.01836252],
       [ 0.82160688]])]
cost derivative:  [[ 0.97785014]
 [ 2.06411814]
 [ 0.4419287 ]]
unit step:  1
delta:  [[ 0.97785014]
 [ 2.06411814]
 [ 0.4419287 ]]
delta b updated:  [array([[ 0.38741214],
       [ 1.6648634 ]]), array([[ 0.97785014],
       [ 2.06411814],
       [ 0.4419287 ]])]
delta w updated: [array([[ 0.32741997, -0.40513842,  0.14709194],
       [ 1.40705326, -1.74104025,  0.63211231]]), array([[ 0.56124615, -0.60017686],
       [ 1.18471974, -1.26689755],
       [ 0.25364907, -0.27124338]])]
input:  [[ 0.6839231 ]
 [-1.10936775]
 [ 0.33261725]]
activations:  [array([[ 0.6839231 ],
       [-1.10936775],
       [ 0.33261725]]), array([[ 0.51830538],
       [-0.58185224]]), array([[ 1.70960016],
       [ 1.02237987],
       [ 0.76607706]])]
cost derivative:  [[ 1.02567706]
 [ 2.13174761]
 [ 0.43345981]]
unit step:  1
delta:  [[ 1.02567706]
 [ 2.13174761]
 [ 0.43345981]]
delta b updated:  [array([[ 0.36546387],
       [ 1.6294617 ]]), array([[ 1.02567706],
       [ 2.13174761],
       [ 0.43345981]])]
delta w updated: [array([[ 0.24994918, -0.40543383,  0.12155959],
       [ 1.11442649, -1.80767226,  0.54198708]]), array([[ 0.53161394, -0.5967925 ],
       [ 1.10489626, -1.24036213],
       [ 0.22466455, -0.25220956]])]
input:  [[ 0.58500707]
 [-1.0686209 ]
 [ 0.35960921]]
activations:  [array([[ 0.58500707],
       [-1.0686209 ],
       [ 0.35960921]]), array([[ 0.49628634],
       [-0.5388718 ]]), array([[ 1.63492202],
       [ 1.00170096],
       [ 0.72399199]])]
cost derivative:  [[ 1.04991495]
 [ 2.07032186]
 [ 0.36438278]]
unit step:  1
delta:  [[ 1.04991495]
 [ 2.07032186]
 [ 0.36438278]]
delta b updated:  [array([[ 0.36133122],
       [ 1.47311157]]), array([[ 1.04991495],
       [ 2.07032186],
       [ 0.36438278]])]
delta w updated: [array([[ 0.21138132, -0.38612609,  0.12993804],
       [ 0.86178069, -1.57419782,  0.52974449]]), array([[ 0.52105845, -0.56576956],
       [ 1.02747246, -1.11563807],
       [ 0.1808382 , -0.1963556 ]])]
input:  [[ 0.33854048]
 [-0.89098712]
 [ 0.48016037]]
activations:  [array([[ 0.33854048],
       [-0.89098712],
       [ 0.48016037]]), array([[ 0.45366313],
       [-0.40631774]]), array([[ 1.44296771],
       [ 0.92775558],
       [ 0.61030246]])]
cost derivative:  [[ 1.10442723]
 [ 1.8187427 ]
 [ 0.13014209]]
unit step:  1
delta:  [[ 1.10442723]
 [ 1.8187427 ]
 [ 0.13014209]]
delta b updated:  [array([[ 0.35818094],
       [ 0.99647843]]), array([[ 1.10442723],
       [ 1.8187427 ],
       [ 0.13014209]])]
delta w updated: [array([[ 0.12125875, -0.3191346 ,  0.17198429],
       [ 0.33734829, -0.88784945,  0.47846945]]), array([[ 0.50103791, -0.44874838],
       [ 0.82509651, -0.73898743],
       [ 0.05904067, -0.05287904]])]
input:  [[-0.48980896]
 [-0.14139571]
 [ 0.99217199]]
activations:  [array([[-0.48980896],
       [-0.14139571],
       [ 0.99217199]]), array([[ 0.33470537],
       [ 0.08879059]]), array([[ 0.78674267],
       [ 0.63462145],
       [ 0.21107305]])]
cost derivative:  [[ 1.27655163]
 [ 0.77601716]
 [-0.78109895]]
unit step:  1
delta:  [[ 1.27655163]
 [ 0.77601716]
 [-0.78109895]]
delta b updated:  [array([[ 0.33645888],
       [-0.11343356]]), array([[ 1.27655163],
       [ 0.77601716],
       [-0.78109895]])]
delta w updated: [array([[-0.16480057, -0.04757384,  0.33382507],
       [ 0.05556077,  0.01603902, -0.1125456 ]]), array([[ 0.42726869,  0.11334577],
       [ 0.25973711,  0.06890302],
       [-0.26143801, -0.06935424]])]
input:  [[ 0.8756188 ]
 [-0.94603947]
 [ 0.44998331]]
activations:  [array([[ 0.8756188 ],
       [-0.94603947],
       [ 0.44998331]]), array([[ 0.5963857 ],
       [-0.59910063]]), array([[ 1.8389743 ],
       [ 0.99197771],
       [ 0.82529559]])]
cost derivative:  [[ 0.96335549]
 [ 1.93801719]
 [ 0.37531228]]
unit step:  1
delta:  [[ 0.96335549]
 [ 1.93801719]
 [ 0.37531228]]
delta b updated:  [array([[ 0.40086802],
       [ 1.53437593]]), array([[ 0.96335549],
       [ 1.93801719],
       [ 0.37531228]])]
delta w updated: [array([[ 0.35100757, -0.37923697,  0.18038392],
       [ 1.34352842, -1.4515802 ,  0.69044356]]), array([[ 0.57453144, -0.57714688],
       [ 1.15580574, -1.16106732],
       [ 0.22383088, -0.22484983]])]
input:  [[-0.80146246]
 [-0.89525142]
 [ 0.45939652]]
activations:  [array([[-0.80146246],
       [-0.89525142],
       [ 0.45939652]]), array([[ 0.13065717],
       [-0.03621492]]), array([[ 0.60748728],
       [ 0.82512551],
       [ 0.16793321]])]
cost derivative:  [[ 1.40894973]
 [ 1.72037693]
 [-0.29146331]]
unit step:  1
delta:  [[ 1.40894973]
 [ 1.72037693]
 [-0.29146331]]
delta b updated:  [array([[ 0.13393515],
       [ 0.08688991]]), array([[ 1.40894973],
       [ 1.72037693],
       [-0.29146331]])]
delta w updated: [array([[-0.107344  , -0.11990563,  0.06152934],
       [-0.069639  , -0.07778832,  0.03991692]]), array([[ 0.18408938, -0.051025  ],
       [ 0.22477958, -0.06230331],
       [-0.03808177,  0.01055532]])]
input:  [[ 0.88021093]
 [-0.91040425]
 [ 0.47500981]]
activations:  [array([[ 0.88021093],
       [-0.91040425],
       [ 0.47500981]]), array([[ 0.60270932],
       [-0.59139885]]), array([[ 1.83971882],
       [ 0.98158257],
       [ 0.82400982]])]
cost derivative:  [[ 0.95950789]
 [ 1.89198681]
 [ 0.34900001]]
unit step:  1
delta:  [[ 0.95950789]
 [ 1.89198681]
 [ 0.34900001]]
delta b updated:  [array([[ 0.4052157 ],
       [ 1.48224566]]), array([[ 0.95950789],
       [ 1.89198681],
       [ 0.34900001]])]
delta w updated: [array([[ 0.35667529, -0.3689101 ,  0.19248144],
       [ 1.30468884, -1.34944275,  0.70408123]]), array([[ 0.57830434, -0.56745186],
       [ 1.14031808, -1.11891883],
       [ 0.21034555, -0.2063982 ]])]
input:  [[ 0.34920177]
 [-0.89994823]
 [ 0.47405128]]
activations:  [array([[ 0.34920177],
       [-0.89994823],
       [ 0.47405128]]), array([[ 0.45416862],
       [-0.41557459]]), array([[ 1.4502439 ],
       [ 0.93040888],
       [ 0.61667628]])]
cost derivative:  [[ 1.10104213]
 [ 1.83035711]
 [ 0.142625  ]]
unit step:  1
delta:  [[ 1.10104213]
 [ 1.83035711]
 [ 0.142625  ]]
delta b updated:  [array([[ 0.35577807],
       [ 1.02365507]]), array([[ 1.10104213],
       [ 1.83035711],
       [ 0.142625  ]])]
delta w updated: [array([[ 0.12423833, -0.32018184,  0.16865705],
       [ 0.35746217, -0.92123657,  0.48526499]]), array([[ 0.50005879, -0.45756513],
       [ 0.83129077, -0.76064991],
       [ 0.0647758 , -0.05927133]])]
input:  [[ 0.88371162]
 [-0.85694283]
 [ 0.51250275]]
activations:  [array([[ 0.88371162],
       [-0.85694283],
       [ 0.51250275]]), array([[ 0.611251  ],
       [-0.57865521]]), array([[ 1.8387887 ],
       [ 0.96622058],
       [ 0.82060668]])]
cost derivative:  [[ 0.95507707]
 [ 1.82316341]
 [ 0.30810394]]
unit step:  1
delta:  [[ 0.95507707]
 [ 1.82316341]
 [ 0.30810394]]
delta b updated:  [array([[ 0.41180777],
       [ 1.40306534]]), array([[ 0.95507707],
       [ 1.82316341],
       [ 0.30810394]])]
delta w updated: [array([[ 0.36391931, -0.35289572,  0.21105261],
       [ 1.23990515, -1.20234678,  0.71907484]]), array([[ 0.58379182, -0.55266032],
       [ 1.11441046, -1.054983  ],
       [ 0.18832884, -0.17828595]])]
input:  [[ 0.1280158 ]
 [-0.70199809]
 [ 0.60922395]]
activations:  [array([[ 0.1280158 ],
       [-0.70199809],
       [ 0.60922395]]), array([[ 0.42168076],
       [-0.28513811]]), array([[ 1.27493882],
       [ 0.85244394],
       [ 0.51062244]])]
cost derivative:  [[ 1.14692302]
 [ 1.55444203]
 [-0.09860151]]
unit step:  1
delta:  [[ 1.14692302]
 [ 1.55444203]
 [-0.09860151]]
delta b updated:  [array([[ 0.35415943],
       [ 0.61352201]]), array([[ 1.14692302],
       [ 1.55444203],
       [-0.09860151]])]
delta w updated: [array([[ 0.045338  , -0.24861925,  0.21576241],
       [ 0.07854051, -0.43069128,  0.3737723 ]]), array([[ 0.48363537, -0.32703147],
       [ 0.65547829, -0.44323067],
       [-0.04157836,  0.02811505]])]
input:  [[-0.36720003]
 [-0.24077752]
 [ 0.9244882 ]]
activations:  [array([[-0.36720003],
       [-0.24077752],
       [ 0.9244882 ]]), array([[ 0.35280243],
       [ 0.01606329]]), array([[ 0.88099569],
       [ 0.67279163],
       [ 0.27005303]])]
cost derivative:  [[ 1.24819572]
 [ 0.91356915]
 [-0.65443517]]
unit step:  1
delta:  [[ 1.24819572]
 [ 0.91356915]
 [-0.65443517]]
delta b updated:  [array([[ 0.34201142],
       [-0.0229541 ]]), array([[ 1.24819572],
       [ 0.91356915],
       [-0.65443517]])]
delta w updated: [array([[-0.1255866 , -0.08234866,  0.31618552],
       [ 0.00842874,  0.00552683, -0.02122079]]), array([[ 0.44036648,  0.02005013],
       [ 0.32230942,  0.01467493],
       [-0.23088632, -0.01051238]])]
input:  [[-0.64415088]
 [-0.04291088]
 [ 1.05873279]]
activations:  [array([[-0.64415088],
       [-0.04291088],
       [ 1.05873279]]), array([[ 0.3049149],
       [ 0.1666438]]), array([[ 0.6640732 ],
       [ 0.58975305],
       [ 0.14172845]])]
cost derivative:  [[ 1.30822408]
 [ 0.63266393]
 [-0.91700433]]
unit step:  1
delta:  [[ 1.30822408]
 [ 0.63266393]
 [-0.91700433]]
delta b updated:  [array([[ 0.31632041],
       [-0.18582401]]), array([[ 1.30822408],
       [ 0.63266393],
       [-0.91700433]])]
delta w updated: [array([[-0.20375807, -0.01357359,  0.33489879],
       [ 0.1196987 ,  0.00797387, -0.19673797]]), array([[ 0.39889702,  0.21800743],
       [ 0.19290866,  0.10542952],
       [-0.27960829, -0.15281308]])]
input:  [[-0.46006334]
 [-0.16426831]
 [ 0.97661847]]
activations:  [array([[-0.46006334],
       [-0.16426831],
       [ 0.97661847]]), array([[ 0.33790622],
       [ 0.06977121]]), array([[ 0.80604516],
       [ 0.64161654],
       [ 0.22612568]])]
cost derivative:  [[ 1.2661085 ]
 [ 0.80588485]
 [-0.75049278]]
unit step:  1
delta:  [[ 1.2661085 ]
 [ 0.80588485]
 [-0.75049278]]
delta b updated:  [array([[ 0.33463712],
       [-0.09118385]]), array([[ 1.2661085 ],
       [ 0.80588485],
       [-0.75049278]])]
delta w updated: [array([[-0.15395427, -0.05497028,  0.32681279],
       [ 0.04195035,  0.01497862, -0.08905184]]), array([[ 0.42782594,  0.08833792],
       [ 0.27231351,  0.05622756],
       [-0.25359618, -0.05236279]])]
input:  [[ 0.81535065]
 [-1.08557778]
 [ 0.35132659]]
activations:  [array([[ 0.81535065],
       [-1.08557778],
       [ 0.35132659]]), array([[ 0.55583556],
       [-0.62670586]]), array([[ 1.80151367],
       [ 1.02561066],
       [ 0.81887557]])]
cost derivative:  [[ 0.98616302]
 [ 2.11118844]
 [ 0.46754898]]
unit step:  1
delta:  [[ 0.98616302]
 [ 2.11118844]
 [ 0.46754898]]
delta b updated:  [array([[ 0.37233666],
       [ 1.73171173]]), array([[ 0.98616302],
       [ 2.11118844],
       [ 0.46754898]])]
delta w updated: [array([[ 0.30358494, -0.4042004 ,  0.13081177],
       [ 1.41195229, -1.87990777,  0.60839638]]), array([[ 0.54814447, -0.61803414],
       [ 1.17347361, -1.32309417],
       [ 0.25988035, -0.29301568]])]
input:  [[-0.25882582]
 [-0.33700705]
 [ 0.85878993]]
activations:  [array([[-0.25882582],
       [-0.33700705],
       [ 0.85878993]]), array([[ 0.36770052],
       [-0.04915391]]), array([[ 0.96433622],
       [ 0.70981033],
       [ 0.32281287]])]
cost derivative:  [[ 1.22316204]
 [ 1.04681738]
 [-0.53597706]]
unit step:  1
delta:  [[ 1.22316204]
 [ 1.04681738]
 [-0.53597706]]
delta b updated:  [array([[ 0.34445981],
       [ 0.0775048 ]]), array([[ 1.22316204],
       [ 1.04681738],
       [-0.53597706]])]
delta w updated: [array([[-0.08915509, -0.11608539,  0.29581862],
       [-0.02006024, -0.02611966,  0.06656034]]), array([[ 0.44975732, -0.06012319],
       [ 0.38491529, -0.05145516],
       [-0.19707904,  0.02634537]])]
input:  [[-0.58378371]
 [-0.07647514]
 [ 1.03616955]]
activations:  [array([[-0.58378371],
       [-0.07647514],
       [ 1.03616955]]), array([[ 0.31589777],
       [ 0.13631608]]), array([[ 0.70786329],
       [ 0.60404308],
       [ 0.16909614]])]
cost derivative:  [[ 1.291647  ]
 [ 0.68051822]
 [-0.86707342]]
unit step:  1
delta:  [[ 1.291647  ]
 [ 0.68051822]
 [-0.86707342]]
delta b updated:  [array([[ 0.32166613],
       [-0.15888074]]), array([[ 1.291647  ],
       [ 0.68051822],
       [-0.86707342]])]
delta w updated: [array([[-0.18778345, -0.02459946,  0.33330066],
       [ 0.09275199,  0.01215043, -0.16462739]]), array([[ 0.40802841,  0.17607226],
       [ 0.21497419,  0.09276558],
       [-0.27390656, -0.11819605]])]
input:  [[ 0.86836884]
 [-0.59192698]
 [ 0.69785067]]
activations:  [array([[ 0.86836884],
       [-0.59192698],
       [ 0.69785067]]), array([[ 0.64597191],
       [-0.49682774]]), array([[ 1.80623105],
       [ 0.88605935],
       [ 0.78918443]])]
cost derivative:  [[ 0.93786221]
 [ 1.47798633]
 [ 0.09133376]]
unit step:  1
delta:  [[ 0.93786221]
 [ 1.47798633]
 [ 0.09133376]]
delta b updated:  [array([[ 0.44295002],
       [ 1.00286999]]), array([[ 0.93786221],
       [ 1.47798633],
       [ 0.09133376]])]
delta w updated: [array([[ 0.38464399, -0.26219407,  0.30911297],
       [ 0.87086105, -0.5936258 ,  0.69985349]]), array([[ 0.60583264, -0.46595596],
       [ 0.95473765, -0.7343046 ],
       [ 0.05899904, -0.04537714]])]
input:  [[ 0.05949974]
 [-0.63741001]
 [ 0.65338569]]
activations:  [array([[ 0.05949974],
       [-0.63741001],
       [ 0.65338569]]), array([[ 0.41060629],
       [-0.24511648]]), array([[ 1.21609884],
       [ 0.82578942],
       [ 0.47863824]])]
cost derivative:  [[ 1.1565991 ]
 [ 1.46319943]
 [-0.17474745]]
unit step:  1
delta:  [[ 1.1565991 ]
 [ 1.46319943]
 [-0.17474745]]
delta b updated:  [array([[ 0.34889636],
       [ 0.50119662]]), array([[ 1.1565991 ],
       [ 1.46319943],
       [-0.17474745]])]
delta w updated: [array([[ 0.02075924, -0.22239003,  0.22796389],
       [ 0.02982107, -0.31946774,  0.3274747 ]]), array([[ 0.47490686, -0.2835015 ],
       [ 0.60079889, -0.3586543 ],
       [-0.0717524 ,  0.04283348]])]
input:  [[ 0.77227571]
 [-1.11056888]
 [ 0.33315392]]
activations:  [array([[ 0.77227571],
       [-1.11056888],
       [ 0.33315392]]), array([[ 0.53860289],
       [-0.62296469]]), array([[ 1.77001168],
       [ 1.02830377],
       [ 0.80610553]])]
cost derivative:  [[ 0.99773597]
 [ 2.13887265]
 [ 0.47295162]]
unit step:  1
delta:  [[ 0.99773597]
 [ 2.13887265]
 [ 0.47295162]]
delta b updated:  [array([[ 0.36250359],
       [ 1.74147447]]), array([[ 0.99773597],
       [ 2.13887265],
       [ 0.47295162]])]
delta w updated: [array([[ 0.27995272, -0.40258521,  0.12076949],
       [ 1.34489843, -1.93402735,  0.58017904]]), array([[ 0.53738348, -0.62155428],
       [ 1.15200299, -1.33244213],
       [ 0.25473311, -0.29463216]])]
input:  [[ 0.8615769 ]
 [-1.00628655]
 [ 0.40757408]]
activations:  [array([[ 0.8615769 ],
       [-1.00628655],
       [ 0.40757408]]), array([[ 0.57944237],
       [-0.6225751 ]]), array([[ 1.82899107],
       [ 1.00615469],
       [ 0.83072283]])]
cost derivative:  [[ 0.96741417]
 [ 2.01244124]
 [ 0.42314874]]
unit step:  1
delta:  [[ 0.96741417]
 [ 2.01244124]
 [ 0.42314874]]
delta b updated:  [array([[ 0.3829387 ],
       [ 1.64516174]]), array([[ 0.96741417],
       [ 2.01244124],
       [ 0.42314874]])]
delta w updated: [array([[ 0.32993114, -0.38534606,  0.15607589],
       [ 1.41743334, -1.65550413,  0.67052529]]), array([[ 0.56056076, -0.60228797],
       [ 1.16609372, -1.2528958 ],
       [ 0.24519031, -0.26344187]])]
input:  [[-0.87538845]
 [-0.50225611]
 [ 0.73345324]]
activations:  [array([[-0.87538845],
       [-0.50225611],
       [ 0.73345324]]), array([[ 0.16737753],
       [ 0.10196412]]), array([[ 0.52133678],
       [ 0.70075991],
       [ 0.10031018]])]
cost derivative:  [[ 1.39672523]
 [ 1.20301602]
 [-0.63314306]]
unit step:  1
delta:  [[ 1.39672523]
 [ 1.20301602]
 [-0.63314306]]
delta b updated:  [array([[ 0.17568884],
       [-0.18250287]]), array([[ 1.39672523],
       [ 1.20301602],
       [-0.63314306]])]
delta w updated: [array([[-0.15379598, -0.08824079,  0.12885955],
       [ 0.15976091,  0.09166318, -0.13385732]]), array([[ 0.23378042,  0.14241587],
       [ 0.20135785,  0.12266447],
       [-0.10597392, -0.06455788]])]
input:  [[-0.59269937]
 [-0.07103919]
 [ 1.03983725]]
activations:  [array([[-0.59269937],
       [-0.07103919],
       [ 1.03983725]]), array([[ 0.31319922],
       [ 0.13935613]]), array([[ 0.69848554],
       [ 0.59997148],
       [ 0.16568735]])]
cost derivative:  [[ 1.2911849 ]
 [ 0.67101067]
 [-0.8741499 ]]
unit step:  1
delta:  [[ 1.2911849 ]
 [ 0.67101067]
 [-0.8741499 ]]
delta b updated:  [array([[ 0.31817543],
       [-0.16059594]]), array([[ 1.2911849 ],
       [ 0.67101067],
       [-0.8741499 ]])]
delta w updated: [array([[-0.18858237, -0.02260292,  0.33085066],
       [ 0.09518511,  0.01140861, -0.16699364]]), array([[ 0.4043981 ,  0.17993454],
       [ 0.21016002,  0.09350945],
       [-0.27378306, -0.12181815]])]
input:  [[-0.61887301]
 [-0.05599051]
 [ 1.04996748]]
activations:  [array([[-0.61887301],
       [-0.05599051],
       [ 1.04996748]]), array([[ 0.30787971],
       [ 0.15268851]]), array([[ 0.67727168],
       [ 0.59297635],
       [ 0.1539699 ]])]
cost derivative:  [[ 1.29614469]
 [ 0.64896685]
 [-0.89599758]]
unit step:  1
delta:  [[ 1.29614469]
 [ 0.64896685]
 [-0.89599758]]
delta b updated:  [array([[ 0.31421745],
       [-0.17213784]]), array([[ 1.29614469],
       [ 0.64896685],
       [-0.89599758]])]
delta w updated: [array([[-0.1944607 , -0.01759319,  0.3299181 ],
       [ 0.10653146,  0.00963808, -0.18073913]]), array([[ 0.39905665,  0.1979064 ],
       [ 0.19980372,  0.09908978],
       [-0.27585947, -0.13680854]])]
input:  [[ 0.88232077]
 [-0.74634198]
 [ 0.58993341]]
activations:  [array([[ 0.88232077],
       [-0.74634198],
       [ 0.58993341]]), array([[ 0.62460184],
       [-0.55211737]]), array([[ 1.82490405],
       [ 0.93131823],
       [ 0.81280815]])]
cost derivative:  [[ 0.94258328]
 [ 1.67766021]
 [ 0.22287474]]
unit step:  1
delta:  [[ 0.94258328]
 [ 1.67766021]
 [ 0.22287474]]
delta b updated:  [array([[ 0.41798356],
       [ 1.24165558]]), array([[ 0.94258328],
       [ 1.67766021],
       [ 0.22287474]])]
delta w updated: [array([[ 0.36879558, -0.31195868,  0.24658247],
       [ 1.09553851, -0.92669968,  0.73249411]]), array([[ 0.58873926, -0.5204166 ],
       [ 1.04786966, -0.92626534],
       [ 0.13920797, -0.12305302]])]
input:  [[-0.69183527]
 [-0.02307173]
 [ 1.07188228]]
activations:  [array([[-0.69183527],
       [-0.02307173],
       [ 1.07188228]]), array([[ 0.29197054],
       [ 0.18647159]]), array([[ 0.62034995],
       [ 0.57627065],
       [ 0.12221177]])]
cost derivative:  [[ 1.31218521]
 [ 0.59934238]
 [-0.94967051]]
unit step:  1
delta:  [[ 1.31218521]
 [ 0.59934238]
 [-0.94967051]]
delta b updated:  [array([[ 0.30233477],
       [-0.19994818]]), array([[ 1.31218521],
       [ 0.59934238],
       [-0.94967051]])]
delta w updated: [array([[-0.20916586, -0.00697539,  0.32406728],
       [ 0.13833121,  0.00461315, -0.21432091]]), array([[ 0.38311942,  0.24468527],
       [ 0.17499032,  0.11176033],
       [-0.27727581, -0.17708657]])]
input:  [[-0.40909873]
 [-0.20541402]
 [ 0.94859942]]
activations:  [array([[-0.40909873],
       [-0.20541402],
       [ 0.94859942]]), array([[ 0.34335429],
       [ 0.03787638]]), array([[ 0.83931635],
       [ 0.65517122],
       [ 0.25191125]])]
cost derivative:  [[ 1.24841508]
 [ 0.86058524]
 [-0.69668817]]
unit step:  1
delta:  [[ 1.24841508]
 [ 0.86058524]
 [-0.69668817]]
delta b updated:  [array([[ 0.33131806],
       [-0.05158343]]), array([[ 1.24841508],
       [ 0.86058524],
       [-0.69668817]])]
delta w updated: [array([[-0.1355418 , -0.06805737,  0.31428811],
       [ 0.02110272,  0.01059596, -0.04893201]]), array([[ 0.42864867,  0.04728545],
       [ 0.29548563,  0.03259586],
       [-0.23921087, -0.02638803]])]
input:  [[-0.37776181]
 [-0.23174803]
 [ 0.93064673]]
activations:  [array([[-0.37776181],
       [-0.23174803],
       [ 0.93064673]]), array([[ 0.34790738],
       [ 0.01956713]]), array([[ 0.8632834 ],
       [ 0.66550129],
       [ 0.26701385]])]
cost derivative:  [[ 1.2410452 ]
 [ 0.89724932]
 [-0.66363288]]
unit step:  1
delta:  [[ 1.2410452 ]
 [ 0.89724932]
 [-0.66363288]]
delta b updated:  [array([[ 0.33245125],
       [-0.02744224]]), array([[ 1.2410452 ],
       [ 0.89724932],
       [-0.66363288]])]
delta w updated: [array([[-0.12558738, -0.07704492,  0.30939467],
       [ 0.01036663,  0.00635969, -0.02553903]]), array([[ 0.43176879,  0.0242837 ],
       [ 0.31215966,  0.0175566 ],
       [-0.23088278, -0.01298539]])]
input:  [[ 0.39129169]
 [-0.9345011 ]
 [ 0.45051071]]
activations:  [array([[ 0.39129169],
       [-0.9345011 ],
       [ 0.45051071]]), array([[ 0.45652332],
       [-0.4477638 ]]), array([[ 1.47529849],
       [ 0.9408762 ],
       [ 0.64143755]])]
cost derivative:  [[ 1.0840068 ]
 [ 1.87537731]
 [ 0.19092684]]
unit step:  1
delta:  [[ 1.0840068 ]
 [ 1.87537731]
 [ 0.19092684]]
delta b updated:  [array([[ 0.34465237],
       [ 1.12142684]]), array([[ 1.0840068 ],
       [ 1.87537731],
       [ 0.19092684]])]
delta w updated: [array([[ 0.13485961, -0.32207802,  0.15526958],
       [ 0.43880501, -1.04797462,  0.5052148 ]]), array([[ 0.49487438, -0.485379  ],
       [ 0.85615347, -0.83972607],
       [ 0.08716255, -0.08549013]])]
input:  [[-0.74891835]
 [-0.01094122]
 [ 1.07948694]]
activations:  [array([[-0.74891835],
       [-0.01094122],
       [ 1.07948694]]), array([[ 0.27683542],
       [ 0.20881243]]), array([[ 0.57471363],
       [ 0.56661847],
       [ 0.09899122]])]
cost derivative:  [[ 1.32363198]
 [ 0.57755969]
 [-0.98049572]]
unit step:  1
delta:  [[ 1.32363198]
 [ 0.57755969]
 [-0.98049572]]
delta b updated:  [array([[ 0.28875498],
       [-0.21874691]]), array([[ 1.32363198],
       [ 0.57755969],
       [-0.98049572]])]
delta w updated: [array([[-0.21625391, -0.00315933,  0.31170723],
       [ 0.16382358,  0.00239336, -0.23613444]]), array([[ 0.36642822,  0.27639081],
       [ 0.15988898,  0.12060164],
       [-0.27143595, -0.2047397 ]])]
input:  [[ 0.88312225]
 [-0.76350839]
 [ 0.57792449]]
activations:  [array([[ 0.88312225],
       [-0.76350839],
       [ 0.57792449]]), array([[ 0.6210498 ],
       [-0.55938742]]), array([[ 1.82372771],
       [ 0.93523866],
       [ 0.81640784]])]
cost derivative:  [[ 0.94060546]
 [ 1.69874705]
 [ 0.23848335]]
unit step:  1
delta:  [[ 0.94060546]
 [ 1.69874705]
 [ 0.23848335]]
delta b updated:  [array([[ 0.41164875],
       [ 1.27045712]]), array([[ 0.94060546],
       [ 1.69874705],
       [ 0.23848335]])]
delta w updated: [array([[ 0.36353617, -0.31429727,  0.23790189],
       [ 1.12196895, -0.97000467,  0.73422828]]), array([[ 0.58416284, -0.52616286],
       [ 1.05500652, -0.95025773],
       [ 0.14811004, -0.13340459]])]
input:  [[ 0.64455448]
 [-1.09661287]
 [ 0.3409354 ]]
activations:  [array([[ 0.64455448],
       [-1.09661287],
       [ 0.3409354 ]]), array([[ 0.5022898 ],
       [-0.58260535]]), array([[ 1.67166874],
       [ 1.01105201],
       [ 0.75839315]])]
cost derivative:  [[ 1.02711426]
 [ 2.10766488]
 [ 0.41745775]]
unit step:  1
delta:  [[ 1.02711426]
 [ 2.10766488]
 [ 0.41745775]]
delta b updated:  [array([[ 0.34719992],
       [ 1.60870939]]), array([[ 1.02711426],
       [ 2.10766488],
       [ 0.41745775]])]
delta w updated: [array([[ 0.22378926, -0.3807439 ,  0.11837274],
       [ 1.03690084, -1.76413142,  0.54846598]]), array([[ 0.51590902, -0.59840226],
       [ 1.05865857, -1.22793683],
       [ 0.20968477, -0.24321312]])]
input:  [[-0.11248479]
 [-0.47366382]
 [ 0.76537305]]
activations:  [array([[-0.11248479],
       [-0.47366382],
       [ 0.76537305]]), array([[ 0.38448285],
       [-0.1436222 ]]), array([[ 1.07293719],
       [ 0.75950255],
       [ 0.39707929]])]
cost derivative:  [[ 1.18542198]
 [ 1.23316637]
 [-0.36829376]]
unit step:  1
delta:  [[ 1.18542198]
 [ 1.23316637]
 [-0.36829376]]
delta b updated:  [array([[ 0.33953165],
       [ 0.25548884]]), array([[ 1.18542198],
       [ 1.23316637],
       [-0.36829376]])]
delta w updated: [array([[-0.03819215, -0.16082386,  0.25986838],
       [-0.02873861, -0.12101582,  0.19554428]]), array([[ 0.45577443, -0.17025291],
       [ 0.47413132, -0.17711006],
       [-0.14160263,  0.05289516]])]
input:  [[-0.87575982]
 [-0.11553038]
 [ 1.00426649]]
activations:  [array([[-0.87575982],
       [-0.11553038],
       [ 1.00426649]]), array([[ 0.22431178],
       [ 0.21822589]]), array([[ 0.48703489],
       [ 0.5847122 ],
       [ 0.06072896]])]
cost derivative:  [[ 1.3627947 ]
 [ 0.70024258]
 [-0.94353753]]
unit step:  1
delta:  [[ 1.3627947 ]
 [ 0.70024258]
 [-0.94353753]]
delta b updated:  [array([[ 0.23763448],
       [-0.26096536]]), array([[ 1.3627947 ],
       [ 0.70024258],
       [-0.94353753]])]
delta w updated: [array([[-0.20811073, -0.027454  ,  0.23864835],
       [ 0.22854298,  0.03014943, -0.26207877]]), array([[ 0.3056909 ,  0.29739708],
       [ 0.15707266,  0.15281106],
       [-0.21164658, -0.20590431]])]
input:  [[-0.82850036]
 [-0.03459315]
 [ 1.06168277]]
activations:  [array([[-0.82850036],
       [-0.03459315],
       [ 1.06168277]]), array([[ 0.24984404],
       [ 0.22740111]]), array([[ 0.51504689],
       [ 0.56498013],
       [ 0.07077005]])]
cost derivative:  [[ 1.34354725]
 [ 0.59957327]
 [-0.99091272]]
unit step:  1
delta:  [[ 1.34354725]
 [ 0.59957327]
 [-0.99091272]]
delta b updated:  [array([[ 0.26308285],
       [-0.24448355]]), array([[ 1.34354725],
       [ 0.59957327],
       [-0.99091272]])]
delta w updated: [array([[-0.21796424, -0.00910086,  0.27931053],
       [ 0.20255471,  0.00845746, -0.25956398]]), array([[ 0.33567728,  0.30552414],
       [ 0.14979981,  0.13634363],
       [-0.24757364, -0.22533465]])]
input:  [[ 0.83331994]
 [-1.06496602]
 [ 0.36604096]]
activations:  [array([[ 0.83331994],
       [-1.06496602],
       [ 0.36604096]]), array([[ 0.55969467],
       [-0.63707186]]), array([[ 1.80663054],
       [ 1.01828034],
       [ 0.83012288]])]
cost derivative:  [[ 0.97331059]
 [ 2.08324635]
 [ 0.46408192]]
unit step:  1
delta:  [[ 0.97331059]
 [ 2.08324635]
 [ 0.46408192]]
delta b updated:  [array([[ 0.36479251],
       [ 1.73380139]]), array([[ 0.97331059],
       [ 2.08324635],
       [ 0.46408192]])]
delta w updated: [array([[ 0.30398888, -0.38849163,  0.133529  ],
       [ 1.44481128, -1.84643956,  0.63464233]]), array([[ 0.54475675, -0.62006879],
       [ 1.16598188, -1.32717764],
       [ 0.25974418, -0.29565354]])]
input:  [[ 0.09382361]
 [-0.66987231]
 [ 0.63118801]]
activations:  [array([[ 0.09382361],
       [-0.66987231],
       [ 0.63118801]]), array([[ 0.41171751],
       [-0.27274014]]), array([[ 1.23615108],
       [ 0.83501658],
       [ 0.49931886]])]
cost derivative:  [[ 1.14232746]
 [ 1.50488889]
 [-0.13186916]]
unit step:  1
delta:  [[ 1.14232746]
 [ 1.50488889]
 [-0.13186916]]
delta b updated:  [array([[ 0.33997052],
       [ 0.56838068]]), array([[ 1.14232746],
       [ 1.50488889],
       [-0.13186916]])]
delta w updated: [array([[ 0.03189726, -0.22773684,  0.21458532],
       [ 0.05332753, -0.38074248,  0.35875507]]), array([[ 0.47031622, -0.31155855],
       [ 0.61958911, -0.4104436 ],
       [-0.05429284,  0.03596601]])]
input:  [[ 0.74083576]
 [-1.11590179]
 [ 0.32892906]]
activations:  [array([[ 0.74083576],
       [-1.11590179],
       [ 0.32892906]]), array([[ 0.52522012],
       [-0.62395243]]), array([[ 1.74233068],
       [ 1.02467547],
       [ 0.80006346]])]
cost derivative:  [[ 1.00149492]
 [ 2.14057726]
 [ 0.47113439]]
unit step:  1
delta:  [[ 1.00149492]
 [ 2.14057726]
 [ 0.47113439]]
delta b updated:  [array([[ 0.35010557],
       [ 1.7423363 ]]), array([[ 1.00149492],
       [ 2.14057726],
       [ 0.47113439]])]
delta w updated: [array([[ 0.25937072, -0.39068343,  0.1151599 ],
       [ 1.29078504, -1.94427619,  0.57310505]]), array([[ 0.52600528, -0.62488518],
       [ 1.12427425, -1.33561838],
       [ 0.24744926, -0.29396545]])]
input:  [[-0.28086071]
 [-0.31698969]
 [ 0.8724642 ]]
activations:  [array([[-0.28086071],
       [-0.31698969],
       [ 0.8724642 ]]), array([[ 0.36002933],
       [-0.0419274 ]]), array([[ 0.93585069],
       [ 0.69680643],
       [ 0.31568065]])]
cost derivative:  [[ 1.21671139]
 [ 1.01379612]
 [-0.55678356]]
unit step:  1
delta:  [[ 1.21671139]
 [ 1.01379612]
 [-0.55678356]]
delta b updated:  [array([[ 0.33197312],
       [ 0.06410555]]), array([[ 1.21671139],
       [ 1.01379612],
       [-0.55678356]])]
delta w updated: [array([[-0.0932382 , -0.10523206,  0.28963466],
       [-0.01800473, -0.0203208 ,  0.0559298 ]]), array([[ 0.43805179, -0.05101355],
       [ 0.36499634, -0.04250584],
       [-0.20045841,  0.02334449]])]
input:  [[-0.38826665]
 [-0.22284173]
 [ 0.93671988]]
activations:  [array([[-0.38826665],
       [-0.22284173],
       [ 0.93671988]]), array([[ 0.3440415 ],
       [ 0.02249342]]), array([[ 0.84955491],
       [ 0.65909814],
       [ 0.26371872]])]
cost derivative:  [[ 1.23782157]
 [ 0.88193987]
 [-0.67300116]]
unit step:  1
delta:  [[ 1.23782157]
 [ 0.88193987]
 [-0.67300116]]
delta b updated:  [array([[ 0.32625276],
       [-0.03103966]]), array([[ 1.23782157],
       [ 0.88193987],
       [-0.67300116]])]
delta w updated: [array([[-0.12667307, -0.07270273,  0.30560744],
       [ 0.01205166,  0.00691693, -0.02907546]]), array([[ 0.42586199,  0.02784284],
       [ 0.30342392,  0.01983785],
       [-0.23154033, -0.0151381 ]])]
input:  [[-0.83105005]
 [-0.75801209]
 [ 0.55504205]]
activations:  [array([[-0.83105005],
       [-0.75801209],
       [ 0.55504205]]), array([[ 0.13679865],
       [ 0.006537  ]]), array([[ 0.5611252 ],
       [ 0.77572517],
       [ 0.14678924]])]
cost derivative:  [[ 1.39217526]
 [ 1.53373726]
 [-0.40825281]]
unit step:  1
delta:  [[ 1.39217526]
 [ 1.53373726]
 [-0.40825281]]
delta b updated:  [array([[ 0.13743486],
       [-0.01414358]]), array([[ 1.39217526],
       [ 1.53373726],
       [-0.40825281]])]
delta w updated: [array([[-0.11421525, -0.10417728,  0.07628212],
       [ 0.01175403,  0.01072101, -0.00785028]]), array([[ 0.19044769,  0.00910065],
       [ 0.20981318,  0.01002604],
       [-0.05584843, -0.00266875]])]
input:  [[ 0.2844863 ]
 [-0.84443541]
 [ 0.51191699]]
activations:  [array([[ 0.2844863 ],
       [-0.84443541],
       [ 0.51191699]]), array([[ 0.43768828],
       [-0.39098028]]), array([[ 1.38639026],
       [ 0.90236485],
       [ 0.59345108]])]
cost derivative:  [[ 1.10190396]
 [ 1.74680026]
 [ 0.08153408]]
unit step:  1
delta:  [[ 1.10190396]
 [ 1.74680026]
 [ 0.08153408]]
delta b updated:  [array([[ 0.3381226 ],
       [ 0.92057998]]), array([[ 1.10190396],
       [ 1.74680026],
       [ 0.08153408]])]
delta w updated: [array([[ 0.09619125, -0.2855227 ,  0.17309071],
       [ 0.26189239, -0.77737033,  0.47126053]]), array([[ 0.48229045, -0.43082271],
       [ 0.764554  , -0.68296445],
       [ 0.03568651, -0.03187822]])]
input:  [[-0.89074637]
 [-0.35380162]
 [ 0.83717451]]
activations:  [array([[-0.89074637],
       [-0.35380162],
       [ 0.83717451]]), array([[ 0.18184915],
       [ 0.14929616]]), array([[ 0.48789317],
       [ 0.65084894],
       [ 0.08086064]])]
cost derivative:  [[ 1.37863954]
 [ 1.00465056]
 [-0.75631387]]
unit step:  1
delta:  [[ 1.37863954]
 [ 1.00465056]
 [-0.75631387]]
delta b updated:  [array([[ 0.18905234],
       [-0.23109644]]), array([[ 1.37863954],
       [ 1.00465056],
       [-0.75631387]])]
delta w updated: [array([[-0.16839769, -0.06688703,  0.1582698 ],
       [ 0.20584832,  0.0817623 , -0.19346805]]), array([[ 0.25070443,  0.20582559],
       [ 0.18269485,  0.14999047],
       [-0.13753504, -0.11291476]])]
input:  [[ 0.79107532]
 [-0.15591211]
 [ 1.00198092]]
activations:  [array([[ 0.79107532],
       [-0.15591211],
       [ 1.00198092]]), array([[ 0.68600252],
       [-0.34992359]]), array([[ 1.70913219],
       [ 0.74552982],
       [ 0.7196772 ]])]
cost derivative:  [[ 0.91805687]
 [ 0.90144193]
 [-0.28230373]]
unit step:  1
delta:  [[ 0.91805687]
 [ 0.90144193]
 [-0.28230373]]
delta b updated:  [array([[ 0.4869818 ],
       [ 0.46901697]]), array([[ 0.91805687],
       [ 0.90144193],
       [-0.28230373]])]
delta w updated: [array([[ 0.38523928, -0.07592636,  0.48794647],
       [ 0.37102775, -0.07312542,  0.46994605]]), array([[ 0.62978933, -0.32124975],
       [ 0.61839143, -0.31543579],
       [-0.19366107,  0.09878473]])]
input:  [[-0.54721097]
 [-0.10021561]
 [ 1.02011474]]
activations:  [array([[-0.54721097],
       [-0.10021561],
       [ 1.02011474]]), array([[ 0.31722348],
       [ 0.11231199]]), array([[ 0.72104846],
       [ 0.60715275],
       [ 0.18893329]])]
cost derivative:  [[ 1.26825943]
 [ 0.70736836]
 [-0.83118145]]
unit step:  1
delta:  [[ 1.26825943]
 [ 0.70736836]
 [-0.83118145]]
delta b updated:  [array([[ 0.31181767],
       [-0.13273988]]), array([[ 1.26825943],
       [ 0.70736836],
       [-0.83118145]])]
delta w updated: [array([[-0.17063005, -0.031249  ,  0.3180898 ],
       [ 0.07263672,  0.01330261, -0.13540991]]), array([[ 0.40232167,  0.14244074],
       [ 0.22439385,  0.07944595],
       [-0.26367027, -0.09335164]])]
input:  [[-0.836243  ]
 [-0.73217645]
 [ 0.57305343]]
activations:  [array([[-0.836243  ],
       [-0.73217645],
       [ 0.57305343]]), array([[ 0.13845858],
       [ 0.01577098]]), array([[ 0.55249952],
       [ 0.76630686],
       [ 0.1425064 ]])]
cost derivative:  [[ 1.38874252]
 [ 1.49848331]
 [-0.43054703]]
unit step:  1
delta:  [[ 1.38874252]
 [ 1.49848331]
 [-0.43054703]]
delta b updated:  [array([[ 0.13871859],
       [-0.0334379 ]]), array([[ 1.38874252],
       [ 1.49848331],
       [-0.43054703]])]
delta w updated: [array([[-0.11600245, -0.10156649,  0.07949317],
       [ 0.02796221,  0.02448244, -0.0191617 ]]), array([[ 0.19228332,  0.02190182],
       [ 0.20747787,  0.02363254],
       [-0.05961293, -0.00679015]])]
input:  [[ 0.81047671]
 [-1.08986298]
 [ 0.34824972]]
activations:  [array([[ 0.81047671],
       [-1.08986298],
       [ 0.34824972]]), array([[ 0.5473045 ],
       [-0.64179331]]), array([[ 1.78746948],
       [ 1.02104166],
       [ 0.82658173]])]
cost derivative:  [[ 0.97699277]
 [ 2.11090464]
 [ 0.47833201]]
unit step:  1
delta:  [[ 0.97699277]
 [ 2.11090464]
 [ 0.47833201]]
delta b updated:  [array([[ 0.35378924],
       [ 1.76529291]]), array([[ 0.97699277],
       [ 2.11090464],
       [ 0.47833201]])]
delta w updated: [array([[ 0.28673794, -0.38558179,  0.123207  ],
       [ 1.43072879, -1.92392739,  0.61476276]]), array([[ 0.53471254, -0.62702743],
       [ 1.15530761, -1.35476448],
       [ 0.26179326, -0.30699029]])]
input:  [[-0.56567595]
 [-0.08795369]
 [ 1.02841365]]
activations:  [array([[-0.56567595],
       [-0.08795369],
       [ 1.02841365]]), array([[ 0.31344612],
       [ 0.12174601]]), array([[ 0.70506899],
       [ 0.60087006],
       [ 0.18069209]])]
cost derivative:  [[ 1.27074494]
 [ 0.68882375]
 [-0.84772157]]
unit step:  1
delta:  [[ 1.27074494]
 [ 0.68882375]
 [-0.84772157]]
delta b updated:  [array([[ 0.30874893],
       [-0.14122196]]), array([[ 1.27074494],
       [ 0.68882375],
       [-0.84772157]])]
delta w updated: [array([[-0.17465184, -0.02715561,  0.31752161],
       [ 0.07988587,  0.01242099, -0.14523459]]), array([[ 0.39831007,  0.15470812],
       [ 0.21590913,  0.08386154],
       [-0.26571504, -0.10320672]])]
input:  [[-0.85465634]
 [-0.63408057]
 [ 0.64146157]]
activations:  [array([[-0.85465634],
       [-0.63408057],
       [ 0.64146157]]), array([[ 0.14785631],
       [ 0.05125885]]), array([[ 0.53060813],
       [ 0.73497466],
       [ 0.12526066]])]
cost derivative:  [[ 1.38526447]
 [ 1.36905523]
 [-0.51620091]]
unit step:  1
delta:  [[ 1.38526447]
 [ 1.36905523]
 [-0.51620091]]
delta b updated:  [array([[ 0.14916465],
       [-0.10090481]]), array([[ 1.38526447],
       [ 1.36905523],
       [-0.51620091]])]
delta w updated: [array([[-0.12748451, -0.0945824 ,  0.09568339],
       [ 0.08623893,  0.06398178, -0.06472656]]), array([[ 0.2048201 ,  0.07100707],
       [ 0.20242346,  0.0701762 ],
       [-0.07632356, -0.02645987]])]
input:  [[ 0.80968627]
 [-0.24410611]
 [ 0.94051003]]
activations:  [array([[ 0.80968627],
       [-0.24410611],
       [ 0.94051003]]), array([[ 0.67657216],
       [-0.38459012]]), array([[ 1.72591192],
       [ 0.77161163],
       [ 0.73752993]])]
cost derivative:  [[ 0.91622565]
 [ 1.01571774]
 [-0.20298009]]
unit step:  1
delta:  [[ 0.91622565]
 [ 1.01571774]
 [-0.20298009]]
delta b updated:  [array([[ 0.47096022],
       [ 0.56562158]]), array([[ 0.91622565],
       [ 1.01571774],
       [-0.20298009]])]
delta w updated: [array([[ 0.38133002, -0.11496427,  0.44294281],
       [ 0.45797603, -0.13807168,  0.53197276]]), array([[ 0.61989276, -0.35237134],
       [ 0.68720634, -0.39063501],
       [-0.13733068,  0.07806414]])]
input:  [[ 0.66850921]
 [-1.10502797]
 [ 0.33541597]]
activations:  [array([[ 0.66850921],
       [-1.10502797],
       [ 0.33541597]]), array([[ 0.50412987],
       [-0.60113247]]), array([[ 1.68292696],
       [ 1.01197015],
       [ 0.77359161]])]
cost derivative:  [[ 1.01441775]
 [ 2.11699812]
 [ 0.43817564]]
unit step:  1
delta:  [[ 1.01441775]
 [ 2.11699812]
 [ 0.43817564]]
delta b updated:  [array([[ 0.33835867],
       [ 1.66111807]]), array([[ 1.01441775],
       [ 2.11699812],
       [ 0.43817564]])]
delta w updated: [array([[ 0.22619589, -0.3738958 ,  0.1134909 ],
       [ 1.11047273, -1.83558192,  0.55716553]]), array([[ 0.51139829, -0.60979945],
       [ 1.06724199, -1.27259631],
       [ 0.22089743, -0.2634016 ]])]
input:  [[ 0.87867669]
 [-0.69203369]
 [ 0.62790797]]
activations:  [array([[ 0.87867669],
       [-0.69203369],
       [ 0.62790797]]), array([[ 0.62647999],
       [-0.54644542]]), array([[ 1.8083743 ],
       [ 0.90966614],
       [ 0.81283692]])]
cost derivative:  [[ 0.9296976 ]
 [ 1.60169983]
 [ 0.18492895]]
unit step:  1
delta:  [[ 0.9296976 ]
 [ 1.60169983]
 [ 0.18492895]]
delta b updated:  [array([[ 0.40970929],
       [ 1.1752104 ]]), array([[ 0.9296976 ],
       [ 1.60169983],
       [ 0.18492895]])]
delta w updated: [array([[ 0.360002  , -0.28353263,  0.25725973],
       [ 1.03262999, -0.81328519,  0.73792398]]), array([[ 0.58243694, -0.50802899],
       [ 1.00343289, -0.87524153],
       [ 0.11585429, -0.10105358]])]
input:  [[-0.07819255]
 [-0.50626023]
 [ 0.74308096]]
activations:  [array([[-0.07819255],
       [-0.50626023],
       [ 0.74308096]]), array([[ 0.385419  ],
       [-0.17056643]]), array([[ 1.09134298],
       [ 0.76743291],
       [ 0.41735065]])]
cost derivative:  [[ 1.16953553]
 [ 1.27369314]
 [-0.32573031]]
unit step:  1
delta:  [[ 1.16953553]
 [ 1.27369314]
 [-0.32573031]]
delta b updated:  [array([[ 0.33043733],
       [ 0.30971935]]), array([[ 1.16953553],
       [ 1.27369314],
       [-0.32573031]])]
delta w updated: [array([[-0.02583774, -0.16728728,  0.24554169],
       [-0.02421775, -0.15679859,  0.23014655]]), array([[ 0.45076122, -0.1994835 ],
       [ 0.49090554, -0.21724929],
       [-0.12554265,  0.05555866]])]
input:  [[-0.891427  ]
 [-0.20937399]
 [ 0.9383047 ]]
activations:  [array([[-0.891427  ],
       [-0.20937399],
       [ 0.9383047 ]]), array([[ 0.20201947],
       [ 0.19214693]]), array([[ 0.47150441],
       [ 0.60540123],
       [ 0.06625875]])]
cost derivative:  [[ 1.36293141]
 [ 0.81477522]
 [-0.87204595]]
unit step:  1
delta:  [[ 1.36293141]
 [ 0.81477522]
 [-0.87204595]]
delta b updated:  [array([[ 0.20973891],
       [-0.25380075]]), array([[ 1.36293141],
       [ 0.81477522],
       [-0.87204595]])]
delta w updated: [array([[-0.18696693, -0.04391387,  0.196799  ],
       [ 0.22624485,  0.05313928, -0.23814244]]), array([[ 0.27533869,  0.26188309],
       [ 0.16460046,  0.15655656],
       [-0.17617027, -0.16756095]])]
input:  [[-0.66848697]
 [-0.03190354]
 [ 1.06606158]]
activations:  [array([[-0.66848697],
       [-0.03190354],
       [ 1.06606158]]), array([[ 0.29186673],
       [ 0.17215939]]), array([[ 0.62174582],
       [ 0.57315217],
       [ 0.13506971]])]
cost derivative:  [[ 1.29023279]
 [ 0.60505571]
 [-0.93099187]]
unit step:  1
delta:  [[ 1.29023279]
 [ 0.60505571]
 [-0.93099187]]
delta b updated:  [array([[ 0.29268923],
       [-0.18321869]]), array([[ 1.29023279],
       [ 0.60505571],
       [-0.93099187]])]
delta w updated: [array([[-0.19565893, -0.00933782,  0.31202474],
       [ 0.1224793 ,  0.00584533, -0.1953224 ]]), array([[ 0.37657603,  0.22212568],
       [ 0.17659563,  0.10416602],
       [-0.27172555, -0.16027899]])]
input:  [[-0.8608687 ]
 [-0.07711913]
 [ 1.03139762]]
activations:  [array([[-0.8608687 ],
       [-0.07711913],
       [ 1.03139762]]), array([[ 0.23050333],
       [ 0.22282758]]), array([[ 0.48248023],
       [ 0.56867794],
       [ 0.06432266]])]
cost derivative:  [[ 1.34334893]
 [ 0.64579706]
 [-0.96707495]]
unit step:  1
delta:  [[ 1.34334893]
 [ 0.64579706]
 [-0.96707495]]
delta b updated:  [array([[ 0.23904999],
       [-0.2497566 ]]), array([[ 1.34334893],
       [ 0.64579706],
       [-0.96707495]])]
delta w updated: [array([[-0.20579065, -0.01843533,  0.24655558],
       [ 0.21500764,  0.01926101, -0.25759836]]), array([[ 0.3096464 ,  0.29933519],
       [ 0.14885837,  0.1439014 ],
       [-0.22291399, -0.21549097]])]
input:  [[-0.34591249]
 [-0.2591908 ]
 [ 0.91192558]]
activations:  [array([[-0.34591249],
       [-0.2591908 ],
       [ 0.91192558]]), array([[ 0.34732252],
       [-0.00504003]]), array([[ 0.87346422],
       [ 0.66911059],
       [ 0.28629721]])]
cost derivative:  [[ 1.21937671]
 [ 0.92830139]
 [-0.62562838]]
unit step:  1
delta:  [[ 1.21937671]
 [ 0.92830139]
 [-0.62562838]]
delta b updated:  [array([[ 0.31998672],
       [ 0.00717814]]), array([[ 1.21937671],
       [ 0.92830139],
       [-0.62562838]])]
delta w updated: [array([[-0.1106874 , -0.08293761,  0.29180408],
       [-0.00248301, -0.00186051,  0.00654593]]), array([[ 0.42351699, -0.0061457 ],
       [ 0.32241997, -0.00467867],
       [-0.21729482,  0.00315319]])]
input:  [[ 0.83586808]
 [-0.38015222]
 [ 0.84564697]]
activations:  [array([[ 0.83586808],
       [-0.38015222],
       [ 0.84564697]]), array([[ 0.6613661 ],
       [-0.43755604]]), array([[ 1.75098325],
       [ 0.81250362],
       [ 0.76411451]])]
cost derivative:  [[ 0.91511517]
 [ 1.19265584]
 [-0.08153246]]
unit step:  1
delta:  [[ 0.91511517]
 [ 1.19265584]
 [-0.08153246]]
delta b updated:  [array([[ 0.44717453],
       [ 0.73203669]]), array([[ 0.91511517],
       [ 1.19265584],
       [-0.08153246]])]
delta w updated: [array([[ 0.37377891, -0.16999439,  0.37815179],
       [ 0.6118861 , -0.27828537,  0.61904461]]), array([[ 0.60522615, -0.40041417],
       [ 0.78878214, -0.52185377],
       [-0.05392281,  0.03567502]])]
input:  [[ 0.83742212]
 [-1.05892622]
 [ 0.37033453]]
activations:  [array([[ 0.83742212],
       [-1.05892622],
       [ 0.37033453]]), array([[ 0.55719388],
       [-0.64663728]]), array([[ 1.80068902],
       [ 1.01254939],
       [ 0.83720448]])]
cost derivative:  [[ 0.96326691]
 [ 2.07147561]
 [ 0.46686995]]
unit step:  1
delta:  [[ 0.96326691]
 [ 2.07147561]
 [ 0.46686995]]
delta b updated:  [array([[ 0.35293846],
       [ 1.74486382]]), array([[ 0.96326691],
       [ 2.07147561],
       [ 0.46686995]])]
delta w updated: [array([[ 0.29555847, -0.37373578,  0.1307053 ],
       [ 1.46118756, -1.84768205,  0.64618332]]), array([[ 0.53672642, -0.62288429],
       [ 1.15421352, -1.33949335],
       [ 0.26013708, -0.30189551]])]
input:  [[-0.12388573]
 [-0.46285611]
 [ 0.77276375]]
activations:  [array([[-0.12388573],
       [-0.46285611],
       [ 0.77276375]]), array([[ 0.3779048 ],
       [-0.14313545]]), array([[ 1.05064129],
       [ 0.74895762],
       [ 0.39588432]])]
cost derivative:  [[ 1.17452702]
 [ 1.21181374]
 [-0.37687944]]
unit step:  1
delta:  [[ 1.17452702]
 [ 1.21181374]
 [-0.37687944]]
delta b updated:  [array([[ 0.3258453 ],
       [ 0.24944523]]), array([[ 1.17452702],
       [ 1.21181374],
       [-0.37687944]])]
delta w updated: [array([[-0.04036758, -0.15081949,  0.25180144],
       [-0.03090271, -0.11545725,  0.19276223]]), array([[ 0.4438594 , -0.16811645],
       [ 0.45795023, -0.1734535 ],
       [-0.14242455,  0.05394481]])]
input:  [[ 0.61112977]
 [-1.08199651]
 [ 0.35064981]]
activations:  [array([[ 0.61112977],
       [-1.08199651],
       [ 0.35064981]]), array([[ 0.48943484],
       [-0.57969768]]), array([[ 1.6358019 ],
       [ 0.99850173],
       [ 0.75138093]])]
cost derivative:  [[ 1.02467213]
 [ 2.08049824]
 [ 0.40073112]]
unit step:  1
delta:  [[ 1.02467213]
 [ 2.08049824]
 [ 0.40073112]]
delta b updated:  [array([[ 0.33100487],
       [ 1.57643389]]), array([[ 1.02467213],
       [ 2.08049824],
       [ 0.40073112]])]
delta w updated: [array([[ 0.20228693, -0.35814612,  0.1160668 ],
       [ 0.96340567, -1.70569597,  0.55277624]]), array([[ 0.50151024, -0.59400006],
       [ 1.01826832, -1.20606001],
       [ 0.19613177, -0.2323029 ]])]
input:  [[-0.87822135]
 [-0.1243584 ]
 [ 0.99804596]]
activations:  [array([[-0.87822135],
       [-0.1243584 ],
       [ 0.99804596]]), array([[ 0.21731839],
       [ 0.213002  ]]), array([[ 0.47040584],
       [ 0.57958465],
       [ 0.06310146]])]
cost derivative:  [[ 1.34862718]
 [ 0.70394304]
 [-0.9349445 ]]
unit step:  1
delta:  [[ 1.34862718]
 [ 0.70394304]
 [-0.9349445 ]]
delta b updated:  [array([[ 0.22439573],
       [-0.25279692]]), array([[ 1.34862718],
       [ 0.70394304],
       [-0.9349445 ]])]
delta w updated: [array([[-0.19706912, -0.02790549,  0.22395725],
       [ 0.22201166,  0.03143742, -0.25230295]]), array([[ 0.29308148,  0.28726028],
       [ 0.15297976,  0.14994127],
       [-0.20318063, -0.19914504]])]
input:  [[ 0.80028279]
 [-1.09741885]
 [ 0.34279947]]
activations:  [array([[ 0.80028279],
       [-1.09741885],
       [ 0.34279947]]), array([[ 0.53993143],
       [-0.64925838]]), array([[ 1.77593477],
       [ 1.02016935],
       [ 0.82826331]])]
cost derivative:  [[ 0.97565198]
 [ 2.1175882 ]
 [ 0.48546384]]
unit step:  1
delta:  [[ 0.97565198]
 [ 2.1175882 ]
 [ 0.48546384]]
delta b updated:  [array([[ 0.34381675],
       [ 1.78725637]]), array([[ 0.97565198],
       [ 2.1175882 ],
       [ 0.48546384]])]
delta w updated: [array([[ 0.27515063, -0.37731098,  0.1178602 ],
       [ 1.43031051, -1.96136882,  0.61267054]]), array([[ 0.52678517, -0.63345022],
       [ 1.14335242, -1.37486188],
       [ 0.26211718, -0.31519146]])]
input:  [[ 0.04803713]
 [-0.62653231]
 [ 0.66082445]]
activations:  [array([[ 0.04803713],
       [-0.62653231],
       [ 0.66082445]]), array([[ 0.40037841],
       [-0.25318993]]), array([[ 1.18819845],
       [ 0.81226335],
       [ 0.48205258]])]
cost derivative:  [[ 1.14016131]
 [ 1.43879565]
 [-0.17877187]]
unit step:  1
delta:  [[ 1.14016131]
 [ 1.43879565]
 [-0.17877187]]
delta b updated:  [array([[ 0.32656915],
       [ 0.5057833 ]]), array([[ 1.14016131],
       [ 1.43879565],
       [-0.17877187]])]
delta w updated: [array([[ 0.01568745, -0.20460612,  0.21580488],
       [ 0.02429638, -0.31688958,  0.33423397]]), array([[ 0.45649597, -0.28867736],
       [ 0.57606271, -0.36428856],
       [-0.0715764 ,  0.04526324]])]
input:  [[ 0.65264831]
 [-1.09966686]
 [ 0.33892295]]
activations:  [array([[ 0.65264831],
       [-1.09966686],
       [ 0.33892295]]), array([[ 0.49750047],
       [-0.60241016]]), array([[ 1.66753831],
       [ 1.00719269],
       [ 0.77116817]])]
cost derivative:  [[ 1.01489   ]
 [ 2.10685955]
 [ 0.43224522]]
unit step:  1
delta:  [[ 1.01489   ]
 [ 2.10685955]
 [ 0.43224522]]
delta b updated:  [array([[ 0.33095832],
       [ 1.65463969]]), array([[ 1.01489   ],
       [ 2.10685955],
       [ 0.43224522]])]
delta w updated: [array([[ 0.21599939, -0.3639439 ,  0.11216937],
       [ 1.07989779, -1.81955244,  0.56079536]]), array([[ 0.50490825, -0.61138005],
       [ 1.04816361, -1.2691936 ],
       [ 0.2150422 , -0.26038891]])]
input:  [[-0.78638149]
 [-0.01365519]
 [ 1.07700217]]
activations:  [array([[-0.78638149],
       [-0.01365519],
       [ 1.07700217]]), array([[ 0.25960463],
       [ 0.21521156]]), array([[ 0.52849618],
       [ 0.55413605],
       [ 0.08781849]])]
cost derivative:  [[ 1.31487767]
 [ 0.56779124]
 [-0.98918369]]
unit step:  1
delta:  [[ 1.31487767]
 [ 0.56779124]
 [-0.98918369]]
delta b updated:  [array([[ 0.26440679],
       [-0.21993292]]), array([[ 1.31487767],
       [ 0.56779124],
       [-0.98918369]])]
delta w updated: [array([[-0.20792461, -0.00361052,  0.28476669],
       [ 0.17295118,  0.00300323, -0.23686823]]), array([[ 0.34134833,  0.28297687],
       [ 0.14740123,  0.12219524],
       [-0.25679666, -0.21288376]])]
input:  [[-0.77443049]
 [-0.01156442]
 [ 1.07865268]]
activations:  [array([[-0.77443049],
       [-0.01156442],
       [ 1.07865268]]), array([[ 0.26304343],
       [ 0.21203706]]), array([[ 0.53610181],
       [ 0.55438529],
       [ 0.09238833]])]
cost derivative:  [[ 1.3105323 ]
 [ 0.5659497 ]
 [-0.98626435]]
unit step:  1
delta:  [[ 1.3105323 ]
 [ 0.5659497 ]
 [-0.98626435]]
delta b updated:  [array([[ 0.26689365],
       [-0.21597515]]), array([[ 1.3105323 ],
       [ 0.5659497 ],
       [-0.98626435]])]
delta w updated: [array([[-0.20669058, -0.00308647,  0.28788555],
       [ 0.16725774,  0.00249763, -0.23296218]]), array([[ 0.34472691,  0.27788141],
       [ 0.14886935,  0.12000231],
       [-0.25943036, -0.20912459]])]
input:  [[ 0.85221913]
 [-1.03110487]
 [ 0.39004821]]
activations:  [array([[ 0.85221913],
       [-1.03110487],
       [ 0.39004821]]), array([[ 0.56374233],
       [-0.64984496]]), array([[ 1.80875373],
       [ 1.00490755],
       [ 0.84355474]])]
cost derivative:  [[ 0.9565346 ]
 [ 2.03601242]
 [ 0.45350653]]
unit step:  1
delta:  [[ 0.9565346 ]
 [ 2.03601242]
 [ 0.45350653]]
delta b updated:  [array([[ 0.35420041],
       [ 1.72440667]]), array([[ 0.9565346 ],
       [ 2.03601242],
       [ 0.45350653]])]
delta w updated: [array([[ 0.30185637, -0.36521777,  0.13815524],
       [ 1.46957236, -1.77804412,  0.67260173]]), array([[ 0.53923904, -0.62159919],
       [ 1.14778638, -1.32309241],
       [ 0.25566083, -0.29470893]])]
input:  [[-0.6841651 ]
 [-0.02576757]
 [ 1.07011403]]
activations:  [array([[-0.6841651 ],
       [-0.02576757],
       [ 1.07011403]]), array([[ 0.28591145],
       [ 0.17697107]]), array([[ 0.60260879],
       [ 0.56632878],
       [ 0.12969943]])]
cost derivative:  [[ 1.28677389]
 [ 0.59209635]
 [-0.94041459]]
unit step:  1
delta:  [[ 1.28677389]
 [ 0.59209635]
 [-0.94041459]]
delta b updated:  [array([[ 0.28422698],
       [-0.18472377]]), array([[ 1.28677389],
       [ 0.59209635],
       [-0.94041459]])]
delta w updated: [array([[-0.19445818, -0.00732384,  0.30415528],
       [ 0.12638155,  0.00475988, -0.1976755 ]]), array([[ 0.36790338,  0.22772176],
       [ 0.16928713,  0.10478393],
       [-0.2688753 , -0.16642618]])]
input:  [[ 0.74738816]
 [-1.11543764]
 [ 0.32935628]]
activations:  [array([[ 0.74738816],
       [-1.11543764],
       [ 0.32935628]]), array([[ 0.52084989],
       [-0.64218283]]), array([[ 1.73771245],
       [ 1.02024047],
       [ 0.81214879]])]
cost derivative:  [[ 0.9903243 ]
 [ 2.13567811]
 [ 0.48279251]]
unit step:  1
delta:  [[ 0.9903243 ]
 [ 2.13567811]
 [ 0.48279251]]
delta b updated:  [array([[ 0.33498892],
       [ 1.78168909]]), array([[ 0.9903243 ],
       [ 2.13567811],
       [ 0.48279251]])]
delta w updated: [array([[ 0.25036675, -0.37365925,  0.1103307 ],
       [ 1.33161333, -1.98736307,  0.5868105 ]]), array([[ 0.51581031, -0.63596926],
       [ 1.11236772, -1.37149581],
       [ 0.25146243, -0.31004106]])]
input:  [[-0.86603769]
 [-0.56591058]
 [ 0.68902265]]
activations:  [array([[-0.86603769],
       [-0.56591058],
       [ 0.68902265]]), array([[ 0.15129064],
       [ 0.07089638]]), array([[ 0.50787107],
       [ 0.70921966],
       [ 0.11645064]])]
cost derivative:  [[ 1.37390877]
 [ 1.27513024]
 [-0.57257201]]
unit step:  1
delta:  [[ 1.37390877]
 [ 1.27513024]
 [-0.57257201]]
delta b updated:  [array([[ 0.15057226],
       [-0.13103966]]), array([[ 1.37390877],
       [ 1.27513024],
       [-0.57257201]])]
delta w updated: [array([[-0.13040125, -0.08521044,  0.1037477 ],
       [ 0.11348529,  0.07415673, -0.0902893 ]]), array([[ 0.20785954,  0.09740515],
       [ 0.19291528,  0.09040211],
       [-0.08662479, -0.04059328]])]
input:  [[ 0.88131382]
 [-0.72870994]
 [ 0.60226519]]
activations:  [array([[ 0.88131382],
       [-0.72870994],
       [ 0.60226519]]), array([[ 0.61765283],
       [-0.56942601]]), array([[ 1.80761345],
       [ 0.91762605],
       [ 0.82404459]])]
cost derivative:  [[ 0.92629962]
 [ 1.64633599]
 [ 0.22177939]]
unit step:  1
delta:  [[ 0.92629962]
 [ 1.64633599]
 [ 0.22177939]]
delta b updated:  [array([[ 0.39525719],
       [ 1.25091334]]), array([[ 0.92629962],
       [ 1.64633599],
       [ 0.22177939]])]
delta w updated: [array([[ 0.34834563, -0.28802784,  0.23804965],
       [ 1.10244722, -0.91155299,  0.75338157]]), array([[ 0.57213159, -0.5274591 ],
       [ 1.01686409, -0.93746654],
       [ 0.13698267, -0.12628696]])]
input:  [[-0.16929504]
 [-0.42001607]
 [ 0.80205595]]
activations:  [array([[-0.16929504],
       [-0.42001607],
       [ 0.80205595]]), array([[ 0.36939801],
       [-0.11981714]]), array([[ 1.00987965],
       [ 0.72942749],
       [ 0.37607287]])]
cost derivative:  [[ 1.17917469]
 [ 1.14944357]
 [-0.42598308]]
unit step:  1
delta:  [[ 1.17917469]
 [ 1.14944357]
 [-0.42598308]]
delta b updated:  [array([[ 0.31966939],
       [ 0.19978497]]), array([[ 1.17917469],
       [ 1.14944357],
       [-0.42598308]])]
delta w updated: [array([[-0.05411844, -0.13426628,  0.25639273],
       [-0.0338226 , -0.0839129 ,  0.16023872]]), array([[ 0.43558478, -0.14128533],
       [ 0.42460217, -0.13772304],
       [-0.1573573 ,  0.05104007]])]
input:  [[-0.79480844]
 [-0.92433828]
 [ 0.43913113]]
activations:  [array([[-0.79480844],
       [-0.92433828],
       [ 0.43913113]]), array([[ 0.11567809],
       [-0.06458849]]), array([[ 0.58572096],
       [ 0.82121244],
       [ 0.18360174]])]
cost derivative:  [[ 1.3805294 ]
 [ 1.74555072]
 [-0.25552939]]
unit step:  1
delta:  [[ 1.3805294 ]
 [ 1.74555072]
 [-0.25552939]]
delta b updated:  [array([[ 0.11062124],
       [ 0.1544896 ]]), array([[ 1.3805294 ],
       [ 1.74555072],
       [-0.25552939]])]
delta w updated: [array([[-0.0879227 , -0.10225145,  0.04857723],
       [-0.12278964, -0.14280065,  0.06784119]]), array([[ 0.159697  , -0.0891663 ],
       [ 0.20192197, -0.11274248],
       [-0.02955915,  0.01650426]])]
input:  [[-0.89356616]
 [-0.27608096]
 [ 0.89155731]]
activations:  [array([[-0.89356616],
       [-0.27608096],
       [ 0.89155731]]), array([[ 0.18759814],
       [ 0.16933057]]), array([[ 0.46398816],
       [ 0.61943454],
       [ 0.07464287]])]
cost derivative:  [[ 1.35755432]
 [ 0.8955155 ]
 [-0.81691444]]
unit step:  1
delta:  [[ 1.35755432]
 [ 0.8955155 ]
 [-0.81691444]]
delta b updated:  [array([[ 0.19046407],
       [-0.23796002]]), array([[ 1.35755432],
       [ 0.8955155 ],
       [-0.81691444]])]
delta w updated: [array([[-0.17019225, -0.0525835 ,  0.16980964],
       [ 0.21263303,  0.06569623, -0.212155  ]]), array([[ 0.25467467,  0.22987545],
       [ 0.16799704,  0.15163815],
       [-0.15325163, -0.13832859]])]
input:  [[-0.39871286]
 [-0.21406246]
 [ 0.94270499]]
activations:  [array([[-0.39871286],
       [-0.21406246],
       [ 0.94270499]]), array([[ 0.33617272],
       [ 0.021443  ]]), array([[ 0.82335851],
       [ 0.64613685],
       [ 0.26350509]])]
cost derivative:  [[ 1.22207137]
 [ 0.86019931]
 [-0.67919991]]
unit step:  1
delta:  [[ 1.22207137]
 [ 0.86019931]
 [-0.67919991]]
delta b updated:  [array([[ 0.30944743],
       [-0.02873306]]), array([[ 1.22207137],
       [ 0.86019931],
       [-0.67919991]])]
delta w updated: [array([[-0.12338067, -0.06624108,  0.29171763],
       [ 0.01145624,  0.00615067, -0.0270868 ]]), array([[ 0.41082706,  0.02620487],
       [ 0.28917554,  0.01844525],
       [-0.22832848, -0.01456408]])]
input:  [[ 0.76009975]
 [-1.11361334]
 [ 0.33083205]]
activations:  [array([[ 0.76009975],
       [-1.11361334],
       [ 0.33083205]]), array([[ 0.52355134],
       [-0.64880733]]), array([[ 1.74458499],
       [ 1.01917254],
       [ 0.81876592]])]
cost derivative:  [[ 0.98448524]
 [ 2.13278587]
 [ 0.48793388]]
unit step:  1
delta:  [[ 0.98448524]
 [ 2.13278587]
 [ 0.48793388]]
delta b updated:  [array([[ 0.33301861],
       [ 1.79593174]]), array([[ 0.98448524],
       [ 2.13278587],
       [ 0.48793388]])]
delta w updated: [array([[ 0.25312736, -0.37085397,  0.11017323],
       [ 1.36508726, -1.99997353,  0.59415177]]), array([[ 0.51542857, -0.63874124],
       [ 1.11662291, -1.3837671 ],
       [ 0.25545844, -0.31657507]])]
input:  [[ 0.11663588]
 [-0.69133326]
 [ 0.61651493]]
activations:  [array([[ 0.11663588],
       [-0.69133326],
       [ 0.61651493]]), array([[ 0.40727291],
       [-0.30176248]]), array([[ 1.23879237],
       [ 0.83479762],
       [ 0.51928754]])]
cost derivative:  [[ 1.12215649]
 [ 1.52613088]
 [-0.09722739]]
unit step:  1
delta:  [[ 1.12215649]
 [ 1.52613088]
 [-0.09722739]]
delta b updated:  [array([[ 0.3211933 ],
       [ 0.63101289]]), array([[ 1.12215649],
       [ 1.52613088],
       [-0.09722739]])]
delta w updated: [array([[ 0.03746266, -0.22205161,  0.19802047],
       [ 0.07359874, -0.4362402 ,  0.38902887]]), array([[ 0.45702394, -0.33862472],
       [ 0.62155177, -0.46052903],
       [-0.03959808,  0.02933958]])]
input:  [[-0.88261408]
 [-0.14319077]
 [ 0.98478939]]
activations:  [array([[-0.88261408],
       [-0.14319077],
       [ 0.98478939]]), array([[ 0.21046322],
       [ 0.20617849]]), array([[ 0.46009417],
       [ 0.5799438 ],
       [ 0.064988  ]])]
cost derivative:  [[ 1.34270825]
 [ 0.72313457]
 [-0.91980139]]
unit step:  1
delta:  [[ 1.34270825]
 [ 0.72313457]
 [-0.91980139]]
delta b updated:  [array([[ 0.21422108],
       [-0.24782363]]), array([[ 1.34270825],
       [ 0.72313457],
       [-0.91980139]])]
delta w updated: [array([[-0.18907454, -0.03067448,  0.21096264],
       [ 0.21873262,  0.03548606, -0.24405408]]), array([[ 0.2825907 ,  0.27683757],
       [ 0.15219323,  0.1490948 ],
       [-0.19358436, -0.18964327]])]
input:  [[-0.89171727]
 [-0.33735345]
 [ 0.84867781]]
activations:  [array([[-0.89171727],
       [-0.33735345],
       [ 0.84867781]]), array([[ 0.17781168],
       [ 0.14925646]]), array([[ 0.46701823],
       [ 0.63645637],
       [ 0.08250005]])]
cost derivative:  [[ 1.35873549]
 [ 0.97380982]
 [-0.76617775]]
unit step:  1
delta:  [[ 1.35873549]
 [ 0.97380982]
 [-0.76617775]]
delta b updated:  [array([[ 0.17890324],
       [-0.22300198]]), array([[ 1.35873549],
       [ 0.97380982],
       [-0.76617775]])]
delta w updated: [array([[-0.15953111, -0.06035363,  0.15183121],
       [ 0.19885471,  0.07523049, -0.18925683]]), array([[ 0.24159904,  0.20280005],
       [ 0.17315476,  0.14534741],
       [-0.13623535, -0.11435698]])]
input:  [[ 0.21820126]
 [-0.78523648]
 [ 0.55233957]]
activations:  [array([[ 0.21820126],
       [-0.78523648],
       [ 0.55233957]]), array([[ 0.42097886],
       [-0.36543416]]), array([[ 1.31896361],
       [ 0.87111755],
       [ 0.57009172]])]
cost derivative:  [[ 1.10076234]
 [ 1.65635403]
 [ 0.01775216]]
unit step:  1
delta:  [[ 1.10076234]
 [ 1.65635403]
 [ 0.01775216]]
delta b updated:  [array([[ 0.32000563],
       [ 0.81748251]]), array([[ 1.10076234],
       [ 1.65635403],
       [ 0.01775216]])]
delta w updated: [array([[ 0.06982563, -0.25128009,  0.17675177],
       [ 0.17837572, -0.64191709,  0.45152794]]), array([[ 0.46339767, -0.40225616],
       [ 0.69729003, -0.60528834],
       [ 0.00747328, -0.00648724]])]
input:  [[-0.87249431]
 [-0.52297891]
 [ 0.71898646]]
activations:  [array([[-0.87249431],
       [-0.52297891],
       [ 0.71898646]]), array([[ 0.15431481],
       [ 0.08491165]]), array([[ 0.49411024],
       [ 0.69279145],
       [ 0.11044923]])]
cost derivative:  [[ 1.36660455]
 [ 1.21577036]
 [-0.60853723]]
unit step:  1
delta:  [[ 1.36660455]
 [ 1.21577036]
 [-0.60853723]]
delta b updated:  [array([[ 0.15262149],
       [-0.15066318]]), array([[ 1.36660455],
       [ 1.21577036],
       [-0.60853723]])]
delta w updated: [array([[-0.13316138, -0.07981782,  0.10973278],
       [ 0.13145277,  0.07879366, -0.10832478]]), array([[ 0.21088732,  0.11604065],
       [ 0.18761137,  0.10323307],
       [-0.09390631, -0.0516719 ]])]
input:  [[-0.76825116]
 [-0.01096956]
 [ 1.07916561]]
activations:  [array([[-0.76825116],
       [-0.01096956],
       [ 1.07916561]]), array([[ 0.2623585 ],
       [ 0.20862256]]), array([[ 0.53159759],
       [ 0.54978841],
       [ 0.09620346]])]
cost derivative:  [[ 1.29984876]
 [ 0.56075797]
 [-0.98296216]]
unit step:  1
delta:  [[ 1.29984876]
 [ 0.56075797]
 [-0.98296216]]
delta b updated:  [array([[ 0.26221362],
       [-0.20977249]]), array([[ 1.29984876],
       [ 0.56075797],
       [-0.98296216]])]
delta w updated: [array([[-0.20144592, -0.00287637,  0.28297192],
       [ 0.16115796,  0.00230111, -0.22637926]]), array([[ 0.34102637,  0.27117778],
       [ 0.14711962,  0.11698676],
       [-0.25788847, -0.20506808]])]
input:  [[ 0.81540173]
 [-0.27239952]
 [ 0.92078564]]
activations:  [array([[ 0.81540173],
       [-0.27239952],
       [ 0.92078564]]), array([[ 0.66756966],
       [-0.40897279]]), array([[ 1.71928011],
       [ 0.77270044],
       [ 0.7512637 ]])]
cost derivative:  [[ 0.90387838]
 [ 1.04509996]
 [-0.16952194]]
unit step:  1
delta:  [[ 0.90387838]
 [ 1.04509996]
 [-0.16952194]]
delta b updated:  [array([[ 0.44917237],
       [ 0.61154894]]), array([[ 0.90387838],
       [ 1.04509996],
       [-0.16952194]])]
delta w updated: [array([[ 0.36625593, -0.12235434,  0.41359147],
       [ 0.49865807, -0.16658564,  0.56310549]]), array([[ 0.60340178, -0.36966166],
       [ 0.69767702, -0.42741745],
       [-0.1131677 ,  0.06932986]])]
input:  [[-0.81380157]
 [-0.02431671]
 [ 1.06910845]]
activations:  [array([[-0.81380157],
       [-0.02431671],
       [ 1.06910845]]), array([[ 0.24704515],
       [ 0.21983694]]), array([[ 0.49761509],
       [ 0.54927087],
       [ 0.07983371]])]
cost derivative:  [[ 1.31141667]
 [ 0.57358758]
 [-0.98927474]]
unit step:  1
delta:  [[ 1.31141667]
 [ 0.57358758]
 [-0.98927474]]
delta b updated:  [array([[ 0.24830301],
       [-0.22456169]]), array([[ 1.31141667],
       [ 0.57358758],
       [-0.98927474]])]
delta w updated: [array([[-0.20206938, -0.00603791,  0.26546285],
       [ 0.18274866,  0.0054606 , -0.2400808 ]]), array([[ 0.32397913,  0.28829782],
       [ 0.14170203,  0.12609574],
       [-0.24439553, -0.21747913]])]
input:  [[ 0.41197964]
 [-0.95094907]
 [ 0.43931503]]
activations:  [array([[ 0.41197964],
       [-0.95094907],
       [ 0.43931503]]), array([[ 0.44919448],
       [-0.48321145]]), array([[ 1.47171436],
       [ 0.93700172],
       [ 0.66564126]])]
cost derivative:  [[ 1.05973473]
 [ 1.88795079]
 [ 0.22632623]]
unit step:  1
delta:  [[ 1.05973473]
 [ 1.88795079]
 [ 0.22632623]]
delta b updated:  [array([[ 0.31774229],
       [ 1.20603915]]), array([[ 1.05973473],
       [ 1.88795079],
       [ 0.22632623]])]
delta w updated: [array([[ 0.13090335, -0.30215673,  0.13958896],
       [ 0.49686357, -1.1468818 ,  0.52983112]]), array([[ 0.47602699, -0.51207595],
       [ 0.84805707, -0.91227944],
       [ 0.10166449, -0.10936343]])]
input:  [[-0.88923054]
 [-0.18566798]
 [ 0.95493997]]
activations:  [array([[-0.88923054],
       [-0.18566798],
       [ 0.95493997]]), array([[ 0.20064202],
       [ 0.19504985]]), array([[ 0.45309003],
       [ 0.5898222 ],
       [ 0.06774138]])]
cost derivative:  [[ 1.34232058]
 [ 0.77549018]
 [-0.88719858]]
unit step:  1
delta:  [[ 1.34232058]
 [ 0.77549018]
 [-0.88719858]]
delta b updated:  [array([[ 0.20223643],
       [-0.24566993]]), array([[ 1.34232058],
       [ 0.77549018],
       [-0.88719858]])]
delta w updated: [array([[-0.17983481, -0.03754883,  0.19312365],
       [ 0.2184572 ,  0.04561304, -0.23460003]]), array([[ 0.26932591,  0.26181943],
       [ 0.15559591,  0.15125924],
       [-0.17800931, -0.17304795]])]
input:  [[ 0.72041262]
 [-1.11554813]
 [ 0.32885824]]
activations:  [array([[ 0.72041262],
       [-1.11554813],
       [ 0.32885824]]), array([[ 0.51033889],
       [-0.63982012]]), array([[ 1.71132379],
       [ 1.01385534],
       [ 0.8061665 ]])]
cost derivative:  [[ 0.99091117]
 [ 2.12940347]
 [ 0.47730827]]
unit step:  1
delta:  [[ 0.99091117]
 [ 2.12940347]
 [ 0.47730827]]
delta b updated:  [array([[ 0.32452534],
       [ 1.7673853 ]]), array([[ 0.99091117],
       [ 2.12940347],
       [ 0.47730827]])]
delta w updated: [array([[ 0.23379215, -0.36202363,  0.10672283],
       [ 1.27324667, -1.97160337,  0.58121922]]), array([[ 0.50570051, -0.6340049 ],
       [ 1.08671741, -1.36243518],
       [ 0.24358897, -0.30539143]])]
input:  [[ 0.19582107]
 [-0.76482712]
 [ 0.56628298]]
activations:  [array([[ 0.19582107],
       [-0.76482712],
       [ 0.56628298]]), array([[ 0.41644431],
       [-0.35413361]]), array([[ 1.29773696],
       [ 0.86137876],
       [ 0.56081645]])]
cost derivative:  [[ 1.10191588]
 [ 1.62620588]
 [-0.00546653]]
unit step:  1
delta:  [[ 1.10191588]
 [ 1.62620588]
 [-0.00546653]]
delta b updated:  [array([[ 0.3164052],
       [ 0.7790591]]), array([[ 1.10191588],
       [ 1.62620588],
       [-0.00546653]])]
delta w updated: [array([[ 0.0619588 , -0.24199527,  0.17917488],
       [ 0.15255619, -0.59584552,  0.44116791]]), array([[ 0.4588866 , -0.39022545],
       [ 0.67722418, -0.57589416],
       [-0.0022765 ,  0.00193588]])]
input:  [[-0.89042284]
 [-0.19731218]
 [ 0.94676709]]
activations:  [array([[-0.89042284],
       [-0.19731218],
       [ 0.94676709]]), array([[ 0.19807482],
       [ 0.19114385]]), array([[ 0.45194586],
       [ 0.5923643 ],
       [ 0.06888196]])]
cost derivative:  [[ 1.3423687 ]
 [ 0.78967648]
 [-0.87788513]]
unit step:  1
delta:  [[ 1.3423687 ]
 [ 0.78967648]
 [-0.87788513]]
delta b updated:  [array([[ 0.19913945],
       [-0.24369631]]), array([[ 1.3423687 ],
       [ 0.78967648],
       [-0.87788513]])]
delta w updated: [array([[-0.17731832, -0.03929264,  0.18853868],
       [ 0.21699276,  0.04808425, -0.23072364]]), array([[ 0.26588944,  0.25658552],
       [ 0.15641503,  0.1509418 ],
       [-0.17388694, -0.16780234]])]
input:  [[ 0.16203029]
 [-0.7336841 ]
 [ 0.58756508]]
activations:  [array([[ 0.16203029],
       [-0.7336841 ],
       [ 0.58756508]]), array([[ 0.41142626],
       [-0.33333484]]), array([[ 1.2693874 ],
       [ 0.84845518],
       [ 0.5443951 ]])]
cost derivative:  [[ 1.10735711]
 [ 1.58213928]
 [-0.04316999]]
unit step:  1
delta:  [[ 1.10735711]
 [ 1.58213928]
 [-0.04316999]]
delta b updated:  [array([[ 0.31539346],
       [ 0.71645163]]), array([[ 1.10735711],
       [ 1.58213928],
       [-0.04316999]])]
delta w updated: [array([[ 0.05110329, -0.23139917,  0.18531419],
       [ 0.11608686, -0.52564917,  0.42096196]]), array([[ 0.45559579, -0.3691207 ],
       [ 0.65093364, -0.52738214],
       [-0.01776127,  0.01439006]])]
input:  [[ 0.26254751]
 [-0.82507121]
 [ 0.52513537]]
activations:  [array([[ 0.26254751],
       [-0.82507121],
       [ 0.52513537]]), array([[ 0.42543216],
       [-0.39641786]]), array([[ 1.35029626],
       [ 0.88464727],
       [ 0.59437911]])]
cost derivative:  [[ 1.08774875]
 [ 1.70971848]
 [ 0.06924374]]
unit step:  1
delta:  [[ 1.08774875]
 [ 1.70971848]
 [ 0.06924374]]
delta b updated:  [array([[ 0.31509687],
       [ 0.90893777]]), array([[ 1.08774875],
       [ 1.70971848],
       [ 0.06924374]])]
delta w updated: [array([[ 0.0827279 , -0.25997736,  0.16546851],
       [ 0.23863935, -0.74993839,  0.47731537]]), array([[ 0.46276329, -0.43120303],
       [ 0.72736922, -0.67776295],
       [ 0.02945851, -0.02744946]])]
input:  [[-0.89352823]
 [-0.26187376]
 [ 0.90150702]]
activations:  [array([[-0.89352823],
       [-0.26187376],
       [ 0.90150702]]), array([[ 0.18676245],
       [ 0.17150341]]), array([[ 0.45322054],
       [ 0.6105789 ],
       [ 0.0750754 ]])]
cost derivative:  [[ 1.34674877]
 [ 0.87245266]
 [-0.82643162]]
unit step:  1
delta:  [[ 1.34674877]
 [ 0.87245266]
 [-0.82643162]]
delta b updated:  [array([[ 0.18667769],
       [-0.23501147]]), array([[ 1.34674877],
       [ 0.87245266],
       [-0.82643162]])]
delta w updated: [array([[-0.16680178, -0.04888599,  0.16829125],
       [ 0.20998938,  0.06154334, -0.21186449]]), array([[ 0.2515221 ,  0.23097201],
       [ 0.1629414 ,  0.14962861],
       [-0.15434639, -0.14173584]])]
input:  [[ 0.79496623]
 [-1.10069716]
 [ 0.3404208 ]]
activations:  [array([[ 0.79496623],
       [-1.10069716],
       [ 0.3404208 ]]), array([[ 0.53248012],
       [-0.66385812]]), array([[ 1.76379594],
       [ 1.015075  ],
       [ 0.835854  ]])]
cost derivative:  [[ 0.96882972]
 [ 2.11577216]
 [ 0.4954332 ]]
unit step:  1
delta:  [[ 0.96882972]
 [ 2.11577216]
 [ 0.4954332 ]]
delta b updated:  [array([[ 0.32947265],
       [ 1.81947165]]), array([[ 0.96882972],
       [ 2.11577216],
       [ 0.4954332 ]])]
delta w updated: [array([[ 0.26191963, -0.36264961,  0.11215934],
       [ 1.44641851, -2.00268729,  0.61938599]]), array([[ 0.51588256, -0.64316547],
       [ 1.12660661, -1.40457253],
       [ 0.26380833, -0.32889735]])]
input:  [[-0.02084301]
 [-0.56093583]
 [ 0.70568668]]
activations:  [array([[-0.02084301],
       [-0.56093583],
       [ 0.70568668]]), array([[ 0.3858713 ],
       [-0.21936191]]), array([[ 1.12016269],
       [ 0.7793344 ],
       [ 0.45401858]])]
cost derivative:  [[ 1.1410057 ]
 [ 1.34027023]
 [-0.2516681 ]]
unit step:  1
delta:  [[ 1.1410057 ]
 [ 1.34027023]
 [-0.2516681 ]]
delta b updated:  [array([[ 0.31279738],
       [ 0.41119534]]), array([[ 1.1410057 ],
       [ 1.34027023],
       [-0.2516681 ]])]
delta w updated: [array([[-0.00651964, -0.17545926,  0.22073694],
       [-0.00857055, -0.2306542 ,  0.29017507]]), array([[ 0.44028135, -0.25029319],
       [ 0.51717182, -0.29400423],
       [-0.0971115 ,  0.0552064 ]])]
input:  [[ 0.86435564]
 [-0.99724056]
 [ 0.41395221]]
activations:  [array([[ 0.86435564],
       [-0.99724056],
       [ 0.41395221]]), array([[ 0.56742352],
       [-0.65724676]]), array([[ 1.80723841],
       [ 0.99047339],
       [ 0.85290953]])]
cost derivative:  [[ 0.94288277]
 [ 1.98771395]
 [ 0.43895732]]
unit step:  1
delta:  [[ 0.94288277]
 [ 1.98771395]
 [ 0.43895732]]
delta b updated:  [array([[ 0.34679528],
       [ 1.70073517]]), array([[ 0.94288277],
       [ 1.98771395],
       [ 0.43895732]])]
delta w updated: [array([[ 0.29975445, -0.34583832,  0.14355667],
       [ 1.47004003, -1.6960421 ,  0.70402307]]), array([[ 0.53501386, -0.61970665],
       [ 1.12787564, -1.30641856],
       [ 0.24907471, -0.28850328]])]
input:  [[ 0.61963995]
 [-1.08600301]
 [ 0.34797682]]
activations:  [array([[ 0.61963995],
       [-1.08600301],
       [ 0.34797682]]), array([[ 0.48459448],
       [-0.60317647]]), array([[ 1.63381792],
       [ 0.99462609],
       [ 0.76615391]])]
cost derivative:  [[ 1.01417797]
 [ 2.0806291 ]
 [ 0.41817708]]
unit step:  1
delta:  [[ 1.01417797]
 [ 2.0806291 ]
 [ 0.41817708]]
delta b updated:  [array([[ 0.31640135],
       [ 1.63263042]]), array([[ 1.01417797],
       [ 2.0806291 ],
       [ 0.41817708]])]
delta w updated: [array([[ 0.19605492, -0.34361282,  0.11010034],
       [ 1.01164303, -1.77304156,  0.56811754]]), array([[ 0.49146504, -0.61172829],
       [ 1.00826137, -1.25498652],
       [ 0.20264631, -0.25223458]])]
input:  [[ 0.82087594]
 [-0.30014702]
 [ 0.90143979]]
activations:  [array([[ 0.82087594],
       [-0.30014702],
       [ 0.90143979]]), array([[ 0.66211861],
       [-0.42738997]]), array([[ 1.72204302],
       [ 0.77841993],
       [ 0.7603229 ]])]
cost derivative:  [[ 0.90116708]
 [ 1.07856695]
 [-0.1411169 ]]
unit step:  1
delta:  [[ 0.90116708]
 [ 1.07856695]
 [-0.1411169 ]]
delta b updated:  [array([[ 0.43965789],
       [ 0.65424373]]), array([[ 0.90116708],
       [ 1.07856695],
       [-0.1411169 ]])]
delta w updated: [array([[ 0.36090459, -0.13196201,  0.39632512],
       [ 0.53705293, -0.1963693 ,  0.58976133]]), array([[ 0.59667949, -0.38514977],
       [ 0.71413925, -0.4609687 ],
       [-0.09343612,  0.06031195]])]
input:  [[ 0.25151697]
 [-0.81524509]
 [ 0.53184446]]
activations:  [array([[ 0.25151697],
       [-0.81524509],
       [ 0.53184446]]), array([[ 0.42232002],
       [-0.39464548]]), array([[ 1.3407604 ],
       [ 0.87984526],
       [ 0.59105276]])]
cost derivative:  [[ 1.08924343]
 [ 1.69509034]
 [ 0.0592083 ]]
unit step:  1
delta:  [[ 1.08924343]
 [ 1.69509034]
 [ 0.0592083 ]]
delta b updated:  [array([[ 0.31250946],
       [ 0.89724465]]), array([[ 1.08924343],
       [ 1.69509034],
       [ 0.0592083 ]])]
delta w updated: [array([[ 0.07860143, -0.2547718 ,  0.16620643],
       [ 0.22567226, -0.73147429,  0.4771946 ]]), array([[ 0.4600093 , -0.42986499],
       [ 0.71587058, -0.66895974],
       [ 0.02500485, -0.02336629]])]
input:  [[ 0.67627288]
 [-1.10732743]
 [ 0.33392676]]
activations:  [array([[ 0.67627288],
       [-1.10732743],
       [ 0.33392676]]), array([[ 0.49638596],
       [-0.63179562]]), array([[ 1.67707888],
       [ 1.00595855],
       [ 0.7919887 ]])]
cost derivative:  [[ 1.000806  ]
 [ 2.11328598]
 [ 0.45806195]]
unit step:  1
delta:  [[ 1.000806  ]
 [ 2.11328598]
 [ 0.45806195]]
delta b updated:  [array([[ 0.31709436],
       [ 1.73146313]]), array([[ 1.000806  ],
       [ 2.11328598],
       [ 0.45806195]])]
delta w updated: [array([[ 0.21444232, -0.35112729,  0.10588629],
       [ 1.17094156, -1.91729662,  0.57818187]]), array([[ 0.49678605, -0.63230485],
       [ 1.04900549, -1.33516482],
       [ 0.22737552, -0.28940153]])]
input:  [[-0.88275463]
 [-0.44301392]
 [ 0.77482491]]
activations:  [array([[-0.88275463],
       [-0.44301392],
       [ 0.77482491]]), array([[ 0.16073802],
       [ 0.1081332 ]]), array([[ 0.47365728],
       [ 0.66387556],
       [ 0.10032637]])]
cost derivative:  [[ 1.35641191]
 [ 1.10688948]
 [-0.67449854]]
unit step:  1
delta:  [[ 1.35641191]
 [ 1.10688948]
 [-0.67449854]]
delta b updated:  [array([[ 0.1577981 ],
       [-0.17728114]]), array([[ 1.35641191],
       [ 1.10688948],
       [-0.67449854]])]
delta w updated: [array([[-0.139297  , -0.06990675,  0.1222659 ],
       [ 0.15649574,  0.07853801, -0.13736184]]), array([[ 0.21802697,  0.14667316],
       [ 0.17791923,  0.1196915 ],
       [-0.10841756, -0.07293568]])]
input:  [[-0.47996716]
 [-0.14885975]
 [ 0.98709849]]
activations:  [array([[-0.47996716],
       [-0.14885975],
       [ 0.98709849]]), array([[ 0.31916224],
       [ 0.06272169]]), array([[ 0.74764834],
       [ 0.61256413],
       [ 0.22799562]])]
cost derivative:  [[ 1.22761549]
 [ 0.76142389]
 [-0.75910287]]
unit step:  1
delta:  [[ 1.22761549]
 [ 0.76142389]
 [-0.75910287]]
delta b updated:  [array([[ 0.29425221],
       [-0.07645793]]), array([[ 1.22761549],
       [ 0.76142389],
       [-0.75910287]])]
delta w updated: [array([[-0.1412314 , -0.04380231,  0.29045591],
       [ 0.0366973 ,  0.01138151, -0.07547151]]), array([[ 0.39180851,  0.07699812],
       [ 0.24301775,  0.04775779],
       [-0.24227697, -0.04761221]])]
input:  [[ 0.70617593]
 [-1.1138955 ]
 [ 0.32979354]]
activations:  [array([[ 0.70617593],
       [-1.1138955 ],
       [ 0.32979354]]), array([[ 0.50330358],
       [-0.64560039]]), array([[ 1.69901051],
       [ 1.01016091],
       [ 0.80555203]])]
cost derivative:  [[ 0.99283458]
 [ 2.12405641]
 [ 0.47575849]]
unit step:  1
delta:  [[ 0.99283458]
 [ 2.12405641]
 [ 0.47575849]]
delta b updated:  [array([[ 0.31764337],
       [ 1.77599576]]), array([[ 0.99283458],
       [ 2.12405641],
       [ 0.47575849]])]
delta w updated: [array([[ 0.2243121 , -0.35382152,  0.10475673],
       [ 1.25416546, -1.97827369,  0.58571193]]), array([[ 0.4996972 , -0.6409744 ],
       [ 1.0690452 , -1.37129166],
       [ 0.23945095, -0.30714987]])]
input:  [[ 0.8800997 ]
 [-0.71060845]
 [ 0.6149225 ]]
activations:  [array([[ 0.8800997 ],
       [-0.71060845],
       [ 0.6149225 ]]), array([[ 0.61412487],
       [-0.58019829]]), array([[ 1.7966292 ],
       [ 0.90558203],
       [ 0.83082775]])]
cost derivative:  [[ 0.9165295 ]
 [ 1.61619048]
 [ 0.21590525]]
unit step:  1
delta:  [[ 0.9165295 ]
 [ 1.61619048]
 [ 0.21590525]]
delta b updated:  [array([[ 0.3831072],
       [ 1.2486299]]), array([[ 0.9165295 ],
       [ 1.61619048],
       [ 0.21590525]])]
delta w updated: [array([[ 0.33717253, -0.27223921,  0.23558124],
       [ 1.0989188 , -0.88728696,  0.76781062]]), array([[ 0.56286356, -0.53176885],
       [ 0.99254277, -0.93771096],
       [ 0.13259279, -0.12526786]])]
input:  [[-0.88818223]
 [-0.38808078]
 [ 0.81320924]]
activations:  [array([[-0.88818223],
       [-0.38808078],
       [ 0.81320924]]), array([[ 0.16709245],
       [ 0.12637496]]), array([[ 0.46374882],
       [ 0.64592717],
       [ 0.09257215]])]
cost derivative:  [[ 1.35193105]
 [ 1.03400795]
 [-0.72063709]]
unit step:  1
delta:  [[ 1.35193105]
 [ 1.03400795]
 [-0.72063709]]
delta b updated:  [array([[ 0.16427188],
       [-0.19627193]]), array([[ 1.35193105],
       [ 1.03400795],
       [-0.72063709]])]
delta w updated: [array([[-0.14590337, -0.06375076,  0.13358741],
       [ 0.17432525,  0.07616937, -0.15961015]]), array([[ 0.22589748,  0.17085024],
       [ 0.17277492,  0.13067272],
       [-0.12041302, -0.09107049]])]
input:  [[ 0.31706324]
 [-0.8727042 ]
 [ 0.49262874]]
activations:  [array([[ 0.31706324],
       [-0.8727042 ],
       [ 0.49262874]]), array([[ 0.43058094],
       [-0.43907291]]), array([[ 1.39236548],
       [ 0.90184332],
       [ 0.62539134]])]
cost derivative:  [[ 1.07530224]
 [ 1.77454752]
 [ 0.1327626 ]]
unit step:  1
delta:  [[ 1.07530224]
 [ 1.77454752]
 [ 0.1327626 ]]
delta b updated:  [array([[ 0.31003256],
       [ 1.03648463]]), array([[ 1.07530224],
       [ 1.77454752],
       [ 0.1327626 ]])]
delta w updated: [array([[ 0.09829993, -0.27056672,  0.15273095],
       [ 0.32863117, -0.90454449,  0.51060212]]), array([[ 0.46300465, -0.47213609],
       [ 0.76408634, -0.77915575],
       [ 0.05716505, -0.05829246]])]
input:  [[ 0.48228053]
 [-1.0036456 ]
 [ 0.40350862]]
activations:  [array([[ 0.48228053],
       [-1.0036456 ],
       [ 0.40350862]]), array([[ 0.45652788],
       [-0.53764723]]), array([[ 1.52473495],
       [ 0.95610874],
       [ 0.70584365]])]
cost derivative:  [[ 1.04245442]
 [ 1.95975434]
 [ 0.30233502]]
unit step:  1
delta:  [[ 1.04245442]
 [ 1.95975434]
 [ 0.30233502]]
delta b updated:  [array([[ 0.31018458],
       [ 1.38079988]]), array([[ 1.04245442],
       [ 1.95975434],
       [ 0.30233502]])]
delta w updated: [array([[ 0.14959599, -0.31131539,  0.12516216],
       [ 0.6659329 , -1.38583372,  0.55716466]]), array([[ 0.4759095 , -0.56047273],
       [ 0.89468249, -1.05365648],
       [ 0.13802437, -0.16254959]])]
input:  [[-0.84591795]
 [-0.68208683]
 [ 0.60797968]]
activations:  [array([[-0.84591795],
       [-0.68208683],
       [ 0.60797968]]), array([[ 0.13309103],
       [ 0.01841017]]), array([[ 0.51724687],
       [ 0.73721663],
       [ 0.14235937]])]
cost derivative:  [[ 1.36316482]
 [ 1.41930346]
 [-0.4656203 ]]
unit step:  1
delta:  [[ 1.36316482]
 [ 1.41930346]
 [-0.4656203 ]]
delta b updated:  [array([[ 0.12699397],
       [-0.03678441]]), array([[ 1.36316482],
       [ 1.41930346],
       [-0.4656203 ]])]
delta w updated: [array([[-0.10742648, -0.08662092,  0.07720976],
       [ 0.03111659,  0.02509016, -0.02236417]]), array([[ 0.18142501,  0.02509609],
       [ 0.18889656,  0.02612961],
       [-0.06196989, -0.00857215]])]
input:  [[ 0.17332101]
 [-0.74413054]
 [ 0.58042565]]
activations:  [array([[ 0.17332101],
       [-0.74413054],
       [ 0.58042565]]), array([[ 0.40957731],
       [-0.35099411]]), array([[ 1.27537304],
       [ 0.84927835],
       [ 0.55475844]])]
cost derivative:  [[ 1.10205203]
 [ 1.59340888]
 [-0.02566721]]
unit step:  1
delta:  [[ 1.10205203]
 [ 1.59340888]
 [-0.02566721]]
delta b updated:  [array([[ 0.30900156],
       [ 0.75647994]]), array([[ 1.10205203],
       [ 1.59340888],
       [-0.02566721]])]
delta w updated: [array([[ 0.05355646, -0.2299375 ,  0.17935243],
       [ 0.13111387, -0.56291982,  0.43908036]]), array([[ 0.4513755 , -0.38681377],
       [ 0.65262412, -0.55927713],
       [-0.01051271,  0.00900904]])]
input:  [[-0.53784878]
 [-0.10663077]
 [ 1.01576828]]
activations:  [array([[-0.53784878],
       [-0.10663077],
       [ 1.01576828]]), array([[ 0.30826799],
       [ 0.09338676]]), array([[ 0.69890159],
       [ 0.59239659],
       [ 0.20149419]])]
cost derivative:  [[ 1.23675037]
 [ 0.69902737]
 [-0.81427409]]
unit step:  1
delta:  [[ 1.23675037]
 [ 0.69902737]
 [-0.81427409]]
delta b updated:  [array([[ 0.2870863 ],
       [-0.10705932]]), array([[ 1.23675037],
       [ 0.69902737],
       [-0.81427409]])]
delta w updated: [array([[-0.15440901, -0.03061223,  0.29161316],
       [ 0.05758173,  0.01141582, -0.10874747]]), array([[ 0.38125055,  0.11549611],
       [ 0.21548776,  0.0652799 ],
       [-0.25101464, -0.07604242]])]
input:  [[ 0.02509018]
 [-0.60471442]
 [ 0.6757454 ]]
activations:  [array([[ 0.02509018],
       [-0.60471442],
       [ 0.6757454 ]]), array([[ 0.38914949],
       [-0.25663315]]), array([[ 1.15371578],
       [ 0.79336881],
       [ 0.48072038]])]
cost derivative:  [[ 1.1286256 ]
 [ 1.39808323]
 [-0.19502502]]
unit step:  1
delta:  [[ 1.1286256 ]
 [ 1.39808323]
 [-0.19502502]]
delta b updated:  [array([[ 0.3074412 ],
       [ 0.49627621]]), array([[ 1.1286256 ],
       [ 1.39808323],
       [-0.19502502]])]
delta w updated: [array([[ 0.00771375, -0.18591413,  0.20775198],
       [ 0.01245166, -0.30010538,  0.33535637]]), array([[ 0.43920407, -0.28964275],
       [ 0.54406337, -0.35879451],
       [-0.07589388,  0.05004988]])]
input:  [[ 0.53025033]
 [-1.03611129]
 [ 0.38152138]]
activations:  [array([[ 0.53025033],
       [-1.03611129],
       [ 0.38152138]]), array([[ 0.46414072],
       [-0.56621636]]), array([[ 1.56091386],
       [ 0.96892637],
       [ 0.72963987]])]
cost derivative:  [[ 1.03066353]
 [ 2.00503765]
 [ 0.34811849]]
unit step:  1
delta:  [[ 1.03066353]
 [ 2.00503765]
 [ 0.34811849]]
delta b updated:  [array([[ 0.30845185],
       [ 1.48161129]]), array([[ 1.03066353],
       [ 2.00503765],
       [ 0.34811849]])]
delta w updated: [array([[ 0.1635567 , -0.31959045,  0.11768098],
       [ 0.78562487, -1.53511418,  0.56526638]]), array([[ 0.47837291, -0.58357855],
       [ 0.93061962, -1.13528512],
       [ 0.16157597, -0.19711038]])]
input:  [[-0.87031495]
 [-0.09903159]
 [ 1.01590529]]
activations:  [array([[-0.87031495],
       [-0.09903159],
       [ 1.01590529]]), array([[ 0.21557574],
       [ 0.20922772]]), array([[ 0.45115995],
       [ 0.55888792],
       [ 0.06877367]])]
cost derivative:  [[ 1.32147491]
 [ 0.65791951]
 [-0.94713162]]
unit step:  1
delta:  [[ 1.32147491]
 [ 0.65791951]
 [-0.94713162]]
delta b updated:  [array([[ 0.21408901],
       [-0.23266351]]), array([[ 1.32147491],
       [ 0.65791951],
       [-0.94713162]])]
delta w updated: [array([[-0.18632486, -0.02120157,  0.21749416],
       [ 0.20249053,  0.02304104, -0.23636409]]), array([[ 0.28487794,  0.27648918],
       [ 0.14183149,  0.137655  ],
       [-0.2041786 , -0.19816619]])]
input:  [[-0.89224133]
 [-0.22185723]
 [ 0.92955015]]
activations:  [array([[-0.89224133],
       [-0.22185723],
       [ 0.92955015]]), array([[ 0.19023068],
       [ 0.17825781]]), array([[ 0.44369198],
       [ 0.59345374],
       [ 0.07374645]])]
cost derivative:  [[ 1.33593331]
 [ 0.81531097]
 [-0.8558037 ]]
unit step:  1
delta:  [[ 1.33593331]
 [ 0.81531097]
 [-0.8558037 ]]
delta b updated:  [array([[ 0.18791538],
       [-0.23090773]]), array([[ 1.33593331],
       [ 0.81531097],
       [-0.8558037 ]])]
delta w updated: [array([[-0.16766587, -0.04169039,  0.17467677],
       [ 0.20602542,  0.05122855, -0.21464032]]), array([[ 0.2541355 ,  0.23814055],
       [ 0.15509716,  0.14533555],
       [-0.16280012, -0.15255369]])]
input:  [[-0.88477696]
 [-0.42422919]
 [ 0.78794808]]
activations:  [array([[-0.88477696],
       [-0.42422919],
       [ 0.78794808]]), array([[ 0.16087756],
       [ 0.1120918 ]]), array([[ 0.46435099],
       [ 0.65454449],
       [ 0.09922946]])]
cost derivative:  [[ 1.34912795]
 [ 1.07877368]
 [-0.68871861]]
unit step:  1
delta:  [[ 1.34912795]
 [ 1.07877368]
 [-0.68871861]]
delta b updated:  [array([[ 0.15636012],
       [-0.17943484]]), array([[ 1.34912795],
       [ 1.07877368],
       [-0.68871861]])]
delta w updated: [array([[-0.13834384, -0.06633253,  0.12320366],
       [ 0.15875981,  0.0761215 , -0.14138534]]), array([[ 0.21704442,  0.15122618],
       [ 0.17355048,  0.12092169],
       [-0.11079937, -0.07719971]])]
input:  [[ 0.72734629]
 [-1.11595321]
 [ 0.32868269]]
activations:  [array([[ 0.72734629],
       [-1.11595321],
       [ 0.32868269]]), array([[ 0.50670144],
       [-0.66015154]]), array([[ 1.71154344],
       [ 1.01008669],
       [ 0.8179914 ]])]
cost derivative:  [[ 0.98419715]
 [ 2.12603991]
 [ 0.48930871]]
unit step:  1
delta:  [[ 0.98419715]
 [ 2.12603991]
 [ 0.48930871]]
delta b updated:  [array([[ 0.3138574 ],
       [ 1.81399473]]), array([[ 0.98419715],
       [ 2.12603991],
       [ 0.48930871]])]
delta w updated: [array([[ 0.22828301, -0.35025017,  0.10315949],
       [ 1.31940233, -2.02433325,  0.59622867]]), array([[ 0.49869411, -0.64971926],
       [ 1.07726748, -1.40350852],
       [ 0.24793343, -0.3230179 ]])]
input:  [[-0.88050667]
 [-0.13357725]
 [ 0.99155448]]
activations:  [array([[-0.88050667],
       [-0.13357725],
       [ 0.99155448]]), array([[ 0.20677831],
       [ 0.20191914]]), array([[ 0.44366308],
       [ 0.56697663],
       [ 0.06886375]])]
cost derivative:  [[ 1.32416975]
 [ 0.70055388]
 [-0.92269073]]
unit step:  1
delta:  [[ 1.32416975]
 [ 0.70055388]
 [-0.92269073]]
delta b updated:  [array([[ 0.20446009],
       [-0.23427648]]), array([[ 1.32416975],
       [ 0.70055388],
       [-0.92269073]])]
delta w updated: [array([[-0.18002847, -0.02731122,  0.20273332],
       [ 0.206282  ,  0.03129401, -0.23229789]]), array([[ 0.27380958,  0.26737522],
       [ 0.14485935,  0.14145524],
       [-0.19079243, -0.18630892]])]
input:  [[-0.7804745 ]
 [-0.01245835]
 [ 1.07793242]]
activations:  [array([[-0.7804745 ],
       [-0.01245835],
       [ 1.07793242]]), array([[ 0.25341468],
       [ 0.20595148]]), array([[ 0.50709167],
       [ 0.53947806],
       [ 0.09532961]])]
cost derivative:  [[ 1.28756616]
 [ 0.55193641]
 [-0.9826028 ]]
unit step:  1
delta:  [[ 1.28756616]
 [ 0.55193641]
 [-0.9826028 ]]
delta b updated:  [array([[ 0.24740842],
       [-0.20238573]]), array([[ 1.28756616],
       [ 0.55193641],
       [-0.9826028 ]])]
delta w updated: [array([[-0.19309596, -0.0030823 ,  0.26668955],
       [ 0.1579569 ,  0.00252139, -0.21815814]]), array([[ 0.32628817,  0.26517616],
       [ 0.13986879,  0.11367212],
       [-0.24900597, -0.2023685 ]])]
input:  [[-0.19185916]
 [-0.39888405]
 [ 0.81650256]]
activations:  [array([[-0.19185916],
       [-0.39888405],
       [ 0.81650256]]), array([[ 0.35884102],
       [-0.11866101]]), array([[ 0.97294668],
       [ 0.70962897],
       [ 0.37301316]])]
cost derivative:  [[ 1.16480585]
 [ 1.10851303]
 [-0.4434894 ]]
unit step:  1
delta:  [[ 1.16480585]
 [ 1.10851303]
 [-0.4434894 ]]
delta b updated:  [array([[ 0.30088431],
       [ 0.19031685]]), array([[ 1.16480585],
       [ 1.10851303],
       [-0.4434894 ]])]
delta w updated: [array([[-0.05772741, -0.12001795,  0.24567281],
       [-0.03651403, -0.07591436,  0.15539419]]), array([[ 0.41798012, -0.13821704],
       [ 0.39777995, -0.13153728],
       [-0.15914219,  0.0526249 ]])]
input:  [[-0.83309753]
 [-0.03868815]
 [ 1.0587434 ]]
activations:  [array([[-0.83309753],
       [-0.03868815],
       [ 1.0587434 ]]), array([[ 0.23414263],
       [ 0.21584473]]), array([[ 0.4686501 ],
       [ 0.54210905],
       [ 0.07748856]])]
cost derivative:  [[ 1.30174764]
 [ 0.5807972 ]
 [-0.98125484]]
unit step:  1
delta:  [[ 1.30174764]
 [ 0.5807972 ]
 [-0.98125484]]
delta b updated:  [array([[ 0.22994184],
       [-0.21960111]]), array([[ 1.30174764],
       [ 0.5807972 ],
       [-0.98125484]])]
delta w updated: [array([[-0.19156398, -0.00889602,  0.24344941],
       [ 0.18294915,  0.00849596, -0.23250123]]), array([[ 0.30479461,  0.28097536],
       [ 0.13598938,  0.12536201],
       [-0.22975359, -0.21179868]])]
input:  [[ 0.84876504]
 [-1.03861718]
 [ 0.38473357]]
activations:  [array([[ 0.84876504],
       [-1.03861718],
       [ 0.38473357]]), array([[ 0.55212972],
       [-0.67920198]]), array([[ 1.79361877],
       [ 0.99724364],
       [ 0.85933566]])]
cost derivative:  [[ 0.94485373]
 [ 2.03586081]
 [ 0.47460209]]
unit step:  1
delta:  [[ 0.94485373]
 [ 2.03586081]
 [ 0.47460209]]
delta b updated:  [array([[ 0.33050259],
       [ 1.79081982]]), array([[ 0.94485373],
       [ 2.03586081],
       [ 0.47460209]])]
delta w updated: [array([[ 0.28051905, -0.34326567,  0.12715544],
       [ 1.51998525, -1.85997622,  0.68898851]]), array([[ 0.52168182, -0.64174652],
       [ 1.12405926, -1.3827607 ],
       [ 0.26204192, -0.32235068]])]
input:  [[ 0.37036119]
 [-0.91749063]
 [ 0.46209653]]
activations:  [array([[ 0.37036119],
       [-0.91749063],
       [ 0.46209653]]), array([[ 0.43612068],
       [-0.47760819]]), array([[ 1.43008036],
       [ 0.91689688],
       [ 0.65567948]])]
cost derivative:  [[ 1.05971917]
 [ 1.8343875 ]
 [ 0.19358295]]
unit step:  1
delta:  [[ 1.05971917]
 [ 1.8343875 ]
 [ 0.19358295]]
delta b updated:  [array([[ 0.30391956],
       [ 1.15703828]]), array([[ 1.05971917],
       [ 1.8343875 ],
       [ 0.19358295]])]
delta w updated: [array([[ 0.11256001, -0.27884335,  0.14044017],
       [ 0.42852208, -1.06157178,  0.53466337]]), array([[ 0.46216544, -0.50613056],
       [ 0.80001432, -0.8761185 ],
       [ 0.08442553, -0.0924568 ]])]
input:  [[-0.50926384]
 [-0.12696721]
 [ 1.0019727 ]]
activations:  [array([[-0.50926384],
       [-0.12696721],
       [ 1.0019727 ]]), array([[ 0.31103963],
       [ 0.07543213]]), array([[ 0.71462155],
       [ 0.5977332 ],
       [ 0.21686755]])]
cost derivative:  [[ 1.2238854 ]
 [ 0.72470041]
 [-0.78510515]]
unit step:  1
delta:  [[ 1.2238854 ]
 [ 0.72470041]
 [-0.78510515]]
delta b updated:  [array([[ 0.28412803],
       [-0.08824717]]), array([[ 1.2238854 ],
       [ 0.72470041],
       [-0.78510515]])]
delta w updated: [array([[-0.14469613, -0.03607494,  0.28468853],
       [ 0.04494109,  0.0112045 , -0.08842126]]), array([[ 0.38067686,  0.09232028],
       [ 0.22541054,  0.05466569],
       [-0.24419881, -0.05922215]])]
input:  [[ 0.73415457]
 [-1.11607237]
 [ 0.32870542]]
activations:  [array([[ 0.73415457],
       [-1.11607237],
       [ 0.32870542]]), array([[ 0.50728161],
       [-0.66684845]]), array([[ 1.7149816 ],
       [ 1.00978841],
       [ 0.82349809]])]
cost derivative:  [[ 0.98082703]
 [ 2.12586079]
 [ 0.49479267]]
unit step:  1
delta:  [[ 0.98082703]
 [ 2.12586079]
 [ 0.49479267]]
delta b updated:  [array([[ 0.31155233],
       [ 1.83057877]]), array([[ 0.98082703],
       [ 2.12586079],
       [ 0.49479267]])]
delta w updated: [array([[ 0.22872756, -0.34771494,  0.10240894],
       [ 1.34392777, -2.04305839,  0.60172116]]), array([[ 0.49755552, -0.65406298],
       [ 1.07841008, -1.41762696],
       [ 0.25099922, -0.32995172]])]
input:  [[-0.43987726]
 [-0.18029201]
 [ 0.96571207]]
activations:  [array([[-0.43987726],
       [-0.18029201],
       [ 0.96571207]]), array([[ 0.32195162],
       [ 0.03393658]]), array([[ 0.76966196],
       [ 0.6197392 ],
       [ 0.25082805]])]
cost derivative:  [[ 1.20953922]
 [ 0.80003121]
 [-0.71488402]]
unit step:  1
delta:  [[ 1.20953922]
 [ 0.80003121]
 [-0.71488402]]
delta b updated:  [array([[ 0.28837568],
       [-0.04254854]]), array([[ 1.20953922],
       [ 0.80003121],
       [-0.71488402]])]
delta w updated: [array([[-0.1268499 , -0.05199183,  0.27848788],
       [ 0.01871613,  0.00767116, -0.04108963]]), array([[ 0.38941311,  0.04104762],
       [ 0.25757134,  0.02715032],
       [-0.23015807, -0.02426072]])]
input:  [[-0.20310013]
 [-0.38840343]
 [ 0.82366671]]
activations:  [array([[-0.20310013],
       [-0.38840343],
       [ 0.82366671]]), array([[ 0.35608214],
       [-0.11387432]]), array([[ 0.9612803 ],
       [ 0.7040644 ],
       [ 0.36876213]])]
cost derivative:  [[ 1.16438043]
 [ 1.09246783]
 [-0.45490459]]
unit step:  1
delta:  [[ 1.16438043]
 [ 1.09246783]
 [-0.45490459]]
delta b updated:  [array([[ 0.29789116],
       [ 0.18027322]]), array([[ 1.16438043],
       [ 1.09246783],
       [-0.45490459]])]
delta w updated: [array([[-0.06050173, -0.11570195,  0.24536303],
       [-0.03661351, -0.07001874,  0.14848505]]), array([[ 0.41461507, -0.13259303],
       [ 0.38900828, -0.12440403],
       [-0.1619834 ,  0.05180195]])]
input:  [[-0.88454188]
 [-0.15320278]
 [ 0.97774804]]
activations:  [array([[-0.88454188],
       [-0.15320278],
       [ 0.97774804]]), array([[ 0.20081424],
       [ 0.19609799]]), array([[ 0.4365253 ],
       [ 0.57020861],
       [ 0.07051095]])]
cost derivative:  [[ 1.32106718]
 [ 0.72341139]
 [-0.9072371 ]]
unit step:  1
delta:  [[ 1.32106718]
 [ 0.72341139]
 [-0.9072371 ]]
delta b updated:  [array([[ 0.1965331 ],
       [-0.23185008]]), array([[ 1.32106718],
       [ 0.72341139],
       [-0.9072371 ]])]
delta w updated: [array([[-0.17384175, -0.03010942,  0.19215985],
       [ 0.20508111,  0.03552008, -0.22669096]]), array([[ 0.2652891 ,  0.25905861],
       [ 0.14527131,  0.14185952],
       [-0.18218613, -0.17790737]])]
input:  [[ 0.71335526]
 [-1.11486096]
 [ 0.32922941]]
activations:  [array([[ 0.71335526],
       [-1.11486096],
       [ 0.32922941]]), array([[ 0.50099934],
       [-0.66105187]]), array([[ 1.69833768],
       [ 1.006867  ],
       [ 0.81630767]])]
cost derivative:  [[ 0.98498241]
 [ 2.12172796]
 [ 0.48707827]]
unit step:  1
delta:  [[ 0.98498241]
 [ 2.12172796]
 [ 0.48707827]]
delta b updated:  [array([[ 0.30852682],
       [ 1.81128536]]), array([[ 0.98498241],
       [ 2.12172796],
       [ 0.48707827]])]
delta w updated: [array([[ 0.22008923, -0.34396451,  0.1015761 ],
       [ 1.29208995, -2.01933133,  0.5963284 ]]), array([[ 0.49347554, -0.65112447],
       [ 1.0629843 , -1.40257224],
       [ 0.24402589, -0.321984  ]])]
input:  [[-0.88658559]
 [-0.40591942]
 [ 0.80074197]]
activations:  [array([[-0.88658559],
       [-0.40591942],
       [ 0.80074197]]), array([[ 0.1608869 ],
       [ 0.11618581]]), array([[ 0.45476749],
       [ 0.64567372],
       [ 0.09825944]])]
cost derivative:  [[ 1.34135308]
 [ 1.05159313]
 [-0.70248253]]
unit step:  1
delta:  [[ 1.34135308]
 [ 1.05159313]
 [-0.70248253]]
delta b updated:  [array([[ 0.15465274],
       [-0.18158593]]), array([[ 1.34135308],
       [ 1.05159313],
       [-0.70248253]])]
delta w updated: [array([[-0.13711289, -0.06277655,  0.12383694],
       [ 0.16099147,  0.07370926, -0.14540348]]), array([[ 0.21580614,  0.1558462 ],
       [ 0.16918756,  0.1221802 ],
       [-0.11302024, -0.0816185 ]])]
input:  [[-0.89340573]
 [-0.2907287 ]
 [ 0.88130219]]
activations:  [array([[-0.89340573],
       [-0.2907287 ],
       [ 0.88130219]]), array([[ 0.17665084],
       [ 0.15531154]]), array([[ 0.43948296],
       [ 0.60988589],
       [ 0.08266548]])]
cost derivative:  [[ 1.3328887 ]
 [ 0.90061459]
 [-0.79863671]]
unit step:  1
delta:  [[ 1.3328887 ]
 [ 0.90061459]
 [-0.79863671]]
delta b updated:  [array([[ 0.17115105],
       [-0.21547083]]), array([[ 1.3328887 ],
       [ 0.90061459],
       [-0.79863671]])]
delta w updated: [array([[-0.15290733, -0.04975852,  0.1508358 ],
       [ 0.19250287,  0.06264355, -0.18989491]]), array([[ 0.23545591,  0.207013  ],
       [ 0.15909432,  0.13987584],
       [-0.14107985, -0.1240375 ]])]
input:  [[ 0.82906   ]
 [-1.07064725]
 [ 0.36199604]]
activations:  [array([[ 0.82906   ],
       [-1.07064725],
       [ 0.36199604]]), array([[ 0.5399453],
       [-0.688644 ]]), array([[ 1.78004526],
       [ 1.0036679 ],
       [ 0.85859632]])]
cost derivative:  [[ 0.95098526]
 [ 2.07431515]
 [ 0.49660029]]
unit step:  1
delta:  [[ 0.95098526]
 [ 2.07431515]
 [ 0.49660029]]
delta b updated:  [array([[ 0.32180053],
       [ 1.84528382]]), array([[ 0.95098526],
       [ 2.07431515],
       [ 0.49660029]])]
delta w updated: [array([[ 0.26679195, -0.34453485,  0.11649052],
       [ 1.52985101, -1.97564805,  0.66798543]]), array([[ 0.51348002, -0.65489029],
       [ 1.12001671, -1.42846468],
       [ 0.26813699, -0.34198081]])]
input:  [[-0.70682931]
 [-0.01844346]
 [ 1.07488957]]
activations:  [array([[-0.70682931],
       [-0.01844346],
       [ 1.07488957]]), array([[ 0.27094488],
       [ 0.17694971]]), array([[ 0.55475298],
       [ 0.54424289],
       [ 0.12683562]])]
cost derivative:  [[ 1.26158229]
 [ 0.56268634]
 [-0.94805396]]
unit step:  1
delta:  [[ 1.26158229]
 [ 0.56268634]
 [-0.94805396]]
delta b updated:  [array([[ 0.25749956],
       [-0.17453938]]), array([[ 1.26158229],
       [ 0.56268634],
       [-0.94805396]])]
delta w updated: [array([[-0.18200824, -0.00474918,  0.27678359],
       [ 0.12336955,  0.00321911, -0.18761056]]), array([[ 0.34181926,  0.22323662],
       [ 0.15245698,  0.09956719],
       [-0.25687036, -0.16775787]])]
input:  [[-0.88785181]
 [-0.17443756]
 [ 0.96282598]]
activations:  [array([[-0.88785181],
       [-0.17443756],
       [ 0.96282598]]), array([[ 0.19572714],
       [ 0.19020424]]), array([[ 0.43231445],
       [ 0.57445778],
       [ 0.07210365]])]
cost derivative:  [[ 1.32016626]
 [ 0.74889535]
 [-0.89072233]]
unit step:  1
delta:  [[ 1.32016626]
 [ 0.74889535]
 [-0.89072233]]
delta b updated:  [array([[ 0.19034562],
       [-0.23005221]]), array([[ 1.32016626],
       [ 0.74889535],
       [-0.89072233]])]
delta w updated: [array([[-0.16899871, -0.03320343,  0.18326971],
       [ 0.20425227,  0.04012975, -0.22150024]]), array([[ 0.25839237,  0.25110121],
       [ 0.14657914,  0.14244307],
       [-0.17433853, -0.16941916]])]
input:  [[-0.6015206 ]
 [-0.06581055]
 [ 1.04336123]]
activations:  [array([[-0.6015206 ],
       [-0.06581055],
       [ 1.04336123]]), array([[ 0.29282014],
       [ 0.12570628]]), array([[ 0.63495777],
       [ 0.5677592 ],
       [ 0.17447986]])]
cost derivative:  [[ 1.23647838]
 [ 0.63356975]
 [-0.86888137]]
unit step:  1
delta:  [[ 1.23647838]
 [ 0.63356975]
 [-0.86888137]]
delta b updated:  [array([[ 0.2708668 ],
       [-0.13367256]]), array([[ 1.23647838],
       [ 0.63356975],
       [-0.86888137]])]
delta w updated: [array([[-0.16293196, -0.01782589,  0.28261192],
       [ 0.0804068 ,  0.00879706, -0.13946877]]), array([[ 0.36206577,  0.1554331 ],
       [ 0.18552198,  0.0796437 ],
       [-0.25442596, -0.10922385]])]
input:  [[ 0.80545352]
 [-1.09380872]
 [ 0.34540823]]
activations:  [array([[ 0.80545352],
       [-1.09380872],
       [ 0.34540823]]), array([[ 0.5292047 ],
       [-0.68950459]]), array([[ 1.76342292],
       [ 1.00803858],
       [ 0.85315915]])]
cost derivative:  [[ 0.9579694 ]
 [ 2.10184731]
 [ 0.50775093]]
unit step:  1
delta:  [[ 0.9579694 ]
 [ 2.10184731]
 [ 0.50775093]]
delta b updated:  [array([[ 0.31593517],
       [ 1.86978724]]), array([[ 0.9579694 ],
       [ 2.10184731],
       [ 0.50775093]])]
delta w updated: [array([[ 0.2544711 , -0.34557265,  0.10912661],
       [ 1.50602671, -2.0451896 ,  0.6458399 ]]), array([[ 0.50696191, -0.6605243 ],
       [ 1.11230748, -1.44923336],
       [ 0.26870418, -0.35009659]])]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.86733502]
 [-0.09135316]
 [ 1.02132887]]
dot product : [[-0.45418163]
 [-0.28757621]]
result : [[ 0.21385199]
 [ 0.20940052]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.21385199]
 [ 0.20940052]]
dot product : [[ 0.10858854]
 [-0.25774335]
 [-0.0047433 ]]
result : [[ 0.43889269]
 [ 0.5504317 ]
 [ 0.07122321]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.75549339]
 [-0.01066178]
 [ 1.0795801 ]]
dot product : [[-0.41027408]
 [-0.30068275]]
result : [[ 0.25775954]
 [ 0.19629397]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.25775954]
 [ 0.19629397]]
dot product : [[ 0.18494677]
 [-0.27180739]
 [ 0.03091665]]
result : [[ 0.51525092]
 [ 0.53636766]
 [ 0.10688315]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.80786871]
 [-0.86671599]
 [ 0.47927961]]
dot product : [[-0.55738092]
 [-0.55555078]]
result : [[ 0.1106527 ]
 [-0.05857406]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.1106527 ]
 [-0.05857406]]
dot product : [[ 0.21704898]
 [-0.01775143]
 [ 0.10654803]]
result : [[ 0.54735313]
 [ 0.79042362]
 [ 0.18251453]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.8841156 ]
 [-0.79645963]
 [ 0.55486465]]
dot product : [[-0.07105121]
 [-1.12080334]]
result : [[ 0.59698241]
 [-0.62382661]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.59698241]
 [-0.62382661]]
dot product : [[ 1.46763785]
 [ 0.11742223]
 [ 0.77584205]]
result : [[ 1.797942  ]
 [ 0.92559728]
 [ 0.85180856]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.85040337]
 [-0.65782519]
 [ 0.62489984]]
dot product : [[-0.5370286 ]
 [-0.47414683]]
result : [[ 0.13100502]
 [ 0.02282989]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.13100502]
 [ 0.02282989]]
dot product : [[ 0.16814027]
 [-0.08485891]
 [ 0.06595276]]
result : [[ 0.49844442]
 [ 0.72331614]
 [ 0.14191926]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.81402889]
 [-0.83872816]
 [ 0.49878306]]
dot product : [[-0.55478367]
 [-0.54448383]]
result : [[ 0.11324995]
 [-0.0475071 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.11324995]
 [-0.0475071 ]]
dot product : [[ 0.21015353]
 [-0.02678534]
 [ 0.10092433]]
result : [[ 0.54045768]
 [ 0.78138971]
 [ 0.17689083]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.63635401]
 [-1.09331501]
 [ 0.34311697]]
dot product : [[-0.18658341]
 [-1.12943958]]
result : [[ 0.48145021]
 [-0.63246286]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.48145021]
 [-0.63246286]]
dot product : [[ 1.30827662]
 [ 0.18429554]
 [ 0.71017109]]
result : [[ 1.63858077]
 [ 0.99247059]
 [ 0.7861376 ]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.69887632]
 [-1.1126556 ]
 [ 0.330548  ]]
dot product : [[-0.17200504]
 [-1.15732407]]
result : [[ 0.49602858]
 [-0.66034735]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.49602858]
 [-0.66034735]]
dot product : [[ 1.35630772]
 [ 0.19592485]
 [ 0.73737817]]
result : [[ 1.68661187]
 [ 1.0040999 ]
 [ 0.81334467]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.89329364]
 [-0.24810329]
 [ 0.91115396]]
dot product : [[-0.48571768]
 [-0.32855945]]
result : [[ 0.18231594]
 [ 0.16841727]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.18231594]
 [ 0.16841727]]
dot product : [[ 0.10231211]
 [-0.21273696]
 [ 0.00255393]]
result : [[ 0.43261626]
 [ 0.59543809]
 [ 0.07852044]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.3062507 ]
 [-0.86339003]
 [ 0.49898272]]
dot product : [[-0.24378784]
 [-0.9414475 ]]
result : [[ 0.42424578]
 [-0.44447078]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.42424578]
 [-0.44447078]]
dot product : [[ 1.04408388]
 [ 0.08424137]
 [ 0.55210221]]
result : [[ 1.37438803]
 [ 0.89241642]
 [ 0.62806872]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.21431142]
 [-0.37798482]
 [ 0.8307879 ]]
dot product : [[-0.31500306]
 [-0.60581341]]
result : [[ 0.35303056]
 [-0.10883668]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.35303056]
 [-0.10883668]]
dot product : [[ 0.61727475]
 [-0.11068578]
 [ 0.28897397]]
result : [[ 0.9475789 ]
 [ 0.69748927]
 [ 0.36494048]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.27353785]
 [-0.83480259]
 [ 0.51849199]]
dot product : [[-0.24855942]
 [-0.92096697]]
result : [[ 0.41947419]
 [-0.42399025]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.41947419]
 [-0.42399025]]
dot product : [[ 1.01742151]
 [ 0.07257137]
 [ 0.53578308]]
result : [[ 1.34772566]
 [ 0.88074641]
 [ 0.61174958]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.18458517]
 [-0.75451282]
 [ 0.57333073]]
dot product : [[-0.2611392 ]
 [-0.86446144]]
result : [[ 0.40689442]
 [-0.36748472]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.40689442]
 [-0.36748472]]
dot product : [[ 0.94470938]
 [ 0.04006564]
 [ 0.49111984]]
result : [[ 1.27501353]
 [ 0.84824069]
 [ 0.56708634]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.78790495]
 [-0.95398039]
 [ 0.41848079]]
dot product : [[-0.56526635]
 [-0.59031971]]
result : [[ 0.10276727]
 [-0.09334298]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.10276727]
 [-0.09334298]]
dot product : [[ 0.23911049]
 [ 0.01048572]
 [ 0.12438525]]
result : [[ 0.56941464]
 [ 0.81866077]
 [ 0.20035175]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.32441767]
 [-0.27805098]
 [ 0.89905324]]
dot product : [[-0.33048924]
 [-0.53569484]]
result : [[ 0.33754438]
 [-0.03871811]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.33754438]
 [-0.03871811]]
dot product : [[ 0.5272255 ]
 [-0.1510881 ]
 [ 0.23362738]]
result : [[ 0.85752965]
 [ 0.65708695]
 [ 0.30959389]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.88956859]
 [-0.37070946]
 [ 0.82535253]]
dot product : [[-0.50363195]
 [-0.36896143]]
result : [[ 0.16440167]
 [ 0.1280153 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.16440167]
 [ 0.1280153 ]]
dot product : [[ 0.11524623]
 [-0.17531259]
 [ 0.01787943]]
result : [[ 0.44555038]
 [ 0.63286246]
 [ 0.09384594]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.57477534]
 [-0.08211458]
 [ 1.03236081]]
dot product : [[-0.37054067]
 [-0.38624161]]
result : [[ 0.29749295]
 [ 0.11073512]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.29749295]
 [ 0.11073512]]
dot product : [[ 0.32506817]
 [-0.23349068]
 [ 0.1113121 ]]
result : [[ 0.65537232]
 [ 0.57468437]
 [ 0.1872786 ]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.2918166 ]
 [-0.30711228]
 [ 0.87921038]]
dot product : [[-0.32582234]
 [-0.55628769]]
result : [[ 0.34221127]
 [-0.05931097]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.34221127]
 [-0.05931097]]
dot product : [[ 0.55384417]
 [-0.13928512]
 [ 0.24995525]]
result : [[ 0.88414832]
 [ 0.66888993]
 [ 0.32592175]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.46254887]
 [-0.98940729]
 [ 0.41317183]]
dot product : [[-0.21935506]
 [-1.03592945]]
result : [[ 0.44867856]
 [-0.53895273]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.44867856]
 [-0.53895273]]
dot product : [[ 1.17059698]
 [ 0.13680252]
 [ 0.62888043]]
result : [[ 1.50090113]
 [ 0.94497757]
 [ 0.70484694]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.86937796]
 [-0.5441958 ]
 [ 0.70417715]]
dot product : [[-0.52478786]
 [-0.43131171]]
result : [[ 0.14324576]
 [ 0.06566501]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.14324576]
 [ 0.06566501]]
dot product : [[ 0.14462678]
 [-0.12097822]
 [ 0.0455365 ]]
result : [[ 0.47493093]
 [ 0.68719683]
 [ 0.12150301]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.87519723]
 [-0.65344906]
 [ 0.65487403]]
dot product : [[-0.05144077]
 [-1.07208913]]
result : [[ 0.61659285]
 [-0.57511241]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.61659285]
 [-0.57511241]]
dot product : [[ 1.44915516]
 [ 0.07334681]
 [ 0.75613554]]
result : [[ 1.77945931]
 [ 0.88152185]
 [ 0.83210205]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.01360924]
 [-0.59378189]
 [ 0.68322227]]
dot product : [[-0.2843281 ]
 [-0.75380882]]
result : [[ 0.38370552]
 [-0.2568321 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.38370552]
 [-0.2568321 ]]
dot product : [[ 0.80441814]
 [-0.02435096]
 [ 0.4045498 ]]
result : [[ 1.13472229]
 [ 0.78382409]
 [ 0.48051631]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.86272391]
 [-0.54843756]
 [ 0.72821772]]
dot product : [[-0.03870586]
 [-1.03426093]]
result : [[ 0.62932776]
 [-0.53728421]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.62932776]
 [-0.53728421]]
dot product : [[ 1.43118401]
 [ 0.04043485]
 [ 0.73929385]]
result : [[ 1.76148816]
 [ 0.8486099 ]
 [ 0.81526036]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.6280486 ]
 [-1.08977712]
 [ 0.34546499]]
dot product : [[-0.18837018]
 [-1.12542644]]
result : [[ 0.47966344]
 [-0.62844972]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.47966344]
 [-0.62844972]]
dot product : [[ 1.30181587]
 [ 0.18245775]
 [ 0.70644762]]
result : [[ 1.63212002]
 [ 0.9906328 ]
 [ 0.78241413]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.84992859]
 [-0.05851777]
 [ 1.04459451]]
dot product : [[-0.44421225]
 [-0.2831482 ]]
result : [[ 0.22382137]
 [ 0.21382853]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.22382137]
 [ 0.21382853]]
dot product : [[ 0.11879091]
 [-0.26606461]
 [-0.00148138]]
result : [[ 0.44909506]
 [ 0.54211044]
 [ 0.07448513]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.80326333]
 [-0.01910134]
 [ 1.07292504]]
dot product : [[-0.42500309]
 [-0.28678322]]
result : [[ 0.24303053]
 [ 0.2101935 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.24303053]
 [ 0.2101935 ]]
dot product : [[ 0.1501742 ]
 [-0.27367126]
 [ 0.01274889]]
result : [[ 0.48047835]
 [ 0.53450379]
 [ 0.08871539]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.41942256]
 [-0.19690025]
 [ 0.95440051]]
dot product : [[-0.3446366 ]
 [-0.47681262]]
result : [[ 0.32339702]
 [ 0.0201641 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.32339702]
 [ 0.0201641 ]]
dot product : [[ 0.44994779]
 [-0.18441372]
 [ 0.18644458]]
result : [[ 0.78025194]
 [ 0.62376133]
 [ 0.26241109]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.45000473]
 [-0.17220518]
 [ 0.97121724]]
dot product : [[-0.3494114 ]
 [-0.45831369]]
result : [[ 0.31862222]
 [ 0.03866304]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.31862222]
 [ 0.03866304]]
dot product : [[ 0.4251904 ]
 [-0.19470957]
 [ 0.17141746]]
result : [[ 0.75549454]
 [ 0.61346548]
 [ 0.24738397]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.77815857]
 [-1.10857954]
 [ 0.33463877]]
dot product : [[-0.14909557]
 [-1.18356034]]
result : [[ 0.51893805]
 [-0.68658362]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.51893805]
 [-0.68658362]]
dot product : [[ 1.41484224]
 [ 0.20202164]
 [ 0.76865118]]
result : [[ 1.74514638]
 [ 1.01019669]
 [ 0.84461769]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.4324114 ]
 [-0.96680394]
 [ 0.42853068]]
dot product : [[-0.22432839]
 [-1.01825218]]
result : [[ 0.44370523]
 [-0.52127546]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.44370523]
 [-0.52127546]]
dot product : [[ 1.14634327]
 [ 0.12718039]
 [ 0.61426733]]
result : [[ 1.47664742]
 [ 0.93535544]
 [ 0.69023383]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.35980925]
 [-0.90878401]
 [ 0.46802911]]
dot product : [[-0.23575753]
 [-0.97452904]]
result : [[ 0.43227609]
 [-0.47755231]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.43227609]
 [-0.47755231]]
dot product : [[ 1.08761943]
 [ 0.10292136]
 [ 0.5786613 ]]
result : [[ 1.41792358]
 [ 0.9110964 ]
 [ 0.65462781]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.62740077]
 [-0.05140675]
 [ 1.05304444]]
dot product : [[-0.38057998]
 [-0.35816866]]
result : [[ 0.28745364]
 [ 0.13880806]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.28745364]
 [ 0.13880806]]
dot product : [[ 0.28344348]
 [-0.24764285]
 [ 0.08678363]]
result : [[ 0.61374763]
 [ 0.5605322 ]
 [ 0.16275014]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.29539115]
 [-0.85396583]
 [ 0.50541302]]
dot product : [[-0.24538202]
 [-0.93466967]]
result : [[ 0.4226516 ]
 [-0.43769295]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.4226516 ]
 [-0.43769295]]
dot product : [[ 1.03523834]
 [ 0.08038724]
 [ 0.54669225]]
result : [[ 1.36554249]
 [ 0.88856229]
 [ 0.62265875]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.75381005]
 [-1.11467609]
 [ 0.32998973]]
dot product : [[-0.15688058]
 [-1.17704822]]
result : [[ 0.51115304]
 [-0.6800715 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.51115304]
 [-0.6800715 ]]
dot product : [[ 1.39726738]
 [ 0.20161445]
 [ 0.75959354]]
result : [[ 1.72757153]
 [ 1.0097895 ]
 [ 0.83556004]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.0896365]
 [-0.4953697]
 [ 0.750529 ]]
dot product : [[-0.29812173]
 [-0.68655842]]
result : [[ 0.36991189]
 [-0.1895817 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.36991189]
 [-0.1895817 ]]
dot product : [[ 0.7195895 ]
 [-0.06365885]
 [ 0.35212085]]
result : [[ 1.04989365]
 [ 0.7445162 ]
 [ 0.42808736]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.79752477]
 [-0.18586622]
 [ 0.98110502]]
dot product : [[-0.00095579]
 [-0.89596501]]
result : [[ 0.66707783]
 [-0.39898829]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.66707783]
 [-0.39898829]]
dot product : [[ 1.35270028]
 [-0.0752458 ]
 [ 0.67228618]]
result : [[ 1.68300443]
 [ 0.73292925]
 [ 0.74825269]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.42222839]
 [-0.95895256]
 [ 0.43387011]]
dot product : [[-0.22597569]
 [-1.01221101]]
result : [[ 0.44205793]
 [-0.51523429]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.44205793]
 [-0.51523429]]
dot product : [[ 1.13813055]
 [ 0.12386447]
 [ 0.60930562]]
result : [[ 1.4684347 ]
 [ 0.93203952]
 [ 0.68527213]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.03656671]
 [-0.6156325 ]
 [ 0.66827857]]
dot product : [[-0.28125602]
 [-0.76875222]]
result : [[ 0.3867776]
 [-0.2717755]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.3867776]
 [-0.2717755]]
dot product : [[ 0.82327777]
 [-0.01562026]
 [ 0.41620416]]
result : [[ 1.15358192]
 [ 0.79255479]
 [ 0.49217067]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.8624718 ]
 [-0.58812709]
 [ 0.67352033]]
dot product : [[-0.52964114]
 [-0.44772331]]
result : [[ 0.13839248]
 [ 0.04925341]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.13839248]
 [ 0.04925341]]
dot product : [[ 0.1533984 ]
 [-0.10705353]
 [ 0.05325779]]
result : [[ 0.48370255]
 [ 0.70112151]
 [ 0.1292243 ]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.65236982]
 [-0.03900642]
 [ 1.06133886]]
dot product : [[-0.38567882]
 [-0.34554098]]
result : [[ 0.2823548 ]
 [ 0.15143574]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.2823548 ]
 [ 0.15143574]]
dot product : [[ 0.26387384]
 [-0.25370145]
 [ 0.07539048]]
result : [[ 0.59417799]
 [ 0.55447359]
 [ 0.15135698]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.40166683]
 [-0.94279731]
 [ 0.44486278]]
dot product : [[-0.22925529]
 [-0.99991644]]
result : [[ 0.43877833]
 [-0.50293972]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.43877833]
 [-0.50293972]]
dot product : [[ 1.12152238]
 [ 0.11707773]
 [ 0.59925289]]
result : [[ 1.45182653]
 [ 0.92525278]
 [ 0.67521939]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.15797529]
 [-0.43065982]
 [ 0.7947788 ]]
dot product : [[-0.30731823]
 [-0.64218211]]
result : [[ 0.36071539]
 [-0.14520539]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.36071539]
 [-0.14520539]]
dot product : [[ 0.66347668]
 [-0.08954699]
 [ 0.31746637]]
result : [[ 0.99378083]
 [ 0.71862806]
 [ 0.39343288]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.83754064]
 [-0.04312429]
 [ 1.05556754]]
dot product : [[-0.43835051]
 [-0.28254068]]
result : [[ 0.22968311]
 [ 0.21443605]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.22968311]
 [ 0.21443605]]
dot product : [[ 0.1267132 ]
 [-0.26957484]
 [ 0.00173998]]
result : [[ 0.45701735]
 [ 0.53860021]
 [ 0.07770649]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.49957509]
 [-0.13409692]
 [ 0.99713094]]
dot product : [[-0.35744772]
 [-0.42894128]]
result : [[ 0.3105859 ]
 [ 0.06803544]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.3105859 ]
 [ 0.06803544]]
dot product : [[ 0.38522057]
 [-0.21081742]
 [ 0.14727675]]
result : [[ 0.71552472]
 [ 0.59735763]
 [ 0.22324326]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.82561786]
 [-0.78438004]
 [ 0.53666163]]
dot product : [[-0.54963534]
 [-0.52312308]]
result : [[ 0.11839827]
 [-0.02614636]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.11839827]
 [-0.02614636]]
dot product : [[ 0.19704071]
 [-0.04429332]
 [ 0.09015332]]
result : [[ 0.52734485]
 [ 0.76388173]
 [ 0.16611983]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.7843778 ]
 [-0.12539678]
 [ 1.02324597]]
dot product : [[ 0.00470139]
 [-0.8721106 ]]
result : [[ 0.67273501]
 [-0.37513388]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.67273501]
 [-0.37513388]]
dot product : [[ 1.33792288]
 [-0.0947491 ]
 [ 0.66020087]]
result : [[ 1.66822703]
 [ 0.71342595]
 [ 0.73616738]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.76277979]
 [-0.03044527]
 [ 1.08940248]]
dot product : [[ 0.01331639]
 [-0.83432208]]
result : [[ 0.68135001]
 [-0.33734535]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.68135001]
 [-0.33734535]]
dot product : [[ 1.31401032]
 [-0.12546215]
 [ 0.64084214]]
result : [[ 1.64431447]
 [ 0.68271289]
 [ 0.71680865]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.33519014]
 [-0.26856694]
 [ 0.9055268 ]]
dot product : [[-0.3320497 ]
 [-0.52892816]]
result : [[ 0.33598392]
 [-0.03195144]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.33598392]
 [-0.03195144]]
dot product : [[ 0.51843967]
 [-0.15495227]
 [ 0.22824552]]
result : [[ 0.84874382]
 [ 0.65322278]
 [ 0.30421202]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.84468781]
 [-0.43082952]
 [ 0.81029585]]
dot product : [[-0.02558609]
 [-0.99048269]]
result : [[ 0.64244753]
 [-0.49350597]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.64244753]
 [-0.49350597]]
dot product : [[ 1.40803746]
 [ 0.00319903]
 [ 0.71880429]]
result : [[ 1.73834161]
 [ 0.81137408]
 [ 0.7947708 ]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.69145814]
 [-1.11114508]
 [ 0.33149012]]
dot product : [[-0.17385602]
 [-1.15426576]]
result : [[ 0.4941776 ]
 [-0.65728904]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.4941776 ]
 [-0.65728904]]
dot product : [[ 1.35067394]
 [ 0.19478221]
 [ 0.73423858]]
result : [[ 1.68097809]
 [ 1.00295726]
 [ 0.81020508]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.13937598]
 [-0.71261405]
 [ 0.60196689]]
dot product : [[-0.26736379]
 [-0.83539469]]
result : [[ 0.40066983]
 [-0.33841797]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.40066983]
 [-0.33841797]]
dot product : [[ 0.90766366]
 [ 0.02321461]
 [ 0.46829699]]
result : [[ 1.23796781]
 [ 0.83138965]
 [ 0.5442635 ]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.3027292 ]
 [-0.29732748]
 [ 0.88589238]]
dot product : [[-0.32737567]
 [-0.54937641]]
result : [[ 0.34065795]
 [-0.05239969]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.34065795]
 [-0.05239969]]
dot product : [[ 0.54492934]
 [-0.14325321]
 [ 0.24448336]]
result : [[ 0.87523349]
 [ 0.66492184]
 [ 0.32044987]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.88137046]
 [-0.8976838 ]
 [ 0.48393586]]
dot product : [[-0.08747695]
 [-1.15213778]]
result : [[ 0.58055667]
 [-0.65516105]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.58055667]
 [-0.65516105]]
dot product : [[ 1.47399414]
 [ 0.14778185]
 [ 0.78616515]]
result : [[ 1.80429829]
 [ 0.9559569 ]
 [ 0.86213166]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.85862676]
 [-1.01494338]
 [ 0.40146581]]
dot product : [[-0.11200236]
 [-1.18164117]]
result : [[ 0.55603126]
 [-0.68466445]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.55603126]
 [-0.68466445]]
dot product : [[ 1.46682998]
 [ 0.18114226]
 [ 0.79029316]]
result : [[ 1.79713413]
 [ 0.9893173 ]
 [ 0.86625967]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.85618893]
 [-0.50293269]
 [ 0.75998228]]
dot product : [[-0.03350492]
 [-1.01747632]]
result : [[ 0.63452869]
 [-0.52049959]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.63452869]
 [-0.52049959]]
dot product : [[ 1.42255751]
 [ 0.02606858]
 [ 0.73154357]]
result : [[ 1.75286166]
 [ 0.83424363]
 [ 0.80751007]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.82007365]
 [-1.08094931]
 [ 0.3546415 ]]
dot product : [[-0.13304399]
 [-1.18930502]]
result : [[ 0.53498963]
 [-0.6923283 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.53498963]
 [-0.6923283 ]]
dot product : [[ 1.44367565]
 [ 0.19754037]
 [ 0.7823101 ]]
result : [[ 1.7739798 ]
 [ 1.00571542]
 [ 0.8582766 ]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.8641857 ]
 [-0.08405028]
 [ 1.02649209]]
dot product : [[-0.45216724]
 [-0.2863406 ]]
result : [[ 0.21586638]
 [ 0.21063612]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.21586638]
 [ 0.21063612]]
dot product : [[ 0.11032149]
 [-0.25966082]
 [-0.00430681]]
result : [[ 0.44062563]
 [ 0.54851423]
 [ 0.0716597 ]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.03232454]
 [-0.54998373]
 [ 0.71317725]]
dot product : [[-0.29046256]
 [-0.72388455]]
result : [[ 0.37757106]
 [-0.22690783]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.37757106]
 [-0.22690783]]
dot product : [[ 0.76667685]
 [-0.04184343]
 [ 0.38122262]]
result : [[ 1.096981  ]
 [ 0.76633162]
 [ 0.45718912]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.74221482]
 [-0.01150444]
 [ 1.07919707]]
dot product : [[-0.40667298]
 [-0.30556347]]
result : [[ 0.26136064]
 [ 0.19141325]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.26136064]
 [ 0.19141325]]
dot product : [[ 0.19487692]
 [-0.27032496]
 [ 0.03632652]]
result : [[ 0.52518106]
 [ 0.53785009]
 [ 0.11229302]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.00212559]
 [-0.58283873]
 [ 0.69070654]]
dot product : [[-0.28586276]
 [-0.74632972]]
result : [[ 0.38217086]
 [-0.249353  ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.38217086]
 [-0.249353  ]]
dot product : [[ 0.7949832 ]
 [-0.02872217]
 [ 0.39871865]]
result : [[ 1.12528734]
 [ 0.77945288]
 [ 0.47468515]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.8708618 ]
 [-0.61292545]
 [ 0.68318458]]
dot product : [[-0.04639209]
 [-1.05765736]]
result : [[ 0.62164153]
 [-0.56068064]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.62164153]
 [-0.56068064]]
dot product : [[ 1.44257509]
 [ 0.06069038]
 [ 0.7498277 ]]
result : [[ 1.77287924]
 [ 0.86886542]
 [ 0.82579421]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.89248299]
 [-0.32136112]
 [ 0.85986509]]
dot product : [[-0.49681921]
 [-0.35220835]]
result : [[ 0.17121441]
 [ 0.14476837]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.17121441]
 [ 0.14476837]]
dot product : [[ 0.10898952]
 [-0.19050653]
 [ 0.01114461]]
result : [[ 0.43929366]
 [ 0.61766852]
 [ 0.08711111]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.8773334 ]
 [-0.93457826]
 [ 0.45803619]]
dot product : [[-0.09431714]
 [-1.162504  ]]
result : [[ 0.57371648]
 [-0.66552727]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.57371648]
 [-0.66552727]]
dot product : [[ 1.47405609]
 [ 0.15856669]
 [ 0.78871238]]
result : [[ 1.80436024]
 [ 0.96674174]
 [ 0.86467888]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.55803192]
 [-1.05329141]
 [ 0.36992359]]
dot product : [[-0.20240305]
 [-1.08947015]]
result : [[ 0.46563057]
 [-0.59249343]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.46563057]
 [-0.59249343]]
dot product : [[ 1.2467978 ]
 [ 0.16495038]
 [ 0.6743063 ]]
result : [[ 1.57710195]
 [ 0.97312542]
 [ 0.75027281]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.76193823]
 [-0.01066996]
 [ 1.07947387]]
dot product : [[-0.41208641]
 [-0.29844693]]
result : [[ 0.25594721]
 [ 0.1985298 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.25594721]
 [ 0.1985298 ]]
dot product : [[ 0.18016171]
 [-0.27240074]
 [ 0.028338  ]]
result : [[ 0.51046586]
 [ 0.53577431]
 [ 0.10430451]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.81885068]
 [-0.02741125]
 [ 1.06686264]]
dot product : [[-0.43066842]
 [-0.28402005]]
result : [[ 0.2373652 ]
 [ 0.21295667]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.2373652 ]
 [ 0.21295667]]
dot product : [[ 0.13928867]
 [-0.27259911]
 [ 0.00744767]]
result : [[ 0.46959282]
 [ 0.53557594]
 [ 0.08341418]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.24044795]
 [-0.80532804]
 [ 0.53861663]]
dot product : [[-0.25329978]
 [-0.90007252]]
result : [[ 0.41473384]
 [-0.4030958 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.41473384]
 [-0.4030958 ]]
dot product : [[ 0.99040558]
 [ 0.06059821]
 [ 0.51921292]]
result : [[ 1.32070973]
 [ 0.86877326]
 [ 0.59517943]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.10523791]
 [-0.6806234 ]
 [ 0.62383717]]
dot product : [[-0.27200957]
 [-0.81333362]]
result : [[ 0.39602405]
 [-0.3163569 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.39602405]
 [-0.3163569 ]]
dot product : [[ 0.87966073]
 [ 0.0103836 ]
 [ 0.4510234 ]]
result : [[ 1.20996488]
 [ 0.81855865]
 [ 0.5269899 ]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.78075027]
 [-0.98418159]
 [ 0.39744286]]
dot product : [[-0.56792643]
 [-0.60243808]]
result : [[ 0.10010719]
 [-0.10546135]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.10010719]
 [-0.10546135]]
dot product : [[ 0.24692798]
 [ 0.02028096]
 [ 0.13065674]]
result : [[ 0.57723213]
 [ 0.82845601]
 [ 0.20662325]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.8261106 ]
 [-0.32735242]
 [ 0.88246983]]
dot product : [[-0.01480373]
 [-0.95102391]]
result : [[ 0.65322989]
 [-0.45404719]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.65322989]
 [-0.45404719]]
dot product : [[ 1.38566101]
 [-0.02981316]
 [ 0.69969265]]
result : [[ 1.71596516]
 [ 0.77836189]
 [ 0.77565915]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.47245184]
 [-0.99661205]
 [ 0.40828086]]
dot product : [[-0.21768645]
 [-1.0416671 ]]
result : [[ 0.45034717]
 [-0.54469038]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.45034717]
 [-0.54469038]]
dot product : [[ 1.17854812]
 [ 0.13989698]
 [ 0.63365709]]
result : [[ 1.50885227]
 [ 0.94807203]
 [ 0.7096236 ]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.87806208]
 [-0.48202356]
 [ 0.74758014]]
dot product : [[-0.51761324]
 [-0.4084642 ]]
result : [[ 0.15042037]
 [ 0.08851252]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.15042037]
 [ 0.08851252]]
dot product : [[ 0.13302214]
 [-0.14058391]
 [ 0.03504531]]
result : [[ 0.46332628]
 [ 0.66759114]
 [ 0.11101182]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.59381163]
 [-1.07330163]
 [ 0.35646866]]
dot product : [[-0.19544318]
 [-1.10827995]]
result : [[ 0.47259044]
 [-0.61130323]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.47259044]
 [-0.61130323]]
dot product : [[ 1.2750262 ]
 [ 0.17430988]
 [ 0.69088513]]
result : [[ 1.60533035]
 [ 0.98248493]
 [ 0.76685164]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.207027  ]
 [-0.77506961]
 [ 0.55928504]]
dot product : [[-0.25801193]
 [-0.87881305]]
result : [[ 0.41002169]
 [-0.38183633]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.41002169]
 [-0.38183633]]
dot product : [[ 0.96307881]
 [ 0.04835739]
 [ 0.50242182]]
result : [[ 1.29338296]
 [ 0.85653243]
 [ 0.57838832]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.5761078 ]
 [-1.06372307]
 [ 0.36290032]]
dot product : [[-0.19893681]
 [-1.09907572]]
result : [[ 0.46909681]
 [-0.602099  ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.46909681]
 [-0.602099  ]]
dot product : [[ 1.26108551]
 [ 0.16977633]
 [ 0.6827183 ]]
result : [[ 1.59138966]
 [ 0.97795138]
 [ 0.75868481]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.84039431]
 [-0.40575427]
 [ 0.82778877]]
dot product : [[-0.02291472]
 [-0.98099311]]
result : [[ 0.6451189 ]
 [-0.48401639]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.6451189 ]
 [-0.48401639]]
dot product : [[ 1.40276969]
 [-0.00478144]
 [ 0.71425639]]
result : [[ 1.73307384]
 [ 0.8033936 ]
 [ 0.79022289]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.86696128]
 [-0.9878016 ]
 [ 0.42060282]]
dot product : [[-0.1054628]
 [-1.1758784]]
result : [[ 0.56257082]
 [-0.67890168]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.56257082]
 [-0.67890168]]
dot product : [[ 1.470768  ]
 [ 0.17370423]
 [ 0.79056648]]
result : [[ 1.80107215]
 [ 0.98187928]
 [ 0.86653298]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.88628836]
 [-0.1636171 ]
 [ 0.97042779]]
dot product : [[-0.47068333]
 [-0.30404363]]
result : [[ 0.19735029]
 [ 0.19293309]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.19735029]
 [ 0.19293309]]
dot product : [[ 0.10050739]
 [-0.23764064]
 [-0.00417536]]
result : [[ 0.43081154]
 [ 0.57053441]
 [ 0.07179114]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.69939058]
 [-0.02062908]
 [ 1.07347501]]
dot product : [[-0.39605007]
 [-0.32334777]]
result : [[ 0.27198355]
 [ 0.17362895]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.27198355]
 [ 0.17362895]]
dot product : [[ 0.2274336 ]
 [-0.26360634]
 [ 0.05449664]]
result : [[ 0.55773775]
 [ 0.54456871]
 [ 0.13046315]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.72842907]
 [-0.01346693]
 [ 1.07803774]]
dot product : [[-0.40310255]
 [-0.31097754]]
result : [[ 0.26493107]
 [ 0.18599918]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.26493107]
 [ 0.18599918]]
dot product : [[ 0.20527654]
 [-0.26845697]
 [ 0.04206574]]
result : [[ 0.53558069]
 [ 0.53971808]
 [ 0.11803225]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.85258341]
 [-0.47941491]
 [ 0.77639526]]
dot product : [[-0.03088108]
 [-1.00872248]]
result : [[ 0.63715254]
 [-0.51174576]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.63715254]
 [-0.51174576]]
dot product : [[ 1.41792979]
 [ 0.01862273]
 [ 0.72744677]]
result : [[ 1.74823394]
 [ 0.82679778]
 [ 0.80341327]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.06673768]
 [-0.51717072]
 [ 0.73561912]]
dot product : [[-0.29505847]
 [-0.70146563]]
result : [[ 0.37297515]
 [-0.20448891]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.37297515]
 [-0.20448891]]
dot product : [[ 0.73840146]
 [-0.05494856]
 [ 0.36374613]]
result : [[ 1.06870561]
 [ 0.75322648]
 [ 0.43971264]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.72135026]
 [-0.01485856]
 [ 1.07717359]]
dot product : [[-0.40132855]
 [-0.31388005]]
result : [[ 0.26670507]
 [ 0.18309667]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.26670507]
 [ 0.18309667]]
dot product : [[ 0.21064845]
 [-0.26738167]
 [ 0.04505608]]
result : [[ 0.5409526 ]
 [ 0.54079338]
 [ 0.12102259]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.88051691]
 [-0.46227744]
 [ 0.76136981]]
dot product : [[-0.51524934]
 [-0.40131308]]
result : [[ 0.15278428]
 [ 0.09566364]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.15278428]
 [ 0.09566364]]
dot product : [[ 0.12956167]
 [-0.14678271]
 [ 0.03183467]]
result : [[ 0.45986582]
 [ 0.66139234]
 [ 0.10780117]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.26986321]
 [-0.32695589]
 [ 0.8656565 ]]
dot product : [[-0.32272204]
 [-0.57024217]]
result : [[ 0.34531158]
 [-0.07326545]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.34531158]
 [-0.07326545]]
dot product : [[ 0.57179176]
 [-0.13125422]
 [ 0.26098125]]
result : [[ 0.90209591]
 [ 0.67692083]
 [ 0.33694776]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.85956852]
 [-0.52593896]
 [ 0.74392399]]
dot product : [[-0.03611315]
 [-1.02598853]]
result : [[ 0.63192047]
 [-0.52901181]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.63192047]
 [-0.52901181]]
dot product : [[ 1.42697506]
 [ 0.03333885]
 [ 0.73549222]]
result : [[ 1.75727921]
 [ 0.8415139 ]
 [ 0.81145873]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.18059023]
 [-0.40942288]
 [ 0.80929809]]
dot product : [[-0.31038896]
 [-0.62755343]]
result : [[ 0.35764466]
 [-0.1305767 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.35764466]
 [-0.1305767 ]]
dot product : [[ 0.64492229]
 [-0.09806043]
 [ 0.30601836]]
result : [[ 0.97522644]
 [ 0.71011461]
 [ 0.38198487]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.88371996]
 [-0.780213  ]
 [ 0.56623579]]
dot product : [[-0.06864985]
 [-1.11548367]]
result : [[ 0.59938377]
 [-0.61850694]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.59938377]
 [-0.61850694]]
dot product : [[ 1.46599669]
 [ 0.11247216]
 [ 0.77385047]]
result : [[ 1.79630084]
 [ 0.92064721]
 [ 0.84981698]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.88430752]
 [-0.82759425]
 [ 0.53306447]]
dot product : [[-0.07581225]
 [-1.13080113]]
result : [[ 0.59222137]
 [-0.63382441]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.59222137]
 [-0.63382441]]
dot product : [[ 1.47036243]
 [ 0.12685607]
 [ 0.77943201]]
result : [[ 1.80066658]
 [ 0.93503112]
 [ 0.85539852]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.77334271]
 [-1.01494568]
 [ 0.37601468]]
dot product : [[-0.5706025 ]
 [-0.61482383]]
result : [[ 0.09743112]
 [-0.11784711]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.09743112]
 [-0.11784711]]
dot product : [[ 0.25497994]
 [ 0.03026981]
 [ 0.13709297]]
result : [[ 0.58528409]
 [ 0.83844486]
 [ 0.21305948]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.55648726]
 [-0.09398864]
 [ 1.02433075]]
dot product : [[-0.36723787]
 [-0.39638096]]
result : [[ 0.30079575]
 [ 0.10059576]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.30079575]
 [ 0.10059576]]
dot product : [[ 0.33963307]
 [-0.22820888]
 [ 0.11997179]]
result : [[ 0.66993722]
 [ 0.57996616]
 [ 0.19593829]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.00935906]
 [-0.57188877]
 [ 0.69819556]]
dot product : [[-0.28739665]
 [-0.7388481 ]]
result : [[ 0.38063697]
 [-0.24187138]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.38063697]
 [-0.24187138]]
dot product : [[ 0.78554694]
 [-0.03309552]
 [ 0.39288632]]
result : [[ 1.11585109]
 [ 0.77507953]
 [ 0.46885283]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.84136483]
 [-1.05252402]
 [ 0.37487938]]
dot product : [[-0.12266499]
 [-1.18763298]]
result : [[ 0.54536863]
 [-0.69065626]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.54536863]
 [-0.69065626]]
dot product : [[ 1.45712845]
 [ 0.190912  ]
 [ 0.78762452]]
result : [[ 1.78743259]
 [ 0.99908704]
 [ 0.86359103]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.86565678]
 [-0.57043228]
 [ 0.71286083]]
dot product : [[-0.04128318]
 [-1.04229533]]
result : [[ 0.62675044]
 [-0.5453186 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.62675044]
 [-0.5453186 ]]
dot product : [[ 1.43518594]
 [ 0.04735789]
 [ 0.74294957]]
result : [[ 1.76549009]
 [ 0.85553294]
 [ 0.81891607]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.88312251]
 [-0.87095692]
 [ 0.50267967]]
dot product : [[-0.08285129]
 [-1.14422112]]
result : [[ 0.58518232]
 [-0.64724439]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.58518232]
 [-0.64724439]]
dot product : [[ 1.47307864]
 [ 0.13986077]
 [ 0.78385063]]
result : [[ 1.80338279]
 [ 0.94803582]
 [ 0.85981714]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.85867859]
 [-0.61084914]
 [ 0.65766752]]
dot product : [[-0.53208917]
 [-0.45628853]]
result : [[ 0.13594444]
 [ 0.0406882 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.13594444]
 [ 0.0406882 ]]
dot product : [[ 0.15809952]
 [-0.09983099]
 [ 0.05733993]]
result : [[ 0.48840367]
 [ 0.70834406]
 [ 0.13330644]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.60251976]
 [-1.07776145]
 [ 0.35348131]]
dot product : [[-0.19368582]
 [-1.11272704]]
result : [[ 0.4743478 ]
 [-0.61575031]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.4743478 ]
 [-0.61575031]]
dot product : [[ 1.28186245]
 [ 0.17646372]
 [ 0.69487382]]
result : [[ 1.6121666 ]
 [ 0.98463877]
 [ 0.77084032]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.67638176]
 [-0.02871278]
 [ 1.06817291]]
dot product : [[-0.3908345 ]
 [-0.33391772]]
result : [[ 0.27719911]
 [ 0.163059  ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.27719911]
 [ 0.163059  ]]
dot product : [[ 0.24518964]
 [-0.25903444]
 [ 0.06461813]]
result : [[ 0.57549379]
 [ 0.5491406 ]
 [ 0.14058463]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.49203326]
 [-1.01050411]
 [ 0.39885779]]
dot product : [[-0.21433228]
 [-1.05289935]]
result : [[ 0.45370134]
 [-0.55592263]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.45370134]
 [-0.55592263]]
dot product : [[ 1.19424078]
 [ 0.14590866]
 [ 0.64306215]]
result : [[ 1.52454493]
 [ 0.95408371]
 [ 0.71902866]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.80860522]
 [-0.02154802]
 [ 1.07112836]]
dot product : [[-0.42688259]
 [-0.2857083 ]]
result : [[ 0.24115103]
 [ 0.21126843]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.24115103]
 [ 0.21126843]]
dot product : [[ 0.14641039]
 [-0.27342516]
 [ 0.01088686]]
result : [[ 0.47671453]
 [ 0.53474989]
 [ 0.08685336]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.23663819]
 [-0.35734895]
 [ 0.84489076]]
dot product : [[-0.31808576]
 [-0.59147654]]
result : [[ 0.34994786]
 [-0.09449981]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.34994786]
 [-0.09449981]]
dot product : [[ 0.5989842 ]
 [-0.11899079]
 [ 0.27770913]]
result : [[ 0.92928835]
 [ 0.68918426]
 [ 0.35367564]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.82375085]
 [-0.03083545]
 [ 1.0643883 ]]
dot product : [[-0.43257497]
 [-0.28341035]]
result : [[ 0.23545865]
 [ 0.21356638]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.23545865]
 [ 0.21356638]]
dot product : [[ 0.13593394]
 [-0.27201653]
 [ 0.00587274]]
result : [[ 0.46623809]
 [ 0.53615852]
 [ 0.08183925]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.38085591]
 [-0.92606427]
 [ 0.45625618]]
dot product : [[-0.2325156 ]
 [-0.98735095]]
result : [[ 0.43551802]
 [-0.49037423]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.43551802]
 [-0.49037423]]
dot product : [[ 1.10468112]
 [ 0.11009319]
 [ 0.58903514]]
result : [[ 1.43498527]
 [ 0.91826824]
 [ 0.66500165]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.35658302]
 [-0.24992639]
 [ 0.91824693]]
dot product : [[-0.33517856]
 [-0.5155521 ]]
result : [[ 0.33285506]
 [-0.01857538]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.33285506]
 [-0.01857538]]
dot product : [[ 0.50100807]
 [-0.16256751]
 [ 0.21757961]]
result : [[ 0.83131222]
 [ 0.64560754]
 [ 0.29354611]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.88410719]
 [-0.84248988]
 [ 0.52263013]]
dot product : [[-0.07817216]
 [-1.13548287]]
result : [[ 0.58986146]
 [-0.63850615]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.58986146]
 [-0.63850615]]
dot product : [[ 1.471449  ]
 [ 0.13134247]
 [ 0.78103261]]
result : [[ 1.80175315]
 [ 0.93951752]
 [ 0.85699912]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.79214976]
 [-0.01515875]
 [ 1.0758593 ]]
dot product : [[-0.42127034]
 [-0.28938562]]
result : [[ 0.24676328]
 [ 0.2075911 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.24676328]
 [ 0.2075911 ]]
dot product : [[ 0.15809982]
 [-0.27383619]
 [ 0.01675225]]
result : [[ 0.48840397]
 [ 0.53433886]
 [ 0.09271876]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.63582729]
 [-0.0470456 ]
 [ 1.0559671 ]]
dot product : [[-0.38227346]
 [-0.35385085]]
result : [[ 0.28576015]
 [ 0.14312587]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.28576015]
 [ 0.14312587]]
dot product : [[ 0.27682452]
 [-0.24974082]
 [ 0.08291879]]
result : [[ 0.60712867]
 [ 0.55843423]
 [ 0.1588853 ]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.87312378]
 [-0.10708939]
 [ 1.01021872]]
dot product : [[-0.45824193]
 [-0.29058509]]
result : [[ 0.20979169]
 [ 0.20639163]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.20979169]
 [ 0.20639163]]
dot product : [[ 0.10559503]
 [-0.25351937]
 [-0.00528464]]
result : [[ 0.43589918]
 [ 0.55465567]
 [ 0.07068187]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.87372259]
 [-0.95708859]
 [ 0.44221619]]
dot product : [[-0.09881304]
 [-1.1684301 ]]
result : [[ 0.56922058]
 [-0.67145337]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.56922058]
 [-0.67145337]]
dot product : [[ 1.47324164]
 [ 0.16504072]
 [ 0.78980714]]
result : [[ 1.80354579]
 [ 0.97321576]
 [ 0.86577365]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.42968263]
 [-0.18852497]
 [ 0.96010561]]
dot product : [[-0.34622455]
 [-0.47057758]]
result : [[ 0.32180907]
 [ 0.02639915]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.32180907]
 [ 0.02639915]]
dot product : [[ 0.44163439]
 [-0.1878952 ]
 [ 0.18139292]]
result : [[ 0.77193854]
 [ 0.62027985]
 [ 0.25735942]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.71414978]
 [-0.01651868]
 [ 1.07612332]]
dot product : [[-0.39956188]
 [-0.31691047]]
result : [[ 0.26847174]
 [ 0.18006625]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.26847174]
 [ 0.18006625]]
dot product : [[ 0.21613299]
 [-0.26621393]
 [ 0.04812542]]
result : [[ 0.54643714]
 [ 0.54196112]
 [ 0.12409193]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.87164646]
 [-0.96772944]
 [ 0.43473216]]
dot product : [[-0.10104206]
 [-1.17110316]]
result : [[ 0.56699156]
 [-0.67412644]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.56699156]
 [-0.67412644]]
dot product : [[ 1.47258244]
 [ 0.16806691]
 [ 0.79017685]]
result : [[ 1.80288659]
 [ 0.97624196]
 [ 0.86614335]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.8199447 ]
 [-0.81128412]
 [ 0.51790952]]
dot product : [[-0.55220185]
 [-0.5336752 ]]
result : [[ 0.11583177]
 [-0.03669848]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.11583177]
 [-0.03669848]]
dot product : [[ 0.20348463]
 [-0.03563219]
 [ 0.0954598 ]]
result : [[ 0.53378878]
 [ 0.77254286]
 [ 0.1714263 ]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.80372785]
 [-0.21526295]
 [ 0.9606156 ]]
dot product : [[-0.00375886]
 [-0.90749627]]
result : [[ 0.66427476]
 [-0.41051954]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.66427476]
 [-0.41051954]]
dot product : [[ 1.35974444]
 [-0.06578183]
 [ 0.67808603]]
result : [[ 1.69004859]
 [ 0.74239322]
 [ 0.75405253]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.82464401]
 [-1.07597374]
 [ 0.3581971 ]]
dot product : [[-0.13099021]
 [-1.18930533]]
result : [[ 0.53704341]
 [-0.69232861]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.53704341]
 [-0.69232861]]
dot product : [[ 1.44665681]
 [ 0.19645812]
 [ 0.78357796]]
result : [[ 1.77696096]
 [ 1.00463317]
 [ 0.85954447]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.78950553]
 [-1.1036475 ]
 [ 0.33826956]]
dot product : [[-0.14514422]
 [-1.1859282 ]]
result : [[ 0.5228894 ]
 [-0.68895147]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.5228894 ]
 [-0.68895147]]
dot product : [[ 1.42285911]
 [ 0.20157905]
 [ 0.77263632]]
result : [[ 1.75316326]
 [ 1.00975409]
 [ 0.84860282]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.66048242]
 [-0.03533603]
 [ 1.06378268]]
dot product : [[-0.38739092]
 [-0.34155255]]
result : [[ 0.2806427 ]
 [ 0.15542418]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.2806427 ]
 [ 0.15542418]]
dot product : [[ 0.25754528]
 [-0.25556149]
 [ 0.07172923]]
result : [[ 0.58784943]
 [ 0.55261356]
 [ 0.14769574]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.54885873]
 [-1.04776523]
 [ 0.37365046]]
dot product : [[-0.20412619]
 [-1.08452139]]
result : [[ 0.46390743]
 [-0.58754467]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.46390743]
 [-0.58754467]]
dot product : [[ 1.23952777]
 [ 0.16243103]
 [ 0.67001115]]
result : [[ 1.56983192]
 [ 0.97060608]
 [ 0.74597765]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.85738571]
 [-0.07055587]
 [ 1.03604809]]
dot product : [[-0.44816947]
 [-0.28439802]]
result : [[ 0.21986415]
 [ 0.2125787 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.21986415]
 [ 0.2125787 ]]
dot product : [[ 0.11425183]
 [-0.26311331]
 [-0.00310776]]
result : [[ 0.44455598]
 [ 0.54506174]
 [ 0.07285874]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.51887351]
 [-0.1200104 ]
 [ 1.00669461]]
dot product : [[-0.36069229]
 [-0.41774529]]
result : [[ 0.30734133]
 [ 0.07923143]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.30734133]
 [ 0.07923143]]
dot product : [[ 0.36972193]
 [-0.21686174]
 [ 0.13796302]]
result : [[ 0.70002608]
 [ 0.59131331]
 [ 0.21392953]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.08239468]
 [-0.65908384]
 [ 0.63856482]]
dot product : [[-0.27509765]
 [-0.79852912]]
result : [[ 0.39293597]
 [-0.30155239]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.39293597]
 [-0.30155239]]
dot product : [[ 0.86091173]
 [ 0.00175753]
 [ 0.43944987]]
result : [[ 1.19121588]
 [ 0.80993258]
 [ 0.51541637]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.77023174]
 [-0.06266718]
 [ 1.0669541 ]]
dot product : [[ 0.01042734]
 [-0.84718825]]
result : [[ 0.67846096]
 [-0.35021153]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.67846096]
 [-0.35021153]]
dot product : [[ 1.32221615]
 [-0.1150283 ]
 [ 0.64746064]]
result : [[ 1.6525203 ]
 [ 0.69314675]
 [ 0.72342714]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.10106781]
 [-0.48450296]
 [ 0.75796058]]
dot product : [[-0.2996535 ]
 [-0.67912187]]
result : [[ 0.36838011]
 [-0.18214515]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.36838011]
 [-0.18214515]]
dot product : [[ 0.71019975]
 [-0.0680021 ]
 [ 0.34631926]]
result : [[ 1.0405039 ]
 [ 0.74017295]
 [ 0.42228577]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.84875027]
 [-0.45538179]
 [ 0.79316557]]
dot product : [[-0.02824151]
 [-0.99972521]]
result : [[ 0.63979211]
 [-0.50274849]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.63979211]
 [-0.50274849]]
dot product : [[ 1.4130903 ]
 [ 0.01099999]
 [ 0.72320071]]
result : [[ 1.74339444]
 [ 0.81917504]
 [ 0.79916722]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.52081854]
 [-1.02999117]
 [ 0.38566014]]
dot product : [[-0.209257  ]
 [-1.06911297]]
result : [[ 0.45877662]
 [-0.57213625]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.45877662]
 [-0.57213625]]
dot product : [[ 1.21723195]
 [ 0.15446332]
 [ 0.65678241]]
result : [[ 1.5475361 ]
 [ 0.96263837]
 [ 0.73274891]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.56711552]
 [-1.05861197]
 [ 0.36633933]]
dot product : [[-0.2006733]
 [-1.0943222]]
result : [[ 0.46736032]
 [-0.59734547]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.46736032]
 [-0.59734547]]
dot product : [[ 1.25398425]
 [ 0.16739924]
 [ 0.67854239]]
result : [[ 1.5842884 ]
 [ 0.97557429]
 [ 0.7545089 ]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.87886468]
 [-0.92270113]
 [ 0.46637747]]
dot product : [[-0.09205003]
 [-1.15924734]]
result : [[ 0.57598359]
 [-0.66227062]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.57598359]
 [-0.66227062]]
dot product : [[ 1.47420817]
 [ 0.15511623]
 [ 0.78798509]]
result : [[ 1.80451232]
 [ 0.96329128]
 [ 0.8639516 ]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.8411984 ]
 [-0.70686931]
 [ 0.59069842]]
dot product : [[-0.54202659]
 [-0.49298771]]
result : [[ 0.12600703]
 [ 0.00398901]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.12600703]
 [ 0.00398901]]
dot product : [[ 0.17904294]
 [-0.06917542]
 [ 0.07517107]]
result : [[ 0.50934708]
 [ 0.73899963]
 [ 0.15113758]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.84182799]
 [-0.0479054 ]
 [ 1.05215254]]
dot product : [[-0.44029469]
 [-0.28257664]]
result : [[ 0.22773893]
 [ 0.21440009]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.22773893]
 [ 0.21440009]]
dot product : [[ 0.12392606]
 [-0.26852524]
 [ 0.00056344]]
result : [[ 0.45423021]
 [ 0.5396498 ]
 [ 0.07652995]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.88234155]
 [-0.88453597]
 [ 0.49315826]]
dot product : [[-0.08517075]
 [-1.14828124]]
result : [[ 0.58286287]
 [-0.65130452]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.58286287]
 [-0.65130452]]
dot product : [[ 1.47362487]
 [ 0.14389531]
 [ 0.78507027]]
result : [[ 1.80392902]
 [ 0.95207036]
 [ 0.86103678]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.86939212]
 [-0.97796583]
 [ 0.42752859]]
dot product : [[-0.10325861]
 [-1.17358533]]
result : [[ 0.56477501]
 [-0.67660861]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.56477501]
 [-0.67660861]]
dot product : [[ 1.47175737]
 [ 0.17095431]
 [ 0.79042959]]
result : [[ 1.80206152]
 [ 0.97912936]
 [ 0.86639609]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.13526893]
 [-0.45208366]
 [ 0.78013005]]
dot product : [[-0.30425072]
 [-0.65690217]]
result : [[ 0.3637829 ]
 [-0.15992545]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.3637829 ]
 [-0.15992545]]
dot product : [[ 0.68211445]
 [-0.08096857]
 [ 0.32897206]]
result : [[ 1.0124186 ]
 [ 0.72720648]
 [ 0.40493857]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.31359679]
 [-0.2876391 ]
 [ 0.89250755]]
dot product : [[-0.32893127]
 [-0.54251152]]
result : [[ 0.33910235]
 [-0.0455348 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.33910235]
 [-0.0455348 ]]
dot product : [[ 0.53605592]
 [-0.14718797]
 [ 0.23904037]]
result : [[ 0.86636007]
 [ 0.66098708]
 [ 0.31500687]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.78390241]
 [-1.10627369]
 [ 0.3363431 ]]
dot product : [[-0.14712489]
 [-1.1848198 ]]
result : [[ 0.52090873]
 [-0.68784307]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.52090873]
 [-0.68784307]]
dot product : [[ 1.41891621]
 [ 0.20185529]
 [ 0.77068998]]
result : [[ 1.74922036]
 [ 1.01003034]
 [ 0.84665649]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.73538449]
 [-0.01234762]
 [ 1.07871312]]
dot product : [[-0.40488399]
 [-0.30820474]]
result : [[ 0.26314963]
 [ 0.18877198]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.26314963]
 [ 0.18877198]]
dot product : [[ 0.20001883]
 [-0.2694385 ]
 [ 0.03915552]]
result : [[ 0.53032298]
 [ 0.53873655]
 [ 0.11512202]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.22549134]
 [-0.36763205]
 [ 0.83786346]]
dot product : [[-0.31654367]
 [-0.59862812]]
result : [[ 0.35148995]
 [-0.10165139]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.35148995]
 [-0.10165139]]
dot product : [[ 0.6081143 ]
 [-0.11485035]
 [ 0.283331  ]]
result : [[ 0.93841845]
 [ 0.6933247 ]
 [ 0.35929751]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.87704311]
 [-0.67298184]
 [ 0.64122427]]
dot product : [[-0.05394281]
 [-1.07896069]]
result : [[ 0.61409081]
 [-0.58198397]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.61409081]
 [-0.58198397]]
dot product : [[ 1.45214574]
 [ 0.07942479]
 [ 0.75907838]]
result : [[ 1.78244989]
 [ 0.88759983]
 [ 0.83504489]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.53959763]
 [-1.04203725]
 [ 0.37751727]]
dot product : [[-0.20584282]
 [-1.07947774]]
result : [[ 0.4621908 ]
 [-0.58250101]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.4621908 ]
 [-0.58250101]]
dot product : [[ 1.23217573]
 [ 0.15984254]
 [ 0.66565804]]
result : [[ 1.56247988]
 [ 0.96801758]
 [ 0.74162454]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.84595787]
 [-0.05303528]
 [ 1.04849575]]
dot product : [[-0.44224857]
 [-0.28277854]]
result : [[ 0.22578505]
 [ 0.21419818]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.22578505]
 [ 0.21419818]]
dot product : [[ 0.12128477]
 [-0.26735561]
 [-0.00051072]]
result : [[ 0.45158892]
 [ 0.54081944]
 [ 0.07545579]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.89304525]
 [-0.30582081]
 [ 0.870739  ]]
dot product : [[-0.4945739 ]
 [-0.34705612]]
result : [[ 0.17345972]
 [ 0.14992061]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.17345972]
 [ 0.14992061]]
dot product : [[ 0.10728321]
 [-0.19525839]
 [ 0.00916604]]
result : [[ 0.43758736]
 [ 0.61291666]
 [ 0.08513254]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.22934215]
 [-0.7953239 ]
 [ 0.54544921]]
dot product : [[-0.25487348]
 [-0.89302418]]
result : [[ 0.41316014]
 [-0.39604745]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.41316014]
 [-0.39604745]]
dot product : [[ 0.98132908]
 [ 0.05654593]
 [ 0.51363895]]
result : [[ 1.31163323]
 [ 0.86472098]
 [ 0.58960546]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.32782706]
 [-0.8819045 ]
 [ 0.48635374]]
dot product : [[-0.24058793]
 [-0.95484707]]
result : [[ 0.42744569]
 [-0.45787035]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.42744569]
 [-0.45787035]]
dot product : [[ 1.06164127]
 [ 0.09183543]
 [ 0.56282733]]
result : [[ 1.39194542]
 [ 0.90001048]
 [ 0.63879384]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.44252695]
 [-0.97449941]
 [ 0.42329939]]
dot product : [[-0.22267592]
 [-1.02422018]]
result : [[ 0.4453577 ]
 [-0.52724346]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.4453577 ]
 [-0.52724346]]
dot product : [[ 1.15449297]
 [ 0.13044291]
 [ 0.61918444]]
result : [[ 1.48479712]
 [ 0.93861796]
 [ 0.69515095]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.15071471]
 [-0.72317733]
 [ 0.59474638]]
dot product : [[-0.2658111 ]
 [-0.84270229]]
result : [[ 0.40222252]
 [-0.34572557]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.40222252]
 [-0.34572557]]
dot product : [[ 0.91695949]
 [ 0.02745752]
 [ 0.47402728]]
result : [[ 1.24726364]
 [ 0.83563257]
 [ 0.54999379]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.87313736]
 [-0.63343154]
 [ 0.66885992]]
dot product : [[-0.0489239 ]
 [-1.06498862]]
result : [[ 0.61910972]
 [-0.5680119 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.61910972]
 [-0.5680119 ]]
dot product : [[ 1.44596547]
 [ 0.06710244]
 [ 0.75305235]]
result : [[ 1.77626961]
 [ 0.87527749]
 [ 0.82901886]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.14663269]
 [-0.44135029]
 [ 0.78746928]]
dot product : [[-0.30578413]
 [-0.64953163]]
result : [[ 0.36224949]
 [-0.15255491]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.36224949]
 [-0.15255491]]
dot product : [[ 0.67278593]
 [-0.08526525]
 [ 0.32321256]]
result : [[ 1.00309008]
 [ 0.7229098 ]
 [ 0.39917907]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.89286411]
 [-0.23476572]
 [ 0.92050079]]
dot product : [[-0.48353432]
 [-0.3244543 ]]
result : [[ 0.1844993 ]
 [ 0.17252243]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.1844993 ]
 [ 0.17252243]]
dot product : [[ 0.10152496]
 [-0.21673096]
 [ 0.00122088]]
result : [[ 0.43182911]
 [ 0.59144409]
 [ 0.07718739]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.07095282]
 [-0.6482618 ]
 [ 0.64596492]]
dot product : [[-0.2766393 ]
 [-0.79110316]]
result : [[ 0.39139432]
 [-0.29412644]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.39139432]
 [-0.29412644]]
dot product : [[ 0.85151786]
 [-0.00257318]
 [ 0.4336491 ]]
result : [[ 1.18182201]
 [ 0.80560187]
 [ 0.50961561]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.61024572]
 [-0.06079305]
 [ 1.04673886]]
dot product : [[-0.37721083]
 [-0.36712096]]
result : [[ 0.29082279]
 [ 0.12985576]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.29082279]
 [ 0.12985576]]
dot product : [[ 0.29696071]
 [-0.24321817]
 [ 0.09470911]]
result : [[ 0.62726486]
 [ 0.56495687]
 [ 0.17067562]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.85550694]
 [-1.02321488]
 [ 0.39562474]]
dot product : [[-0.11415825]
 [-1.18319598]]
result : [[ 0.55387537]
 [-0.68621926]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.55387537]
 [-0.68621926]]
dot product : [[ 1.46519927]
 [ 0.1833554 ]
 [ 0.78997778]]
result : [[ 1.79550342]
 [ 0.99153045]
 [ 0.86594429]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.85373844]
 [-0.0643567 ]
 [ 1.04044617]]
dot product : [[-0.44618584]
 [-0.28368742]]
result : [[ 0.22184778]
 [ 0.2132893 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.22184778]
 [ 0.2132893 ]]
dot product : [[ 0.11644607]
 [-0.26465095]
 [-0.00234743]]
result : [[ 0.44675022]
 [ 0.5435241 ]
 [ 0.07361907]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.76625553]
 [-1.11224554]
 [ 0.33188589]]
dot product : [[-0.15300739]
 [-1.18059552]]
result : [[ 0.51502623]
 [-0.6836188 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.51502623]
 [-0.6836188 ]]
dot product : [[ 1.40630744]
 [ 0.20202994]
 [ 0.76430062]]
result : [[ 1.73661159]
 [ 1.01020499]
 [ 0.84026712]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.47005138]
 [-0.15648523]
 [ 0.9819131 ]]
dot product : [[-0.35261362]
 [-0.4463368 ]]
result : [[ 0.31542   ]
 [ 0.05063993]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.31542   ]
 [ 0.05063993]]
dot product : [[ 0.40900068]
 [-0.20131706]
 [ 0.16161993]]
result : [[ 0.73930483]
 [ 0.60685799]
 [ 0.23758644]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.88431089]
 [-0.8122521 ]
 [ 0.54380843]]
dot product : [[-0.07343864]
 [-1.12590855]]
result : [[ 0.59459498]
 [-0.62893183]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.59459498]
 [-0.62893183]]
dot product : [[ 1.46909257]
 [ 0.12221643]
 [ 0.77770219]]
result : [[ 1.79939672]
 [ 0.93039148]
 [ 0.8536687 ]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.83110741]
 [-0.35401954]
 [ 0.86387311]]
dot product : [[-0.01752365]
 [-0.96126553]]
result : [[ 0.65050997]
 [-0.46428881]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.65050997]
 [-0.46428881]]
dot product : [[ 1.39158305]
 [-0.02128623]
 [ 0.70470168]]
result : [[ 1.7218872 ]
 [ 0.78688882]
 [ 0.78066818]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.51130396]
 [-1.02368072]
 [ 0.38993089]]
dot product : [[-0.21095478]
 [-1.06379548]]
result : [[ 0.45707884]
 [-0.56681876]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.45707884]
 [-0.56681876]]
dot product : [[ 1.20964338]
 [ 0.15167523]
 [ 0.65226212]]
result : [[ 1.53994753]
 [ 0.95985028]
 [ 0.72822862]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.24775025]
 [-0.34713934]
 [ 0.85186713]]
dot product : [[-0.31962945]
 [-0.58436048]]
result : [[ 0.34840417]
 [-0.08738375]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.34840417]
 [-0.08738375]]
dot product : [[ 0.58988602]
 [-0.1231058 ]
 [ 0.27210947]]
result : [[ 0.92019017]
 [ 0.68506925]
 [ 0.34807598]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.79777761]
 [-0.01697286]
 [ 1.07450114]]
dot product : [[-0.42313238]
 [-0.2880096 ]]
result : [[ 0.24490124]
 [ 0.20896712]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.24490124]
 [ 0.20896712]]
dot product : [[ 0.1540712 ]
 [-0.27380783]
 [ 0.01470439]]
result : [[ 0.48437535]
 [ 0.53436721]
 [ 0.0906709 ]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.04380197]
 [-0.53903629]
 [ 0.72066461]]
dot product : [[-0.29199481]
 [-0.71640625]]
result : [[ 0.3760388 ]
 [-0.21942953]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.3760388 ]
 [-0.21942953]]
dot product : [[ 0.75724617]
 [-0.04621535]
 [ 0.37539347]]
result : [[ 1.08755032]
 [ 0.7619597 ]
 [ 0.45135997]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.66063379]
 [-1.10247317]
 [ 0.33708225]]
dot product : [[-0.18117686]
 [-1.14079369]]
result : [[ 0.48685676]
 [-0.64381696]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.48685676]
 [-0.64381696]]
dot product : [[ 1.32706554]
 [ 0.18930989]
 [ 0.72092252]]
result : [[ 1.65736969]
 [ 0.99748494]
 [ 0.79688903]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.77743051]
 [-0.09431641]
 [ 1.04490281]]
dot product : [[ 0.00755571]
 [-0.85978382]]
result : [[ 0.67558933]
 [-0.3628071 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.67558933]
 [-0.3628071 ]]
dot product : [[ 1.33018647]
 [-0.10479106]
 [ 0.65391317]]
result : [[ 1.66049062]
 [ 0.70338399]
 [ 0.72987968]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.52840239]
 [-0.11323031]
 [ 1.01129402]]
dot product : [[-0.36232146]
 [-0.41227304]]
result : [[ 0.30571216]
 [ 0.08470368]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.30571216]
 [ 0.08470368]]
dot product : [[ 0.36208379]
 [-0.21979319]
 [ 0.13338401]]
result : [[ 0.69238794]
 [ 0.58838186]
 [ 0.20935052]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.45257334]
 [-0.98203513]
 [ 0.41817889]]
dot product : [[-0.22101818]
 [-1.03011321]]
result : [[ 0.44701544]
 [-0.53313649]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.44701544]
 [-0.53313649]]
dot product : [[ 1.16257807]
 [ 0.13365072]
 [ 0.62405585]]
result : [[ 1.49288222]
 [ 0.94182577]
 [ 0.70002235]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.5017083 ]
 [-1.01718375]
 [ 0.39433099]]
dot product : [[-0.2126465 ]
 [-1.05839034]]
result : [[ 0.45538712]
 [-0.56141361]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.45538712]
 [-0.56141361]]
dot product : [[ 1.20197913]
 [ 0.14882324]
 [ 0.64768833]]
result : [[ 1.53228328]
 [ 0.95699829]
 [ 0.72365483]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.05527359]
 [-0.52809735]
 [ 0.72814612]]
dot product : [[-0.29352674]
 [-0.70893267]]
result : [[ 0.37450687]
 [-0.21195595]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.37450687]
 [-0.21195595]]
dot product : [[ 0.74782051]
 [-0.05058417]
 [ 0.3695676 ]]
result : [[ 1.07812466]
 [ 0.75759088]
 [ 0.44553411]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.84514637]
 [-1.04575562]
 [ 0.37967818]]
dot product : [[-0.1205556 ]
 [-1.18678744]]
result : [[ 0.54747802]
 [-0.68981072]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.54747802]
 [-0.68981072]]
dot product : [[ 1.45937518]
 [ 0.18921461]
 [ 0.78837437]]
result : [[ 1.78967933]
 [ 0.99738966]
 [ 0.86434087]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.6839231 ]
 [-1.10936775]
 [ 0.33261725]]
dot product : [[-0.17569858]
 [-1.15108176]]
result : [[ 0.49233504]
 [-0.65410503]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.49233504]
 [-0.65410503]]
dot product : [[ 1.34493125]
 [ 0.19354809]
 [ 0.7310221 ]]
result : [[ 1.67523539]
 [ 1.00172314]
 [ 0.80698861]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.58500707]
 [-1.0686209 ]
 [ 0.35960921]]
dot product : [[-0.19719347]
 [-1.10372891]]
result : [[ 0.47084015]
 [-0.60675218]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.47084015]
 [-0.60675218]]
dot product : [[ 1.26810003]
 [ 0.17208031]
 [ 0.68683292]]
result : [[ 1.59840418]
 [ 0.98025536]
 [ 0.76279943]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.33854048]
 [-0.89098712]
 [ 0.48016037]]
dot product : [[-0.23898198]
 [-0.96146519]]
result : [[ 0.42905164]
 [-0.46448847]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.42905164]
 [-0.46448847]]
dot product : [[ 1.07034996]
 [ 0.09557275]
 [ 0.56814027]]
result : [[ 1.40065411]
 [ 0.9037478 ]
 [ 0.64410677]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.48980896]
 [-0.14139571]
 [ 0.99217199]]
dot product : [[-0.3558321]
 [-0.4346614]]
result : [[ 0.31220152]
 [ 0.06231533]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.31220152]
 [ 0.06231533]]
dot product : [[ 0.3930779 ]
 [-0.20770717]
 [ 0.15200925]]
result : [[ 0.72338205]
 [ 0.60046788]
 [ 0.22797575]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.8756188 ]
 [-0.94603947]
 [ 0.44998331]]
dot product : [[-0.09657143]
 [-1.16556431]]
result : [[ 0.57146219]
 [-0.66858759]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.57146219]
 [-0.66858759]]
dot product : [[ 1.47373339]
 [ 0.16187441]
 [ 0.78931935]]
result : [[ 1.80403754]
 [ 0.97004946]
 [ 0.86528586]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.80146246]
 [-0.89525142]
 [ 0.45939652]]
dot product : [[-0.5599937 ]
 [-0.56687787]]
result : [[ 0.10803992]
 [-0.06990115]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.10803992]
 [-0.06990115]]
dot product : [[ 0.22417257]
 [-0.00852916]
 [ 0.112332  ]]
result : [[ 0.55447672]
 [ 0.79964589]
 [ 0.18829851]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.88021093]
 [-0.91040425]
 [ 0.47500981]]
dot product : [[-0.08977001]
 [-1.15579254]]
result : [[ 0.57826361]
 [-0.65881582]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.57826361]
 [-0.65881582]]
dot product : [[ 1.47418805]
 [ 0.15152173]
 [ 0.78713639]]
result : [[ 1.8044922 ]
 [ 0.95969677]
 [ 0.8631029 ]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.34920177]
 [-0.89994823]
 [ 0.47405128]]
dot product : [[-0.23737188]
 [-0.96802645]]
result : [[ 0.43066174]
 [-0.47104973]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.43066174]
 [-0.47104973]]
dot product : [[ 1.07900988]
 [ 0.09926849]
 [ 0.57341863]]
result : [[ 1.40931403]
 [ 0.90744354]
 [ 0.64938513]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.88371162]
 [-0.85694283]
 [ 0.51250275]]
dot product : [[-0.08051847]
 [-1.1399556 ]]
result : [[ 0.58751515]
 [-0.64297888]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.58751515]
 [-0.64297888]]
dot product : [[ 1.47235388]
 [ 0.13567693]
 [ 0.78250511]]
result : [[ 1.80265803]
 [ 0.94385198]
 [ 0.85847162]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.1280158 ]
 [-0.70199809]
 [ 0.60922395]]
dot product : [[-0.26891435]
 [-0.82806284]]
result : [[ 0.39911927]
 [-0.33108612]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.39911927]
 [-0.33108612]]
dot product : [[ 0.89834754]
 [ 0.01895377]
 [ 0.46255217]]
result : [[ 1.22865169]
 [ 0.82712882]
 [ 0.53851868]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.36720003]
 [-0.24077752]
 [ 0.9244882 ]]
dot product : [[-0.33674717]
 [-0.50894634]]
result : [[ 0.33128645]
 [-0.01196961]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.33128645]
 [-0.01196961]]
dot product : [[ 0.49236547]
 [-0.16631594]
 [ 0.21229779]]
result : [[ 0.82266962]
 [ 0.64185911]
 [ 0.28826429]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.64415088]
 [-0.04291088]
 [ 1.05873279]]
dot product : [[-0.38397304]
 [-0.34964102]]
result : [[ 0.28406058]
 [ 0.1473357 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.28406058]
 [ 0.1473357 ]]
dot product : [[ 0.27030078]
 [-0.25176079]
 [ 0.0791207 ]]
result : [[ 0.60060493]
 [ 0.55641426]
 [ 0.15508721]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.46006334]
 [-0.16426831]
 [ 0.97661847]]
dot product : [[-0.35101053]
 [-0.45228846]]
result : [[ 0.31702309]
 [ 0.04468826]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.31702309]
 [ 0.04468826]]
dot product : [[ 0.41706296]
 [-0.19803983]
 [ 0.1664959 ]]
result : [[ 0.74736711]
 [ 0.61013522]
 [ 0.24246241]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.81535065]
 [-1.08557778]
 [ 0.35132659]]
dot product : [[-0.135087  ]
 [-1.18914099]]
result : [[ 0.53294662]
 [-0.69216426]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.53294662]
 [-0.69216426]]
dot product : [[ 1.44055234]
 [ 0.19850353]
 [ 0.78094196]]
result : [[ 1.77085649]
 [ 1.00667858]
 [ 0.85690847]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.25882582]
 [-0.33700705]
 [ 0.85878993]]
dot product : [[-0.32117483]
 [-0.57728175]]
result : [[ 0.34685879]
 [-0.08030503]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.34685879]
 [-0.08030503]]
dot product : [[ 0.58082135]
 [-0.12719404]
 [ 0.26653314]]
result : [[ 0.91112549]
 [ 0.68098101]
 [ 0.34249965]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.58378371]
 [-0.07647514]
 [ 1.03616955]]
dot product : [[-0.37219998]
 [-0.38131397]]
result : [[ 0.29583364]
 [ 0.11566275]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.29583364]
 [ 0.11566275]]
dot product : [[ 0.31791114]
 [-0.23602904]
 [ 0.10707013]]
result : [[ 0.64821529]
 [ 0.57214601]
 [ 0.18303664]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.86836884]
 [-0.59192698]
 [ 0.69785067]]
dot product : [[-0.04384522]
 [-1.05009353]]
result : [[ 0.6241884 ]
 [-0.55311681]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.6241884 ]
 [-0.55311681]]
dot product : [[ 1.43898244]
 [ 0.0541093 ]
 [ 0.74646048]]
result : [[ 1.76928659]
 [ 0.86228435]
 [ 0.82242698]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.05949974]
 [-0.63741001]
 [ 0.65338569]]
dot product : [[-0.2781795 ]
 [-0.78366382]]
result : [[ 0.38985412]
 [-0.2866871 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.38985412]
 [-0.2866871 ]]
dot product : [[ 0.84211319]
 [-0.00691392]
 [ 0.42784048]]
result : [[ 1.17241734]
 [ 0.80126113]
 [ 0.50380699]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.77227571]
 [-1.11056888]
 [ 0.33315392]]
dot product : [[-0.15105637]
 [-1.18215165]]
result : [[ 0.51697725]
 [-0.68517493]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.51697725]
 [-0.68517493]]
dot product : [[ 1.41063879]
 [ 0.20207942]
 [ 0.76652102]]
result : [[ 1.74094293]
 [ 1.01025447]
 [ 0.84248753]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.8615769 ]
 [-1.00628655]
 [ 0.40757408]]
dot product : [[-0.10983457]
 [-1.17990451]]
result : [[ 0.55819905]
 [-0.68292779]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.55819905]
 [-0.68292779]]
dot product : [[ 1.46830273]
 [ 0.17879689]
 [ 0.79049715]]
result : [[ 1.79860687]
 [ 0.98697194]
 [ 0.86646366]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.87538845]
 [-0.50225611]
 [ 0.73345324]]
dot product : [[-0.51999089]
 [-0.41584647]]
result : [[ 0.14804273]
 [ 0.08113026]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.14804273]
 [ 0.08113026]]
dot product : [[ 0.13668542]
 [-0.13421777]
 [ 0.03839843]]
result : [[ 0.46698957]
 [ 0.67395728]
 [ 0.11436493]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.59269937]
 [-0.07103919]
 [ 1.03983725]]
dot product : [[-0.37386469]
 [-0.37648344]]
result : [[ 0.29416892]
 [ 0.12049328]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.29416892]
 [ 0.12049328]]
dot product : [[ 0.31083983]
 [-0.23849728]
 [ 0.10288824]]
result : [[ 0.64114398]
 [ 0.56967777]
 [ 0.17885474]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.61887301]
 [-0.05599051]
 [ 1.04996748]]
dot product : [[-0.37889247]
 [-0.36259263]]
result : [[ 0.28914115]
 [ 0.13438409]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.28914115]
 [ 0.13438409]]
dot product : [[ 0.29015607]
 [-0.2454682 ]
 [ 0.09071411]]
result : [[ 0.62046022]
 [ 0.56270685]
 [ 0.16668062]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.88232077]
 [-0.74634198]
 [ 0.58993341]]
dot product : [[-0.06380488]
 [-1.10419372]]
result : [[ 0.60422874]
 [-0.607217  ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.60422874]
 [-0.607217  ]]
dot product : [[ 1.4621487 ]
 [ 0.10209913]
 [ 0.76946853]]
result : [[ 1.79245285]
 [ 0.91027418]
 [ 0.84543504]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.69183527]
 [-0.02307173]
 [ 1.07188228]]
dot product : [[-0.39430471]
 [-0.32675104]]
result : [[ 0.27372891]
 [ 0.17022569]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.27372891]
 [ 0.17022569]]
dot product : [[ 0.23324652]
 [-0.26216913]
 [ 0.05779629]]
result : [[ 0.56355067]
 [ 0.54600592]
 [ 0.1337628 ]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.40909873]
 [-0.20541402]
 [ 0.94859942]]
dot product : [[-0.34305216]
 [-0.48311398]]
result : [[ 0.32498146]
 [ 0.01386275]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.32498146]
 [ 0.01386275]]
dot product : [[ 0.45832001]
 [-0.18088446]
 [ 0.19153739]]
result : [[ 0.78862416]
 [ 0.62729059]
 [ 0.2675039 ]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.37776181]
 [-0.23174803]
 [ 0.93064673]]
dot product : [[-0.33831872]
 [-0.50239783]]
result : [[ 0.3297149 ]
 [-0.00542111]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.3297149 ]
 [-0.00542111]]
dot product : [[ 0.48377378]
 [-0.17002317]
 [ 0.20705154]]
result : [[ 0.81407793]
 [ 0.63815188]
 [ 0.28301805]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.39129169]
 [-0.9345011 ]
 [ 0.45051071]]
dot product : [[-0.2308878 ]
 [-0.99366665]]
result : [[ 0.43714582]
 [-0.49668993]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.43714582]
 [-0.49668993]]
dot product : [[ 1.1131301 ]
 [ 0.11360953]
 [ 0.59416408]]
result : [[ 1.44343425]
 [ 0.92178458]
 [ 0.67013059]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.74891835]
 [-0.01094122]
 [ 1.07948694]]
dot product : [[-0.40846964]
 [-0.30305553]]
result : [[ 0.25956398]
 [ 0.19392119]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.25956398]
 [ 0.19392119]]
dot product : [[ 0.18985237]
 [-0.27111503]
 [ 0.03357985]]
result : [[ 0.52015652]
 [ 0.53706002]
 [ 0.10954636]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.88312225]
 [-0.76350839]
 [ 0.57792449]]
dot product : [[-0.06623444]
 [-1.10994773]]
result : [[ 0.60179918]
 [-0.61297101]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.60179918]
 [-0.61297101]]
dot product : [[ 1.4641675 ]
 [ 0.1073649 ]
 [ 0.77172633]]
result : [[ 1.79447165]
 [ 0.91553995]
 [ 0.84769284]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.64455448]
 [-1.09661287]
 [ 0.3409354 ]]
dot product : [[-0.18478901]
 [-1.13333971]]
result : [[ 0.48324461]
 [-0.63636299]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.48324461]
 [-0.63636299]]
dot product : [[ 1.31463953]
 [ 0.18605104]
 [ 0.71382548]]
result : [[ 1.64494368]
 [ 0.99422609]
 [ 0.78979198]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.11248479]
 [-0.47366382]
 [ 0.76537305]]
dot product : [[-0.30118552]
 [-0.6716991 ]]
result : [[ 0.3668481 ]
 [-0.17472238]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.3668481 ]
 [-0.17472238]]
dot product : [[ 0.70082294]
 [-0.07233569]
 [ 0.34052652]]
result : [[ 1.03112709]
 [ 0.73583936]
 [ 0.41649303]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.87575982]
 [-0.11553038]
 [ 1.00426649]]
dot product : [[-0.46028809]
 [-0.292362  ]]
result : [[ 0.20774553]
 [ 0.20461472]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.20774553]
 [ 0.20461472]]
dot product : [[ 0.10433762]
 [-0.25121025]
 [-0.00538726]]
result : [[ 0.43464177]
 [ 0.5569648 ]
 [ 0.07057925]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.82850036]
 [-0.03459315]
 [ 1.06168277]]
dot product : [[-0.43449076]
 [-0.28295934]]
result : [[ 0.23354286]
 [ 0.21401738]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.23354286]
 [ 0.21401738]]
dot product : [[ 0.13271873]
 [-0.27131917]
 [ 0.00439574]]
result : [[ 0.46302288]
 [ 0.53685588]
 [ 0.08036225]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.83331994]
 [-1.06496602]
 [ 0.36604096]]
dot product : [[-0.12684984]
 [-1.18880749]]
result : [[ 0.54118378]
 [-0.69183077]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.54118378]
 [-0.69183077]]
dot product : [[ 1.4521864 ]
 [ 0.19393111]
 [ 0.78580845]]
result : [[ 1.78249055]
 [ 1.00210616]
 [ 0.86177496]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.09382361]
 [-0.66987231]
 [ 0.63118801]]
dot product : [[-0.27355445]
 [-0.80593987]]
result : [[ 0.39447917]
 [-0.30896315]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.39447917]
 [-0.30896315]]
dot product : [[ 0.87029321]
 [ 0.0060769 ]
 [ 0.44524167]]
result : [[ 1.20059736]
 [ 0.81425195]
 [ 0.52120818]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.74083576]
 [-1.11590179]
 [ 0.32892906]]
dot product : [[-0.16071604]
 [-1.17293294]]
result : [[ 0.50731758]
 [-0.67595622]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.50731758]
 [-0.67595622]]
dot product : [[ 1.38773472]
 [ 0.20078568]
 [ 0.75453884]]
result : [[ 1.71803887]
 [ 1.00896073]
 [ 0.83050535]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.28086071]
 [-0.31698969]
 [ 0.8724642 ]]
dot product : [[-0.32427117]
 [-0.56324355]]
result : [[ 0.34376245]
 [-0.06626682]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.34376245]
 [-0.06626682]]
dot product : [[ 0.56279884]
 [-0.13528502]
 [ 0.25545492]]
result : [[ 0.89310299]
 [ 0.67289003]
 [ 0.33142142]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.38826665]
 [-0.22284173]
 [ 0.93671988]]
dot product : [[-0.33989333]
 [-0.49590839]]
result : [[ 0.32814029]
 [ 0.00106833]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.32814029]
 [ 0.00106833]]
dot product : [[ 0.47523459]
 [-0.17368787]
 [ 0.20184199]]
result : [[ 0.80553874]
 [ 0.63448718]
 [ 0.27780849]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.83105005]
 [-0.75801209]
 [ 0.55504205]]
dot product : [[-0.54708404]
 [-0.51282567]]
result : [[ 0.12094958]
 [-0.01584895]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.12094958]
 [-0.01584895]]
dot product : [[ 0.19082017]
 [-0.05277002]
 [ 0.08500378]]
result : [[ 0.52112432]
 [ 0.75540503]
 [ 0.16097029]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.2844863 ]
 [-0.84443541]
 [ 0.51191699]]
dot product : [[-0.24697252]
 [-0.92784222]]
result : [[ 0.4210611]
 [-0.4308655]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.4210611]
 [-0.4308655]]
dot product : [[ 1.02635036]
 [ 0.0764968 ]
 [ 0.54125216]]
result : [[ 1.35665451]
 [ 0.88467185]
 [ 0.61721867]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.89074637]
 [-0.35380162]
 [ 0.83717451]]
dot product : [[-0.50134812]
 [-0.3631592 ]]
result : [[ 0.1666855 ]
 [ 0.13381752]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.1666855 ]
 [ 0.13381752]]
dot product : [[ 0.11296944]
 [-0.18053494]
 [ 0.01550019]]
result : [[ 0.44327359]
 [ 0.62764011]
 [ 0.0914667 ]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.79107532]
 [-0.15591211]
 [ 1.00198092]]
dot product : [[ 0.00186426]
 [-0.88417039]]
result : [[ 0.66989788]
 [-0.38719367]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.66989788]
 [-0.38719367]]
dot product : [[ 1.34542696]
 [-0.08490112]
 [ 0.66632483]]
result : [[ 1.67573111]
 [ 0.72327393]
 [ 0.74229134]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.54721097]
 [-0.10021561]
 [ 1.02011474]]
dot product : [[-0.36559413]
 [-0.40158906]]
result : [[ 0.30243948]
 [ 0.09538766]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.30243948]
 [ 0.09538766]]
dot product : [[ 0.34703778]
 [-0.22546807]
 [ 0.12438728]]
result : [[ 0.67734193]
 [ 0.58270698]
 [ 0.20035379]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.836243  ]
 [-0.73217645]
 [ 0.57305343]]
dot product : [[-0.54454783]
 [-0.50278115]]
result : [[ 0.12348579]
 [-0.00580443]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.12348579]
 [-0.00580443]]
dot product : [[ 0.18482144]
 [-0.06106362]
 [ 0.08001007]]
result : [[ 0.51512559]
 [ 0.74711143]
 [ 0.15597658]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.81047671]
 [-1.08986298]
 [ 0.34824972]]
dot product : [[-0.13711933]
 [-1.18881503]]
result : [[ 0.53091429]
 [-0.69183831]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.53091429]
 [-0.69183831]]
dot product : [[ 1.43728848]
 [ 0.19934892]
 [ 0.77947468]]
result : [[ 1.76759263]
 [ 1.00752397]
 [ 0.85544119]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.56567595]
 [-0.08795369]
 [ 1.02841365]]
dot product : [[-0.36888667]
 [-0.39126454]]
result : [[ 0.29914695]
 [ 0.10571218]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.29914695]
 [ 0.10571218]]
dot product : [[ 0.33230934]
 [-0.23088353]
 [ 0.11561302]]
result : [[ 0.66261349]
 [ 0.57729152]
 [ 0.19157953]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.85465634]
 [-0.63408057]
 [ 0.64146157]]
dot product : [[-0.53455163]
 [-0.46509576]]
result : [[ 0.13348199]
 [ 0.03188096]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.13348199]
 [ 0.03188096]]
dot product : [[ 0.16301295]
 [-0.09243322]
 [ 0.06157121]]
result : [[ 0.4933171 ]
 [ 0.71574183]
 [ 0.13753772]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.80968627]
 [-0.24410611]
 [ 0.94051003]]
dot product : [[-0.00654509]
 [-0.91876597]]
result : [[ 0.66148853]
 [-0.42178925]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.66148853]
 [-0.42178925]]
dot product : [[ 1.366561  ]
 [-0.0565079 ]
 [ 0.68372548]]
result : [[ 1.69686515]
 [ 0.75166715]
 [ 0.75969199]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.66850921]
 [-1.10502797]
 [ 0.33541597]]
dot product : [[-0.17935889]
 [-1.14434391]]
result : [[ 0.48867473]
 [-0.64736718]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.48867473]
 [-0.64736718]]
dot product : [[ 1.33312546]
 [ 0.19081061]
 [ 0.72436296]]
result : [[ 1.66342961]
 [ 0.99898566]
 [ 0.80032947]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.87867669]
 [-0.69203369]
 [ 0.62790797]]
dot product : [[-0.05643012]
 [-1.08560512]]
result : [[ 0.6116035]
 [-0.5886284]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.6116035]
 [-0.5886284]]
dot product : [[ 1.45493881]
 [ 0.08533769]
 [ 0.76188199]]
result : [[ 1.78524296]
 [ 0.89351274]
 [ 0.83784849]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.07819255]
 [-0.50626023]
 [ 0.74308096]]
dot product : [[-0.29659009]
 [-0.69400695]]
result : [[ 0.37144353]
 [-0.19703023]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.37144353]
 [-0.19703023]]
dot product : [[ 0.72899059]
 [-0.05930723]
 [ 0.35793018]]
result : [[ 1.05929474]
 [ 0.74886782]
 [ 0.43389669]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.891427  ]
 [-0.20937399]
 [ 0.9383047 ]]
dot product : [[-0.47920364]
 [-0.31685413]]
result : [[ 0.18882998]
 [ 0.18012259]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.18882998]
 [ 0.18012259]]
dot product : [[ 0.10048632]
 [-0.22427737]
 [-0.00106904]]
result : [[ 0.43079046]
 [ 0.58389768]
 [ 0.07489746]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.66848697]
 [-0.03190354]
 [ 1.06606158]]
dot product : [[-0.38910944]
 [-0.33767752]]
result : [[ 0.27892418]
 [ 0.1592992 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.27892418]
 [ 0.1592992 ]]
dot product : [[ 0.25131669]
 [-0.2573396 ]
 [ 0.06813808]]
result : [[ 0.58162084]
 [ 0.55083545]
 [ 0.14410458]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.8608687 ]
 [-0.07711913]
 [ 1.03139762]]
dot product : [[-0.45016323]
 [-0.28528181]]
result : [[ 0.21787039]
 [ 0.21169491]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.21787039]
 [ 0.21169491]]
dot product : [[ 0.11220978]
 [-0.26145037]
 [-0.00376126]]
result : [[ 0.44251392]
 [ 0.54672468]
 [ 0.07220524]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.34591249]
 [-0.2591908 ]
 [ 0.91192558]]
dot product : [[-0.33361277]
 [-0.52221331]]
result : [[ 0.33442085]
 [-0.02523659]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.33442085]
 [-0.02523659]]
dot product : [[ 0.50969999]
 [-0.15877918]
 [ 0.22289589]]
result : [[ 0.84000414]
 [ 0.64939587]
 [ 0.29886239]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.83586808]
 [-0.38015222]
 [ 0.84564697]]
dot product : [[-0.02022728]
 [-0.97125466]]
result : [[ 0.64780634]
 [-0.47427794]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.64780634]
 [-0.47427794]]
dot product : [[ 1.39728542]
 [-0.01294276]
 [ 0.70955589]]
result : [[ 1.72758957]
 [ 0.79523229]
 [ 0.78552239]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.83742212]
 [-1.05892622]
 [ 0.37033453]]
dot product : [[-0.12476303]
 [-1.18830572]]
result : [[ 0.54327059]
 [-0.691329  ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.54327059]
 [-0.691329  ]]
dot product : [[ 1.45473166]
 [ 0.19248372]
 [ 0.78676884]]
result : [[ 1.78503581]
 [ 1.00065877]
 [ 0.86273535]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.12388573]
 [-0.46285611]
 [ 0.77276375]]
dot product : [[-0.30271788]
 [-0.66429193]]
result : [[ 0.36531574]
 [-0.16731521]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.36531574]
 [-0.16731521]]
dot product : [[ 0.69146064]
 [-0.07665828]
 [ 0.33474375]]
result : [[ 1.02176479]
 [ 0.73151677]
 [ 0.41071026]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.61112977]
 [-1.08199651]
 [ 0.35064981]]
dot product : [[-0.19192127]
 [-1.11706835]]
result : [[ 0.47611235]
 [-0.62009163]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.47611235]
 [-0.62009163]]
dot product : [[ 1.28860721]
 [ 0.17854053]
 [ 0.69879787]]
result : [[ 1.61891135]
 [ 0.98671557]
 [ 0.77476438]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.87822135]
 [-0.1243584 ]
 [ 0.99804596]]
dot product : [[-0.46234505]
 [-0.29432297]]
result : [[ 0.20568857]
 [ 0.20265376]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.20568857]
 [ 0.20265376]]
dot product : [[ 0.10324189]
 [-0.24876794]
 [-0.00537636]]
result : [[ 0.43354604]
 [ 0.55940711]
 [ 0.07059014]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.80028279]
 [-1.09741885]
 [ 0.34279947]]
dot product : [[-0.14115244]
 [-1.18768459]]
result : [[ 0.52688118]
 [-0.69070787]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.52688118]
 [-0.69070787]]
dot product : [[ 1.43034542]
 [ 0.20069164]
 [ 0.77624712]]
result : [[ 1.76064957]
 [ 1.00886669]
 [ 0.85221363]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.04803713]
 [-0.62653231]
 [ 0.66082445]]
dot product : [[-0.27971837]
 [-0.7762129 ]]
result : [[ 0.38831525]
 [-0.27923618]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.38831525]
 [-0.27923618]]
dot product : [[ 0.8326993 ]
 [-0.01126339]
 [ 0.42202513]]
result : [[ 1.16300345]
 [ 0.79691166]
 [ 0.49799164]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.65264831]
 [-1.09966686]
 [ 0.33892295]]
dot product : [[-0.18298687]
 [-1.13712502]]
result : [[ 0.48504675]
 [-0.6401483 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.48504675]
 [-0.6401483 ]]
dot product : [[ 1.32090303]
 [ 0.18772293]
 [ 0.71740966]]
result : [[ 1.65120718]
 [ 0.99589798]
 [ 0.79337616]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.78638149]
 [-0.01365519]
 [ 1.07700217]]
dot product : [[-0.41941687]
 [-0.29090947]]
result : [[ 0.24861675]
 [ 0.20606725]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.24861675]
 [ 0.20606725]]
dot product : [[ 0.16225847]
 [-0.27375765]
 [ 0.01889136]]
result : [[ 0.49256262]
 [ 0.5344174 ]
 [ 0.09485787]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.77443049]
 [-0.01156442]
 [ 1.07865268]]
dot product : [[-0.41573518]
 [-0.29439341]]
result : [[ 0.25229844]
 [ 0.20258332]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.25229844]
 [ 0.20258332]]
dot product : [[ 0.17095953]
 [-0.27328511]
 [ 0.02343887]]
result : [[ 0.50126368]
 [ 0.53488994]
 [ 0.09940538]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.85221913]
 [-1.03110487]
 [ 0.39004821]]
dot product : [[-0.11630235]
 [-1.18457076]]
result : [[ 0.55173127]
 [-0.68759403]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.55173127]
 [-0.68759403]]
dot product : [[ 1.46341218]
 [ 0.18543763]
 [ 0.78955211]]
result : [[ 1.79371632]
 [ 0.99361268]
 [ 0.86551861]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.6841651 ]
 [-0.02576757]
 [ 1.07011403]]
dot product : [[-0.39256622]
 [-0.33027495]]
result : [[ 0.2754674 ]
 [ 0.16670177]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.2754674 ]
 [ 0.16670177]]
dot product : [[ 0.23916572]
 [-0.26064473]
 [ 0.06117049]]
result : [[ 0.56946987]
 [ 0.54753032]
 [ 0.137137  ]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.74738816]
 [-1.11543764]
 [ 0.32935628]]
dot product : [[-0.15880297]
 [-1.17506067]]
result : [[ 0.50923065]
 [-0.67808395]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.50923065]
 [-0.67808395]]
dot product : [[ 1.39256183]
 [ 0.20125107]
 [ 0.75710908]]
result : [[ 1.72286598]
 [ 1.00942612]
 [ 0.83307559]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.86603769]
 [-0.56591058]
 [ 0.68902265]]
dot product : [[-0.5272074 ]
 [-0.43939831]]
result : [[ 0.14082621]
 [ 0.05757841]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.14082621]
 [ 0.05757841]]
dot product : [[ 0.14890802]
 [-0.11410217]
 [ 0.04932369]]
result : [[ 0.47921217]
 [ 0.69407288]
 [ 0.12529019]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.88131382]
 [-0.72870994]
 [ 0.60226519]]
dot product : [[-0.06136105]
 [-1.09821982]]
result : [[ 0.60667257]
 [-0.6012431 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.60667257]
 [-0.6012431 ]]
dot product : [[ 1.4599387 ]
 [ 0.09667356]
 [ 0.76707595]]
result : [[ 1.79024285]
 [ 0.9048486 ]
 [ 0.84304245]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.16929504]
 [-0.42001607]
 [ 0.80205595]]
dot product : [[-0.30885314]
 [-0.63485544]]
result : [[ 0.35918048]
 [-0.13787872]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.35918048]
 [-0.13787872]]
dot product : [[ 0.65418827]
 [-0.09381249]
 [ 0.3117346 ]]
result : [[ 0.98449242]
 [ 0.71436256]
 [ 0.38770111]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.79480844]
 [-0.92433828]
 [ 0.43913113]]
dot product : [[-0.56262214]
 [-0.57846691]]
result : [[ 0.10541148]
 [-0.08149019]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.10541148]
 [-0.08149019]]
dot product : [[ 0.23152588]
 [ 0.00088279]
 [ 0.11827737]]
result : [[ 0.56183003]
 [ 0.80905783]
 [ 0.19424388]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.89356616]
 [-0.27608096]
 [ 0.89155731]]
dot product : [[-0.49012101]
 [-0.33738895]]
result : [[ 0.17791261]
 [ 0.15958778]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.17791261]
 [ 0.15958778]]
dot product : [[ 0.10443   ]
 [-0.20430082]
 [ 0.00560178]]
result : [[ 0.43473415]
 [ 0.60387423]
 [ 0.08156828]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.39871286]
 [-0.21406246]
 [ 0.94270499]]
dot product : [[-0.3414711 ]
 [-0.48947984]]
result : [[ 0.32656252]
 [ 0.00749688]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.32656252]
 [ 0.00749688]]
dot product : [[ 0.46674947]
 [-0.17730874]
 [ 0.19667023]]
result : [[ 0.79705362]
 [ 0.63086631]
 [ 0.27263674]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.76009975]
 [-1.11361334]
 [ 0.33083205]]
dot product : [[-0.15494876]
 [-1.17889378]]
result : [[ 0.51308486]
 [-0.68191705]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.51308486]
 [-0.68191705]]
dot product : [[ 1.40184977]
 [ 0.20187451]
 [ 0.76199108]]
result : [[ 1.73215392]
 [ 1.01004956]
 [ 0.83795759]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.11663588]
 [-0.69133326]
 [ 0.61651493]]
dot product : [[-0.27046291]
 [-0.82070855]]
result : [[ 0.39757071]
 [-0.32373182]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.39757071]
 [-0.32373182]]
dot product : [[ 0.8890127 ]
 [ 0.01467633]
 [ 0.45679393]]
result : [[ 1.21931685]
 [ 0.82285138]
 [ 0.53276044]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.88261408]
 [-0.14319077]
 [ 0.98478939]]
dot product : [[-0.46649188]
 [-0.29880431]]
result : [[ 0.20154173]
 [ 0.19817241]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.20154173]
 [ 0.19817241]]
dot product : [[ 0.10154179]
 [-0.24347853]
 [-0.00500958]]
result : [[ 0.43184594]
 [ 0.56469652]
 [ 0.07095693]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.89171727]
 [-0.33735345]
 [ 0.84867781]]
dot product : [[-0.49907724]
 [-0.35757545]]
result : [[ 0.16895637]
 [ 0.13940128]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.16895637]
 [ 0.13940128]]
dot product : [[ 0.1108844 ]
 [-0.18559915]
 [ 0.01325562]]
result : [[ 0.44118855]
 [ 0.6225759 ]
 [ 0.08922213]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.21820126]
 [-0.78523648]
 [ 0.55233957]]
dot product : [[-0.25644416]
 [-0.88593708]]
result : [[ 0.41158946]
 [-0.38896036]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.41158946]
 [-0.38896036]]
dot product : [[ 0.97221963]
 [ 0.05246521]
 [ 0.50804155]]
result : [[ 1.30252378]
 [ 0.86064026]
 [ 0.58400805]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.87249431]
 [-0.52297891]
 [ 0.71898646]]
dot product : [[-0.52238239]
 [-0.4234617 ]]
result : [[ 0.14565122]
 [ 0.07351502]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.14565122]
 [ 0.07351502]]
dot product : [[ 0.14055311]
 [-0.12768298]
 [ 0.04189512]]
result : [[ 0.47085726]
 [ 0.68049207]
 [ 0.11786162]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.76825116]
 [-0.01096956]
 [ 1.07916561]]
dot product : [[-0.41390674]
 [-0.29634987]]
result : [[ 0.25412688]
 [ 0.20062685]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.25412688]
 [ 0.20062685]]
dot product : [[ 0.17549877]
 [-0.27289375]
 [ 0.02584504]]
result : [[ 0.50580292]
 [ 0.5352813 ]
 [ 0.10181155]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.81540173]
 [-0.27239952]
 [ 0.92078564]]
dot product : [[-0.00931456]
 [-0.92977594]]
result : [[ 0.65871906]
 [-0.43279922]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.65871906]
 [-0.43279922]]
dot product : [[ 1.37315157]
 [-0.04742268]
 [ 0.68920566]]
result : [[ 1.70345572]
 [ 0.76075237]
 [ 0.76517217]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.81380157]
 [-0.02431671]
 [ 1.06910845]]
dot product : [[-0.428771  ]
 [-0.28478663]]
result : [[ 0.23926262]
 [ 0.21219009]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.23926262]
 [ 0.21219009]]
dot product : [[ 0.14278135]
 [-0.27306821]
 [ 0.00911941]]
result : [[ 0.4730855 ]
 [ 0.53510684]
 [ 0.08508592]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.41197964]
 [-0.95094907]
 [ 0.43931503]]
dot product : [[-0.22761796]
 [-1.0060985 ]]
result : [[ 0.44041566]
 [-0.50912177]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.44041566]
 [-0.50912177]]
dot product : [[ 1.1298564 ]
 [ 0.12049648]
 [ 0.60430044]]
result : [[ 1.46016055]
 [ 0.92867153]
 [ 0.68026694]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.88923054]
 [-0.18566798]
 [ 0.95493997]]
dot product : [[-0.47492028]
 [-0.31005541]]
result : [[ 0.19311334]
 [ 0.18692132]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.19311334]
 [ 0.18692132]]
dot product : [[ 0.10015135]
 [-0.23124376]
 [-0.00286482]]
result : [[ 0.4304555 ]
 [ 0.57693129]
 [ 0.07310168]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.72041262]
 [-1.11554813]
 [ 0.32885824]]
dot product : [[-0.16640046]
 [-1.16572673]]
result : [[ 0.50163316]
 [-0.66875001]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.50163316]
 [-0.66875001]]
dot product : [[ 1.37253979]
 [ 0.19879064]
 [ 0.74632451]]
result : [[ 1.70284394]
 [ 1.00696569]
 [ 0.82229102]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.19582107]
 [-0.76482712]
 [ 0.56628298]]
dot product : [[-0.25957691]
 [-0.8716539 ]]
result : [[ 0.40845671]
 [-0.37467718]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.40845671]
 [-0.37467718]]
dot product : [[ 0.9539082 ]
 [ 0.04422376]
 [ 0.49678088]]
result : [[ 1.28421235]
 [ 0.85239881]
 [ 0.57274738]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.89042284]
 [-0.19731218]
 [ 0.94676709]]
dot product : [[-0.4770561 ]
 [-0.31335549]]
result : [[ 0.19097752]
 [ 0.18362123]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.19097752]
 [ 0.18362123]]
dot product : [[ 0.10023166]
 [-0.22783241]
 [-0.00202814]]
result : [[ 0.43053581]
 [ 0.58034264]
 [ 0.07393836]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.16203029]
 [-0.7336841 ]
 [ 0.58756508]]
dot product : [[-0.26425619]
 [-0.84998382]]
result : [[ 0.40377743]
 [-0.3530071 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.40377743]
 [-0.3530071 ]]
dot product : [[ 0.92623344]
 [ 0.03168121]
 [ 0.47974193]]
result : [[ 1.25653759]
 [ 0.83985626]
 [ 0.55570843]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.26254751]
 [-0.82507121]
 [ 0.52513537]]
dot product : [[-0.25014286]
 [-0.91404573]]
result : [[ 0.41789076]
 [-0.41706901]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.41789076]
 [-0.41706901]]
dot product : [[ 1.00845337]
 [ 0.06861225]
 [ 0.5302861 ]]
result : [[ 1.33875752]
 [ 0.8767873 ]
 [ 0.6062526 ]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.89352823]
 [-0.26187376]
 [ 0.90150702]]
dot product : [[-0.4879132 ]
 [-0.33287039]]
result : [[ 0.18012042]
 [ 0.16410633]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.18012042]
 [ 0.16410633]]
dot product : [[ 0.10327993]
 [-0.20859402]
 [ 0.00401386]]
result : [[ 0.43358408]
 [ 0.59958103]
 [ 0.07998037]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.79496623]
 [-1.10069716]
 [ 0.3404208 ]]
dot product : [[-0.14315344]
 [-1.18688373]]
result : [[ 0.52488018]
 [-0.68990701]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.52488018]
 [-0.68990701]]
dot product : [[ 1.42666938]
 [ 0.2011916 ]
 [ 0.77448907]]
result : [[ 1.75697353]
 [ 1.00936665]
 [ 0.85045557]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.02084301]
 [-0.56093583]
 [ 0.70568668]]
dot product : [[-0.28892988]
 [-0.73136577]]
result : [[ 0.37910374]
 [-0.23438905]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.37910374]
 [-0.23438905]]
dot product : [[ 0.77611097]
 [-0.03746971]
 [ 0.38705394]]
result : [[ 1.10641512]
 [ 0.77070534]
 [ 0.46302045]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.86435564]
 [-0.99724056]
 [ 0.41395221]]
dot product : [[-0.10765475]
 [-1.17798419]]
result : [[ 0.56037887]
 [-0.68100747]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.56037887]
 [-0.68100747]]
dot product : [[ 1.46961593]
 [ 0.17631799]
 [ 0.79058863]]
result : [[ 1.79992008]
 [ 0.98449304]
 [ 0.86655513]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.61963995]
 [-1.08600301]
 [ 0.34797682]]
dot product : [[-0.19014943]
 [-1.12130209]]
result : [[ 0.47788419]
 [-0.62432537]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.47788419]
 [-0.62432537]]
dot product : [[ 1.29525887]
 [ 0.18053897]
 [ 0.70265618]]
result : [[ 1.62556302]
 [ 0.98871402]
 [ 0.77862268]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.82087594]
 [-0.30014702]
 [ 0.90143979]]
dot product : [[-0.01206741]
 [-0.94052798]]
result : [[ 0.65596621]
 [-0.44355126]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.65596621]
 [-0.44355126]]
dot product : [[ 1.37951771]
 [-0.03852488]
 [ 0.69452768]]
result : [[ 1.70982186]
 [ 0.76965017]
 [ 0.77049419]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.25151697]
 [-0.81524509]
 [ 0.53184446]]
dot product : [[-0.25172294]
 [-0.90708031]]
result : [[ 0.41631068]
 [-0.41010359]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.41631068]
 [-0.41010359]]
dot product : [[ 0.99944753]
 [ 0.06462076]
 [ 0.52476234]]
result : [[ 1.32975168]
 [ 0.87279581]
 [ 0.60072885]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.67627288]
 [-1.10732743]
 [ 0.33392676]]
dot product : [[-0.17753283]
 [-1.14777387]]
result : [[ 0.49050079]
 [-0.65079714]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.49050079]
 [-0.65079714]]
dot product : [[ 1.33908123]
 [ 0.19222378]
 [ 0.72772986]]
result : [[ 1.66938538]
 [ 1.00039883]
 [ 0.80369637]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.88275463]
 [-0.44301392]
 [ 0.77482491]]
dot product : [[-0.51289905]
 [-0.39439131]]
result : [[ 0.15513457]
 [ 0.10258541]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.15513457]
 [ 0.10258541]]
dot product : [[ 0.12630244]
 [-0.15281548]
 [ 0.02876537]]
result : [[ 0.45660659]
 [ 0.65535957]
 [ 0.10473188]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.47996716]
 [-0.14885975]
 [ 0.98709849]]
dot product : [[-0.35422077]
 [-0.4404605 ]]
result : [[ 0.31381285]
 [ 0.05651622]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.31381285]
 [ 0.05651622]]
dot product : [[ 0.40100513]
 [-0.20453995]
 [ 0.15679068]]
result : [[ 0.73130928]
 [ 0.6036351 ]
 [ 0.23275719]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.70617593]
 [-1.1138955 ]
 [ 0.32979354]]
dot product : [[-0.17014553]
 [-1.16025488]]
result : [[ 0.49788809]
 [-0.66327816]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.49788809]
 [-0.66327816]]
dot product : [[ 1.36183101]
 [ 0.19697467]
 [ 0.74043976]]
result : [[ 1.69213516]
 [ 1.00514972]
 [ 0.81640627]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.8800997 ]
 [-0.71060845]
 [ 0.6149225 ]]
dot product : [[-0.05890283]
 [-1.09202423]]
result : [[ 0.60913079]
 [-0.5950475 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.60913079]
 [-0.5950475 ]]
dot product : [[ 1.45753593]
 [ 0.09108685]
 [ 0.76454747]]
result : [[ 1.78784008]
 [ 0.8992619 ]
 [ 0.84051398]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.88818223]
 [-0.38808078]
 [ 0.81320924]]
dot product : [[-0.50592885]
 [-0.37498394]]
result : [[ 0.16210477]
 [ 0.12199278]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.16210477]
 [ 0.12199278]]
dot product : [[ 0.11771634]
 [-0.16993078]
 [ 0.02039446]]
result : [[ 0.44802049]
 [ 0.63824427]
 [ 0.09636096]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.31706324]
 [-0.8727042 ]
 [ 0.49262874]]
dot product : [[-0.24218984]
 [-0.9481739 ]]
result : [[ 0.42584378]
 [-0.45119718]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.42584378]
 [-0.45119718]]
dot product : [[ 1.05288538]
 [ 0.08805787]
 [ 0.55748094]]
result : [[ 1.38318953]
 [ 0.89623292]
 [ 0.63344745]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.48228053]
 [-1.0036456 ]
 [ 0.40350862]]
dot product : [[-0.21601222]
 [-1.04732433]]
result : [[ 0.4520214 ]
 [-0.55034761]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.4520214 ]
 [-0.55034761]]
dot product : [[ 1.18642992]
 [ 0.1429328 ]
 [ 0.6383847 ]]
result : [[ 1.51673407]
 [ 0.95110785]
 [ 0.71435121]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.84591795]
 [-0.68208683]
 [ 0.60797968]]
dot product : [[-0.53952022]
 [-0.48344354]]
result : [[ 0.1285134 ]
 [ 0.01353318]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.1285134 ]
 [ 0.01353318]]
dot product : [[ 0.17348307]
 [-0.07710675]
 [ 0.07048567]]
result : [[ 0.50378722]
 [ 0.7310683 ]
 [ 0.14645218]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.17332101]
 [-0.74413054]
 [ 0.58042565]]
dot product : [[-0.26269892]
 [-0.85723747]]
result : [[ 0.4053347 ]
 [-0.36026075]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.4053347 ]
 [-0.36026075]]
dot product : [[ 0.93548393]
 [ 0.03588436]
 [ 0.48543982]]
result : [[ 1.26578808]
 [ 0.84405941]
 [ 0.56140632]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.53784878]
 [-0.10663077]
 [ 1.01576828]]
dot product : [[-0.36395537]
 [-0.40688702]]
result : [[ 0.30407825]
 [ 0.0900897 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.30407825]
 [ 0.0900897 ]]
dot product : [[ 0.35452188]
 [-0.2226624 ]
 [ 0.1288584 ]]
result : [[ 0.68482603]
 [ 0.58551265]
 [ 0.2048249 ]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.02509018]
 [-0.60471442]
 [ 0.6757454 ]]
dot product : [[-0.28279256]
 [-0.76128359]]
result : [[ 0.38524106]
 [-0.26430687]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.38524106]
 [-0.26430687]]
dot product : [[ 0.81385019]
 [-0.01998322]
 [ 0.41037868]]
result : [[ 1.14415434]
 [ 0.78819183]
 [ 0.48634519]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.53025033]
 [-1.03611129]
 [ 0.38152138]]
dot product : [[-0.20755305]
 [-1.07434099]]
result : [[ 0.46048057]
 [-0.57736427]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.46048057]
 [-0.57736427]]
dot product : [[ 1.22474326]
 [ 0.15718619]
 [ 0.66124809]]
result : [[ 1.55504741]
 [ 0.96536124]
 [ 0.73721459]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.87031495]
 [-0.09903159]
 [ 1.01590529]]
dot product : [[-0.45620648]
 [-0.28899043]]
result : [[ 0.21182713]
 [ 0.20798629]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.21182713]
 [ 0.20798629]]
dot product : [[ 0.10701253]
 [-0.25569664]
 [-0.00506961]]
result : [[ 0.43731668]
 [ 0.55247841]
 [ 0.0708969 ]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.89224133]
 [-0.22185723]
 [ 0.92955015]]
dot product : [[-0.48136301]
 [-0.32055313]]
result : [[ 0.18667061]
 [ 0.1764236 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.18667061]
 [ 0.1764236 ]]
dot product : [[  1.00916886e-01]
 [ -2.20577322e-01]
 [  1.35943662e-05]]
result : [[ 0.43122104]
 [ 0.58759773]
 [ 0.0759801 ]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.88477696]
 [-0.42422919]
 [ 0.78794808]]
dot product : [[-0.51056229]
 [-0.38769707]]
result : [[ 0.15747133]
 [ 0.10927965]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.15747133]
 [ 0.10927965]]
dot product : [[ 0.12324286]
 [-0.15868354]
 [ 0.02583631]]
result : [[ 0.45354701]
 [ 0.64949151]
 [ 0.10180282]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.72734629]
 [-1.11595321]
 [ 0.32868269]]
dot product : [[-0.16451467]
 [-1.16826416]]
result : [[ 0.50351895]
 [-0.67128743]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.50351895]
 [-0.67128743]]
dot product : [[ 1.37772212]
 [ 0.19955415]
 [ 0.74914544]]
result : [[ 1.70802627]
 [ 1.0077292 ]
 [ 0.82511195]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.88050667]
 [-0.13357725]
 [ 0.99155448]]
dot product : [[-0.46441295]
 [-0.2964698 ]]
result : [[ 0.20362067]
 [ 0.20050692]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.20362067]
 [ 0.20050692]]
dot product : [[ 0.10230942]
 [-0.24619114]
 [-0.00525084]]
result : [[ 0.43261357]
 [ 0.56198391]
 [ 0.07071567]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.7804745 ]
 [-0.01245835]
 [ 1.07793242]]
dot product : [[-0.41757186]
 [-0.29257933]]
result : [[ 0.25046176]
 [ 0.20439739]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.25046176]
 [ 0.20439739]]
dot product : [[ 0.16654557]
 [-0.27357352]
 [ 0.02112061]]
result : [[ 0.49684972]
 [ 0.53460153]
 [ 0.09708711]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.19185916]
 [-0.39888405]
 [ 0.81650256]]
dot product : [[-0.31192581]
 [-0.62027787]]
result : [[ 0.35610781]
 [-0.12330115]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.35610781]
 [-0.12330115]]
dot product : [[ 0.63568032]
 [-0.10228951]
 [ 0.30031877]]
result : [[ 0.96598447]
 [ 0.70588554]
 [ 0.37628527]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.83309753]
 [-0.03868815]
 [ 1.0587434 ]]
dot product : [[-0.4364159 ]
 [-0.28266885]]
result : [[ 0.23161772]
 [ 0.21430787]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.23161772]
 [ 0.21430787]]
dot product : [[ 0.12964462]
 [-0.27050571]
 [ 0.00301778]]
result : [[ 0.45994877]
 [ 0.53766934]
 [ 0.07898429]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.84876504]
 [-1.03861718]
 [ 0.38473357]]
dot product : [[-0.11843476]
 [-1.18576731]]
result : [[ 0.54959886]
 [-0.68879058]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.54959886]
 [-0.68879058]]
dot product : [[ 1.46147029]
 [ 0.18739026]
 [ 0.78901727]]
result : [[ 1.79177444]
 [ 0.99556531]
 [ 0.86498377]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.37036119]
 [-0.91749063]
 [ 0.46209653]]
dot product : [[-0.23413881]
 [-0.98097114]]
result : [[ 0.43389481]
 [-0.48399442]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.43389481]
 [-0.48399442]]
dot product : [[ 1.09617704]
 [ 0.10653003]
 [ 0.58386718]]
result : [[ 1.42648119]
 [ 0.91470507]
 [ 0.65983369]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.50926384]
 [-0.12696721]
 [ 1.0019727 ]]
dot product : [[-0.35906775]
 [-0.42330198]]
result : [[ 0.30896587]
 [ 0.07367474]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.30896587]
 [ 0.07367474]]
dot product : [[ 0.37743472]
 [-0.21386938]
 [ 0.1425943 ]]
result : [[ 0.70773887]
 [ 0.59430567]
 [ 0.21856081]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.73415457]
 [-1.11607237]
 [ 0.32870542]]
dot product : [[-0.1626199 ]
 [-1.17066683]]
result : [[ 0.50541372]
 [-0.67369011]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.50541372]
 [-0.67369011]]
dot product : [[ 1.38278762]
 [ 0.20021961]
 [ 0.75188392]]
result : [[ 1.71309177]
 [ 1.00839466]
 [ 0.82785043]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.43987726]
 [-0.18029201]
 [ 0.96571207]]
dot product : [[-0.34781611]
 [-0.46441066]]
result : [[ 0.32021751]
 [ 0.03256606]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.32021751]
 [ 0.03256606]]
dot product : [[ 0.4333814 ]
 [-0.19132758]
 [ 0.1763835 ]]
result : [[ 0.76368555]
 [ 0.61684747]
 [ 0.25235001]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.20310013]
 [-0.38840343]
 [ 0.82366671]]
dot product : [[-0.31346381]
 [-0.6130306 ]]
result : [[ 0.35456981]
 [-0.11605387]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.35456981]
 [-0.11605387]]
dot product : [[ 0.62646395]
 [-0.10649839]
 [ 0.29463693]]
result : [[ 0.9567681 ]
 [ 0.70167666]
 [ 0.37060344]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.88454188]
 [-0.15320278]
 [ 0.97774804]]
dot product : [[-0.46858197]
 [-0.30132832]]
result : [[ 0.19945165]
 [ 0.1956484 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.19945165]
 [ 0.1956484 ]]
dot product : [[ 0.10094059]
 [-0.24062881]
 [-0.00465145]]
result : [[ 0.43124474]
 [ 0.56754624]
 [ 0.07131505]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.71335526]
 [-1.11486096]
 [ 0.32922941]]
dot product : [[-0.16827737]
 [-1.16305637]]
result : [[ 0.49975625]
 [-0.66607965]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.49975625]
 [-0.66607965]]
dot product : [[ 1.36724223]
 [ 0.19793037]
 [ 0.74342225]]
result : [[ 1.69754638]
 [ 1.00610542]
 [ 0.81938876]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.88658559]
 [-0.40591942]
 [ 0.80074197]]
dot product : [[-0.50823892]
 [-0.38122855]]
result : [[ 0.1597947 ]
 [ 0.11574817]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.1597947 ]
 [ 0.11574817]]
dot product : [[ 0.12038135]
 [-0.16438821]
 [ 0.02304638]]
result : [[ 0.4506855 ]
 [ 0.64378684]
 [ 0.09901288]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.89340573]
 [-0.2907287 ]
 [ 0.88130219]]
dot product : [[-0.4923412 ]
 [-0.34211692]]
result : [[ 0.17569242]
 [ 0.15485981]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.17569242]
 [ 0.15485981]]
dot product : [[ 0.1057639 ]
 [-0.19985605]
 [ 0.0073188 ]]
result : [[ 0.43606805]
 [ 0.608319  ]
 [ 0.08328531]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.82906   ]
 [-1.07064725]
 [ 0.36199604]]
dot product : [[-0.12892553]
 [-1.18914009]]
result : [[ 0.53910809]
 [-0.69216336]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.53910809]
 [-0.69216336]]
dot product : [[ 1.44949426]
 [ 0.19525547]
 [ 0.78474445]]
result : [[ 1.77979841]
 [ 1.00343052]
 [ 0.86071096]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.70682931]
 [-0.01844346]
 [ 1.07488957]]
dot product : [[-0.39780242]
 [-0.32006698]]
result : [[ 0.2702312 ]
 [ 0.17690974]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.2702312 ]
 [ 0.17690974]]
dot product : [[ 0.22172857]
 [-0.26495504]
 [ 0.05127264]]
result : [[ 0.55203272]
 [ 0.54322   ]
 [ 0.12723915]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.88785181]
 [-0.17443756]
 [ 0.96282598]]
dot product : [[-0.47279606]
 [-0.30695205]]
result : [[ 0.19523756]
 [ 0.19002467]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.19523756]
 [ 0.19002467]]
dot product : [[ 0.10024378]
 [-0.23451273]
 [-0.00358019]]
result : [[ 0.43054793]
 [ 0.57366232]
 [ 0.07238631]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.6015206 ]
 [-0.06581055]
 [ 1.04336123]]
dot product : [[-0.37553494]
 [-0.37175184]]
result : [[ 0.29249868]
 [ 0.12522489]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.29249868]
 [ 0.12522489]]
dot product : [[ 0.30385583]
 [-0.2408941 ]
 [ 0.09876753]]
result : [[ 0.63415998]
 [ 0.56728095]
 [ 0.17473403]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.80545352]
 [-1.09380872]
 [ 0.34540823]]
dot product : [[-0.13914111]
 [-1.18832896]]
result : [[ 0.52889251]
 [-0.69135223]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.52889251]
 [-0.69135223]]
dot product : [[ 1.43388564]
 [ 0.20007785]
 [ 0.77790936]]
result : [[ 1.76418979]
 [ 1.0082529 ]
 [ 0.85387587]]
Total Cost [ 553.27727253] for Epoch 1 complete
Axis-wise Cost is [[ 192.66517576]
 [ 310.24903499]
 [  50.36306179]] 
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.86733502]
 [-0.09135316]
 [ 1.02132887]]
dot product : [[-0.45418163]
 [-0.28757621]]
result : [[ 0.21385199]
 [ 0.20940052]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.21385199]
 [ 0.20940052]]
dot product : [[ 0.10858854]
 [-0.25774335]
 [-0.0047433 ]]
result : [[ 0.43889269]
 [ 0.5504317 ]
 [ 0.07122321]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.75549339]
 [-0.01066178]
 [ 1.0795801 ]]
dot product : [[-0.41027408]
 [-0.30068275]]
result : [[ 0.25775954]
 [ 0.19629397]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.25775954]
 [ 0.19629397]]
dot product : [[ 0.18494677]
 [-0.27180739]
 [ 0.03091665]]
result : [[ 0.51525092]
 [ 0.53636766]
 [ 0.10688315]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.80786871]
 [-0.86671599]
 [ 0.47927961]]
dot product : [[-0.55738092]
 [-0.55555078]]
result : [[ 0.1106527 ]
 [-0.05857406]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.1106527 ]
 [-0.05857406]]
dot product : [[ 0.21704898]
 [-0.01775143]
 [ 0.10654803]]
result : [[ 0.54735313]
 [ 0.79042362]
 [ 0.18251453]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.8841156 ]
 [-0.79645963]
 [ 0.55486465]]
dot product : [[-0.07105121]
 [-1.12080334]]
result : [[ 0.59698241]
 [-0.62382661]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.59698241]
 [-0.62382661]]
dot product : [[ 1.46763785]
 [ 0.11742223]
 [ 0.77584205]]
result : [[ 1.797942  ]
 [ 0.92559728]
 [ 0.85180856]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.85040337]
 [-0.65782519]
 [ 0.62489984]]
dot product : [[-0.5370286 ]
 [-0.47414683]]
result : [[ 0.13100502]
 [ 0.02282989]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.13100502]
 [ 0.02282989]]
dot product : [[ 0.16814027]
 [-0.08485891]
 [ 0.06595276]]
result : [[ 0.49844442]
 [ 0.72331614]
 [ 0.14191926]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.81402889]
 [-0.83872816]
 [ 0.49878306]]
dot product : [[-0.55478367]
 [-0.54448383]]
result : [[ 0.11324995]
 [-0.0475071 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.11324995]
 [-0.0475071 ]]
dot product : [[ 0.21015353]
 [-0.02678534]
 [ 0.10092433]]
result : [[ 0.54045768]
 [ 0.78138971]
 [ 0.17689083]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.63635401]
 [-1.09331501]
 [ 0.34311697]]
dot product : [[-0.18658341]
 [-1.12943958]]
result : [[ 0.48145021]
 [-0.63246286]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.48145021]
 [-0.63246286]]
dot product : [[ 1.30827662]
 [ 0.18429554]
 [ 0.71017109]]
result : [[ 1.63858077]
 [ 0.99247059]
 [ 0.7861376 ]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.69887632]
 [-1.1126556 ]
 [ 0.330548  ]]
dot product : [[-0.17200504]
 [-1.15732407]]
result : [[ 0.49602858]
 [-0.66034735]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.49602858]
 [-0.66034735]]
dot product : [[ 1.35630772]
 [ 0.19592485]
 [ 0.73737817]]
result : [[ 1.68661187]
 [ 1.0040999 ]
 [ 0.81334467]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.89329364]
 [-0.24810329]
 [ 0.91115396]]
dot product : [[-0.48571768]
 [-0.32855945]]
result : [[ 0.18231594]
 [ 0.16841727]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.18231594]
 [ 0.16841727]]
dot product : [[ 0.10231211]
 [-0.21273696]
 [ 0.00255393]]
result : [[ 0.43261626]
 [ 0.59543809]
 [ 0.07852044]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.3062507 ]
 [-0.86339003]
 [ 0.49898272]]
dot product : [[-0.24378784]
 [-0.9414475 ]]
result : [[ 0.42424578]
 [-0.44447078]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.42424578]
 [-0.44447078]]
dot product : [[ 1.04408388]
 [ 0.08424137]
 [ 0.55210221]]
result : [[ 1.37438803]
 [ 0.89241642]
 [ 0.62806872]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.21431142]
 [-0.37798482]
 [ 0.8307879 ]]
dot product : [[-0.31500306]
 [-0.60581341]]
result : [[ 0.35303056]
 [-0.10883668]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.35303056]
 [-0.10883668]]
dot product : [[ 0.61727475]
 [-0.11068578]
 [ 0.28897397]]
result : [[ 0.9475789 ]
 [ 0.69748927]
 [ 0.36494048]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.27353785]
 [-0.83480259]
 [ 0.51849199]]
dot product : [[-0.24855942]
 [-0.92096697]]
result : [[ 0.41947419]
 [-0.42399025]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.41947419]
 [-0.42399025]]
dot product : [[ 1.01742151]
 [ 0.07257137]
 [ 0.53578308]]
result : [[ 1.34772566]
 [ 0.88074641]
 [ 0.61174958]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.18458517]
 [-0.75451282]
 [ 0.57333073]]
dot product : [[-0.2611392 ]
 [-0.86446144]]
result : [[ 0.40689442]
 [-0.36748472]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.40689442]
 [-0.36748472]]
dot product : [[ 0.94470938]
 [ 0.04006564]
 [ 0.49111984]]
result : [[ 1.27501353]
 [ 0.84824069]
 [ 0.56708634]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.78790495]
 [-0.95398039]
 [ 0.41848079]]
dot product : [[-0.56526635]
 [-0.59031971]]
result : [[ 0.10276727]
 [-0.09334298]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.10276727]
 [-0.09334298]]
dot product : [[ 0.23911049]
 [ 0.01048572]
 [ 0.12438525]]
result : [[ 0.56941464]
 [ 0.81866077]
 [ 0.20035175]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.32441767]
 [-0.27805098]
 [ 0.89905324]]
dot product : [[-0.33048924]
 [-0.53569484]]
result : [[ 0.33754438]
 [-0.03871811]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.33754438]
 [-0.03871811]]
dot product : [[ 0.5272255 ]
 [-0.1510881 ]
 [ 0.23362738]]
result : [[ 0.85752965]
 [ 0.65708695]
 [ 0.30959389]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.88956859]
 [-0.37070946]
 [ 0.82535253]]
dot product : [[-0.50363195]
 [-0.36896143]]
result : [[ 0.16440167]
 [ 0.1280153 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.16440167]
 [ 0.1280153 ]]
dot product : [[ 0.11524623]
 [-0.17531259]
 [ 0.01787943]]
result : [[ 0.44555038]
 [ 0.63286246]
 [ 0.09384594]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.57477534]
 [-0.08211458]
 [ 1.03236081]]
dot product : [[-0.37054067]
 [-0.38624161]]
result : [[ 0.29749295]
 [ 0.11073512]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.29749295]
 [ 0.11073512]]
dot product : [[ 0.32506817]
 [-0.23349068]
 [ 0.1113121 ]]
result : [[ 0.65537232]
 [ 0.57468437]
 [ 0.1872786 ]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.2918166 ]
 [-0.30711228]
 [ 0.87921038]]
dot product : [[-0.32582234]
 [-0.55628769]]
result : [[ 0.34221127]
 [-0.05931097]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.34221127]
 [-0.05931097]]
dot product : [[ 0.55384417]
 [-0.13928512]
 [ 0.24995525]]
result : [[ 0.88414832]
 [ 0.66888993]
 [ 0.32592175]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.46254887]
 [-0.98940729]
 [ 0.41317183]]
dot product : [[-0.21935506]
 [-1.03592945]]
result : [[ 0.44867856]
 [-0.53895273]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.44867856]
 [-0.53895273]]
dot product : [[ 1.17059698]
 [ 0.13680252]
 [ 0.62888043]]
result : [[ 1.50090113]
 [ 0.94497757]
 [ 0.70484694]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.86937796]
 [-0.5441958 ]
 [ 0.70417715]]
dot product : [[-0.52478786]
 [-0.43131171]]
result : [[ 0.14324576]
 [ 0.06566501]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.14324576]
 [ 0.06566501]]
dot product : [[ 0.14462678]
 [-0.12097822]
 [ 0.0455365 ]]
result : [[ 0.47493093]
 [ 0.68719683]
 [ 0.12150301]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.87519723]
 [-0.65344906]
 [ 0.65487403]]
dot product : [[-0.05144077]
 [-1.07208913]]
result : [[ 0.61659285]
 [-0.57511241]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.61659285]
 [-0.57511241]]
dot product : [[ 1.44915516]
 [ 0.07334681]
 [ 0.75613554]]
result : [[ 1.77945931]
 [ 0.88152185]
 [ 0.83210205]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.01360924]
 [-0.59378189]
 [ 0.68322227]]
dot product : [[-0.2843281 ]
 [-0.75380882]]
result : [[ 0.38370552]
 [-0.2568321 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.38370552]
 [-0.2568321 ]]
dot product : [[ 0.80441814]
 [-0.02435096]
 [ 0.4045498 ]]
result : [[ 1.13472229]
 [ 0.78382409]
 [ 0.48051631]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.86272391]
 [-0.54843756]
 [ 0.72821772]]
dot product : [[-0.03870586]
 [-1.03426093]]
result : [[ 0.62932776]
 [-0.53728421]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.62932776]
 [-0.53728421]]
dot product : [[ 1.43118401]
 [ 0.04043485]
 [ 0.73929385]]
result : [[ 1.76148816]
 [ 0.8486099 ]
 [ 0.81526036]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.6280486 ]
 [-1.08977712]
 [ 0.34546499]]
dot product : [[-0.18837018]
 [-1.12542644]]
result : [[ 0.47966344]
 [-0.62844972]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.47966344]
 [-0.62844972]]
dot product : [[ 1.30181587]
 [ 0.18245775]
 [ 0.70644762]]
result : [[ 1.63212002]
 [ 0.9906328 ]
 [ 0.78241413]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.84992859]
 [-0.05851777]
 [ 1.04459451]]
dot product : [[-0.44421225]
 [-0.2831482 ]]
result : [[ 0.22382137]
 [ 0.21382853]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.22382137]
 [ 0.21382853]]
dot product : [[ 0.11879091]
 [-0.26606461]
 [-0.00148138]]
result : [[ 0.44909506]
 [ 0.54211044]
 [ 0.07448513]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.80326333]
 [-0.01910134]
 [ 1.07292504]]
dot product : [[-0.42500309]
 [-0.28678322]]
result : [[ 0.24303053]
 [ 0.2101935 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.24303053]
 [ 0.2101935 ]]
dot product : [[ 0.1501742 ]
 [-0.27367126]
 [ 0.01274889]]
result : [[ 0.48047835]
 [ 0.53450379]
 [ 0.08871539]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.41942256]
 [-0.19690025]
 [ 0.95440051]]
dot product : [[-0.3446366 ]
 [-0.47681262]]
result : [[ 0.32339702]
 [ 0.0201641 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.32339702]
 [ 0.0201641 ]]
dot product : [[ 0.44994779]
 [-0.18441372]
 [ 0.18644458]]
result : [[ 0.78025194]
 [ 0.62376133]
 [ 0.26241109]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.45000473]
 [-0.17220518]
 [ 0.97121724]]
dot product : [[-0.3494114 ]
 [-0.45831369]]
result : [[ 0.31862222]
 [ 0.03866304]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.31862222]
 [ 0.03866304]]
dot product : [[ 0.4251904 ]
 [-0.19470957]
 [ 0.17141746]]
result : [[ 0.75549454]
 [ 0.61346548]
 [ 0.24738397]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.77815857]
 [-1.10857954]
 [ 0.33463877]]
dot product : [[-0.14909557]
 [-1.18356034]]
result : [[ 0.51893805]
 [-0.68658362]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.51893805]
 [-0.68658362]]
dot product : [[ 1.41484224]
 [ 0.20202164]
 [ 0.76865118]]
result : [[ 1.74514638]
 [ 1.01019669]
 [ 0.84461769]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.4324114 ]
 [-0.96680394]
 [ 0.42853068]]
dot product : [[-0.22432839]
 [-1.01825218]]
result : [[ 0.44370523]
 [-0.52127546]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.44370523]
 [-0.52127546]]
dot product : [[ 1.14634327]
 [ 0.12718039]
 [ 0.61426733]]
result : [[ 1.47664742]
 [ 0.93535544]
 [ 0.69023383]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.35980925]
 [-0.90878401]
 [ 0.46802911]]
dot product : [[-0.23575753]
 [-0.97452904]]
result : [[ 0.43227609]
 [-0.47755231]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.43227609]
 [-0.47755231]]
dot product : [[ 1.08761943]
 [ 0.10292136]
 [ 0.5786613 ]]
result : [[ 1.41792358]
 [ 0.9110964 ]
 [ 0.65462781]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.62740077]
 [-0.05140675]
 [ 1.05304444]]
dot product : [[-0.38057998]
 [-0.35816866]]
result : [[ 0.28745364]
 [ 0.13880806]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.28745364]
 [ 0.13880806]]
dot product : [[ 0.28344348]
 [-0.24764285]
 [ 0.08678363]]
result : [[ 0.61374763]
 [ 0.5605322 ]
 [ 0.16275014]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.29539115]
 [-0.85396583]
 [ 0.50541302]]
dot product : [[-0.24538202]
 [-0.93466967]]
result : [[ 0.4226516 ]
 [-0.43769295]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.4226516 ]
 [-0.43769295]]
dot product : [[ 1.03523834]
 [ 0.08038724]
 [ 0.54669225]]
result : [[ 1.36554249]
 [ 0.88856229]
 [ 0.62265875]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.75381005]
 [-1.11467609]
 [ 0.32998973]]
dot product : [[-0.15688058]
 [-1.17704822]]
result : [[ 0.51115304]
 [-0.6800715 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.51115304]
 [-0.6800715 ]]
dot product : [[ 1.39726738]
 [ 0.20161445]
 [ 0.75959354]]
result : [[ 1.72757153]
 [ 1.0097895 ]
 [ 0.83556004]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.0896365]
 [-0.4953697]
 [ 0.750529 ]]
dot product : [[-0.29812173]
 [-0.68655842]]
result : [[ 0.36991189]
 [-0.1895817 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.36991189]
 [-0.1895817 ]]
dot product : [[ 0.7195895 ]
 [-0.06365885]
 [ 0.35212085]]
result : [[ 1.04989365]
 [ 0.7445162 ]
 [ 0.42808736]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.79752477]
 [-0.18586622]
 [ 0.98110502]]
dot product : [[-0.00095579]
 [-0.89596501]]
result : [[ 0.66707783]
 [-0.39898829]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.66707783]
 [-0.39898829]]
dot product : [[ 1.35270028]
 [-0.0752458 ]
 [ 0.67228618]]
result : [[ 1.68300443]
 [ 0.73292925]
 [ 0.74825269]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.42222839]
 [-0.95895256]
 [ 0.43387011]]
dot product : [[-0.22597569]
 [-1.01221101]]
result : [[ 0.44205793]
 [-0.51523429]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.44205793]
 [-0.51523429]]
dot product : [[ 1.13813055]
 [ 0.12386447]
 [ 0.60930562]]
result : [[ 1.4684347 ]
 [ 0.93203952]
 [ 0.68527213]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.03656671]
 [-0.6156325 ]
 [ 0.66827857]]
dot product : [[-0.28125602]
 [-0.76875222]]
result : [[ 0.3867776]
 [-0.2717755]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.3867776]
 [-0.2717755]]
dot product : [[ 0.82327777]
 [-0.01562026]
 [ 0.41620416]]
result : [[ 1.15358192]
 [ 0.79255479]
 [ 0.49217067]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.8624718 ]
 [-0.58812709]
 [ 0.67352033]]
dot product : [[-0.52964114]
 [-0.44772331]]
result : [[ 0.13839248]
 [ 0.04925341]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.13839248]
 [ 0.04925341]]
dot product : [[ 0.1533984 ]
 [-0.10705353]
 [ 0.05325779]]
result : [[ 0.48370255]
 [ 0.70112151]
 [ 0.1292243 ]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.65236982]
 [-0.03900642]
 [ 1.06133886]]
dot product : [[-0.38567882]
 [-0.34554098]]
result : [[ 0.2823548 ]
 [ 0.15143574]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.2823548 ]
 [ 0.15143574]]
dot product : [[ 0.26387384]
 [-0.25370145]
 [ 0.07539048]]
result : [[ 0.59417799]
 [ 0.55447359]
 [ 0.15135698]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.40166683]
 [-0.94279731]
 [ 0.44486278]]
dot product : [[-0.22925529]
 [-0.99991644]]
result : [[ 0.43877833]
 [-0.50293972]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.43877833]
 [-0.50293972]]
dot product : [[ 1.12152238]
 [ 0.11707773]
 [ 0.59925289]]
result : [[ 1.45182653]
 [ 0.92525278]
 [ 0.67521939]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.15797529]
 [-0.43065982]
 [ 0.7947788 ]]
dot product : [[-0.30731823]
 [-0.64218211]]
result : [[ 0.36071539]
 [-0.14520539]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.36071539]
 [-0.14520539]]
dot product : [[ 0.66347668]
 [-0.08954699]
 [ 0.31746637]]
result : [[ 0.99378083]
 [ 0.71862806]
 [ 0.39343288]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.83754064]
 [-0.04312429]
 [ 1.05556754]]
dot product : [[-0.43835051]
 [-0.28254068]]
result : [[ 0.22968311]
 [ 0.21443605]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.22968311]
 [ 0.21443605]]
dot product : [[ 0.1267132 ]
 [-0.26957484]
 [ 0.00173998]]
result : [[ 0.45701735]
 [ 0.53860021]
 [ 0.07770649]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.49957509]
 [-0.13409692]
 [ 0.99713094]]
dot product : [[-0.35744772]
 [-0.42894128]]
result : [[ 0.3105859 ]
 [ 0.06803544]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.3105859 ]
 [ 0.06803544]]
dot product : [[ 0.38522057]
 [-0.21081742]
 [ 0.14727675]]
result : [[ 0.71552472]
 [ 0.59735763]
 [ 0.22324326]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.82561786]
 [-0.78438004]
 [ 0.53666163]]
dot product : [[-0.54963534]
 [-0.52312308]]
result : [[ 0.11839827]
 [-0.02614636]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.11839827]
 [-0.02614636]]
dot product : [[ 0.19704071]
 [-0.04429332]
 [ 0.09015332]]
result : [[ 0.52734485]
 [ 0.76388173]
 [ 0.16611983]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.7843778 ]
 [-0.12539678]
 [ 1.02324597]]
dot product : [[ 0.00470139]
 [-0.8721106 ]]
result : [[ 0.67273501]
 [-0.37513388]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.67273501]
 [-0.37513388]]
dot product : [[ 1.33792288]
 [-0.0947491 ]
 [ 0.66020087]]
result : [[ 1.66822703]
 [ 0.71342595]
 [ 0.73616738]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.76277979]
 [-0.03044527]
 [ 1.08940248]]
dot product : [[ 0.01331639]
 [-0.83432208]]
result : [[ 0.68135001]
 [-0.33734535]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.68135001]
 [-0.33734535]]
dot product : [[ 1.31401032]
 [-0.12546215]
 [ 0.64084214]]
result : [[ 1.64431447]
 [ 0.68271289]
 [ 0.71680865]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.33519014]
 [-0.26856694]
 [ 0.9055268 ]]
dot product : [[-0.3320497 ]
 [-0.52892816]]
result : [[ 0.33598392]
 [-0.03195144]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.33598392]
 [-0.03195144]]
dot product : [[ 0.51843967]
 [-0.15495227]
 [ 0.22824552]]
result : [[ 0.84874382]
 [ 0.65322278]
 [ 0.30421202]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.84468781]
 [-0.43082952]
 [ 0.81029585]]
dot product : [[-0.02558609]
 [-0.99048269]]
result : [[ 0.64244753]
 [-0.49350597]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.64244753]
 [-0.49350597]]
dot product : [[ 1.40803746]
 [ 0.00319903]
 [ 0.71880429]]
result : [[ 1.73834161]
 [ 0.81137408]
 [ 0.7947708 ]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.69145814]
 [-1.11114508]
 [ 0.33149012]]
dot product : [[-0.17385602]
 [-1.15426576]]
result : [[ 0.4941776 ]
 [-0.65728904]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.4941776 ]
 [-0.65728904]]
dot product : [[ 1.35067394]
 [ 0.19478221]
 [ 0.73423858]]
result : [[ 1.68097809]
 [ 1.00295726]
 [ 0.81020508]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.13937598]
 [-0.71261405]
 [ 0.60196689]]
dot product : [[-0.26736379]
 [-0.83539469]]
result : [[ 0.40066983]
 [-0.33841797]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.40066983]
 [-0.33841797]]
dot product : [[ 0.90766366]
 [ 0.02321461]
 [ 0.46829699]]
result : [[ 1.23796781]
 [ 0.83138965]
 [ 0.5442635 ]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.3027292 ]
 [-0.29732748]
 [ 0.88589238]]
dot product : [[-0.32737567]
 [-0.54937641]]
result : [[ 0.34065795]
 [-0.05239969]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.34065795]
 [-0.05239969]]
dot product : [[ 0.54492934]
 [-0.14325321]
 [ 0.24448336]]
result : [[ 0.87523349]
 [ 0.66492184]
 [ 0.32044987]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.88137046]
 [-0.8976838 ]
 [ 0.48393586]]
dot product : [[-0.08747695]
 [-1.15213778]]
result : [[ 0.58055667]
 [-0.65516105]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.58055667]
 [-0.65516105]]
dot product : [[ 1.47399414]
 [ 0.14778185]
 [ 0.78616515]]
result : [[ 1.80429829]
 [ 0.9559569 ]
 [ 0.86213166]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.85862676]
 [-1.01494338]
 [ 0.40146581]]
dot product : [[-0.11200236]
 [-1.18164117]]
result : [[ 0.55603126]
 [-0.68466445]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.55603126]
 [-0.68466445]]
dot product : [[ 1.46682998]
 [ 0.18114226]
 [ 0.79029316]]
result : [[ 1.79713413]
 [ 0.9893173 ]
 [ 0.86625967]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.85618893]
 [-0.50293269]
 [ 0.75998228]]
dot product : [[-0.03350492]
 [-1.01747632]]
result : [[ 0.63452869]
 [-0.52049959]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.63452869]
 [-0.52049959]]
dot product : [[ 1.42255751]
 [ 0.02606858]
 [ 0.73154357]]
result : [[ 1.75286166]
 [ 0.83424363]
 [ 0.80751007]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.82007365]
 [-1.08094931]
 [ 0.3546415 ]]
dot product : [[-0.13304399]
 [-1.18930502]]
result : [[ 0.53498963]
 [-0.6923283 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.53498963]
 [-0.6923283 ]]
dot product : [[ 1.44367565]
 [ 0.19754037]
 [ 0.7823101 ]]
result : [[ 1.7739798 ]
 [ 1.00571542]
 [ 0.8582766 ]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.8641857 ]
 [-0.08405028]
 [ 1.02649209]]
dot product : [[-0.45216724]
 [-0.2863406 ]]
result : [[ 0.21586638]
 [ 0.21063612]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.21586638]
 [ 0.21063612]]
dot product : [[ 0.11032149]
 [-0.25966082]
 [-0.00430681]]
result : [[ 0.44062563]
 [ 0.54851423]
 [ 0.0716597 ]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.03232454]
 [-0.54998373]
 [ 0.71317725]]
dot product : [[-0.29046256]
 [-0.72388455]]
result : [[ 0.37757106]
 [-0.22690783]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.37757106]
 [-0.22690783]]
dot product : [[ 0.76667685]
 [-0.04184343]
 [ 0.38122262]]
result : [[ 1.096981  ]
 [ 0.76633162]
 [ 0.45718912]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.74221482]
 [-0.01150444]
 [ 1.07919707]]
dot product : [[-0.40667298]
 [-0.30556347]]
result : [[ 0.26136064]
 [ 0.19141325]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.26136064]
 [ 0.19141325]]
dot product : [[ 0.19487692]
 [-0.27032496]
 [ 0.03632652]]
result : [[ 0.52518106]
 [ 0.53785009]
 [ 0.11229302]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.00212559]
 [-0.58283873]
 [ 0.69070654]]
dot product : [[-0.28586276]
 [-0.74632972]]
result : [[ 0.38217086]
 [-0.249353  ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.38217086]
 [-0.249353  ]]
dot product : [[ 0.7949832 ]
 [-0.02872217]
 [ 0.39871865]]
result : [[ 1.12528734]
 [ 0.77945288]
 [ 0.47468515]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.8708618 ]
 [-0.61292545]
 [ 0.68318458]]
dot product : [[-0.04639209]
 [-1.05765736]]
result : [[ 0.62164153]
 [-0.56068064]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.62164153]
 [-0.56068064]]
dot product : [[ 1.44257509]
 [ 0.06069038]
 [ 0.7498277 ]]
result : [[ 1.77287924]
 [ 0.86886542]
 [ 0.82579421]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.89248299]
 [-0.32136112]
 [ 0.85986509]]
dot product : [[-0.49681921]
 [-0.35220835]]
result : [[ 0.17121441]
 [ 0.14476837]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.17121441]
 [ 0.14476837]]
dot product : [[ 0.10898952]
 [-0.19050653]
 [ 0.01114461]]
result : [[ 0.43929366]
 [ 0.61766852]
 [ 0.08711111]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.8773334 ]
 [-0.93457826]
 [ 0.45803619]]
dot product : [[-0.09431714]
 [-1.162504  ]]
result : [[ 0.57371648]
 [-0.66552727]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.57371648]
 [-0.66552727]]
dot product : [[ 1.47405609]
 [ 0.15856669]
 [ 0.78871238]]
result : [[ 1.80436024]
 [ 0.96674174]
 [ 0.86467888]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.55803192]
 [-1.05329141]
 [ 0.36992359]]
dot product : [[-0.20240305]
 [-1.08947015]]
result : [[ 0.46563057]
 [-0.59249343]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.46563057]
 [-0.59249343]]
dot product : [[ 1.2467978 ]
 [ 0.16495038]
 [ 0.6743063 ]]
result : [[ 1.57710195]
 [ 0.97312542]
 [ 0.75027281]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.76193823]
 [-0.01066996]
 [ 1.07947387]]
dot product : [[-0.41208641]
 [-0.29844693]]
result : [[ 0.25594721]
 [ 0.1985298 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.25594721]
 [ 0.1985298 ]]
dot product : [[ 0.18016171]
 [-0.27240074]
 [ 0.028338  ]]
result : [[ 0.51046586]
 [ 0.53577431]
 [ 0.10430451]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.81885068]
 [-0.02741125]
 [ 1.06686264]]
dot product : [[-0.43066842]
 [-0.28402005]]
result : [[ 0.2373652 ]
 [ 0.21295667]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.2373652 ]
 [ 0.21295667]]
dot product : [[ 0.13928867]
 [-0.27259911]
 [ 0.00744767]]
result : [[ 0.46959282]
 [ 0.53557594]
 [ 0.08341418]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.24044795]
 [-0.80532804]
 [ 0.53861663]]
dot product : [[-0.25329978]
 [-0.90007252]]
result : [[ 0.41473384]
 [-0.4030958 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.41473384]
 [-0.4030958 ]]
dot product : [[ 0.99040558]
 [ 0.06059821]
 [ 0.51921292]]
result : [[ 1.32070973]
 [ 0.86877326]
 [ 0.59517943]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.10523791]
 [-0.6806234 ]
 [ 0.62383717]]
dot product : [[-0.27200957]
 [-0.81333362]]
result : [[ 0.39602405]
 [-0.3163569 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.39602405]
 [-0.3163569 ]]
dot product : [[ 0.87966073]
 [ 0.0103836 ]
 [ 0.4510234 ]]
result : [[ 1.20996488]
 [ 0.81855865]
 [ 0.5269899 ]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.78075027]
 [-0.98418159]
 [ 0.39744286]]
dot product : [[-0.56792643]
 [-0.60243808]]
result : [[ 0.10010719]
 [-0.10546135]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.10010719]
 [-0.10546135]]
dot product : [[ 0.24692798]
 [ 0.02028096]
 [ 0.13065674]]
result : [[ 0.57723213]
 [ 0.82845601]
 [ 0.20662325]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.8261106 ]
 [-0.32735242]
 [ 0.88246983]]
dot product : [[-0.01480373]
 [-0.95102391]]
result : [[ 0.65322989]
 [-0.45404719]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.65322989]
 [-0.45404719]]
dot product : [[ 1.38566101]
 [-0.02981316]
 [ 0.69969265]]
result : [[ 1.71596516]
 [ 0.77836189]
 [ 0.77565915]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.47245184]
 [-0.99661205]
 [ 0.40828086]]
dot product : [[-0.21768645]
 [-1.0416671 ]]
result : [[ 0.45034717]
 [-0.54469038]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.45034717]
 [-0.54469038]]
dot product : [[ 1.17854812]
 [ 0.13989698]
 [ 0.63365709]]
result : [[ 1.50885227]
 [ 0.94807203]
 [ 0.7096236 ]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.87806208]
 [-0.48202356]
 [ 0.74758014]]
dot product : [[-0.51761324]
 [-0.4084642 ]]
result : [[ 0.15042037]
 [ 0.08851252]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.15042037]
 [ 0.08851252]]
dot product : [[ 0.13302214]
 [-0.14058391]
 [ 0.03504531]]
result : [[ 0.46332628]
 [ 0.66759114]
 [ 0.11101182]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.59381163]
 [-1.07330163]
 [ 0.35646866]]
dot product : [[-0.19544318]
 [-1.10827995]]
result : [[ 0.47259044]
 [-0.61130323]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.47259044]
 [-0.61130323]]
dot product : [[ 1.2750262 ]
 [ 0.17430988]
 [ 0.69088513]]
result : [[ 1.60533035]
 [ 0.98248493]
 [ 0.76685164]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.207027  ]
 [-0.77506961]
 [ 0.55928504]]
dot product : [[-0.25801193]
 [-0.87881305]]
result : [[ 0.41002169]
 [-0.38183633]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.41002169]
 [-0.38183633]]
dot product : [[ 0.96307881]
 [ 0.04835739]
 [ 0.50242182]]
result : [[ 1.29338296]
 [ 0.85653243]
 [ 0.57838832]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.5761078 ]
 [-1.06372307]
 [ 0.36290032]]
dot product : [[-0.19893681]
 [-1.09907572]]
result : [[ 0.46909681]
 [-0.602099  ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.46909681]
 [-0.602099  ]]
dot product : [[ 1.26108551]
 [ 0.16977633]
 [ 0.6827183 ]]
result : [[ 1.59138966]
 [ 0.97795138]
 [ 0.75868481]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.84039431]
 [-0.40575427]
 [ 0.82778877]]
dot product : [[-0.02291472]
 [-0.98099311]]
result : [[ 0.6451189 ]
 [-0.48401639]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.6451189 ]
 [-0.48401639]]
dot product : [[ 1.40276969]
 [-0.00478144]
 [ 0.71425639]]
result : [[ 1.73307384]
 [ 0.8033936 ]
 [ 0.79022289]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.86696128]
 [-0.9878016 ]
 [ 0.42060282]]
dot product : [[-0.1054628]
 [-1.1758784]]
result : [[ 0.56257082]
 [-0.67890168]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.56257082]
 [-0.67890168]]
dot product : [[ 1.470768  ]
 [ 0.17370423]
 [ 0.79056648]]
result : [[ 1.80107215]
 [ 0.98187928]
 [ 0.86653298]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.88628836]
 [-0.1636171 ]
 [ 0.97042779]]
dot product : [[-0.47068333]
 [-0.30404363]]
result : [[ 0.19735029]
 [ 0.19293309]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.19735029]
 [ 0.19293309]]
dot product : [[ 0.10050739]
 [-0.23764064]
 [-0.00417536]]
result : [[ 0.43081154]
 [ 0.57053441]
 [ 0.07179114]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.69939058]
 [-0.02062908]
 [ 1.07347501]]
dot product : [[-0.39605007]
 [-0.32334777]]
result : [[ 0.27198355]
 [ 0.17362895]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.27198355]
 [ 0.17362895]]
dot product : [[ 0.2274336 ]
 [-0.26360634]
 [ 0.05449664]]
result : [[ 0.55773775]
 [ 0.54456871]
 [ 0.13046315]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.72842907]
 [-0.01346693]
 [ 1.07803774]]
dot product : [[-0.40310255]
 [-0.31097754]]
result : [[ 0.26493107]
 [ 0.18599918]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.26493107]
 [ 0.18599918]]
dot product : [[ 0.20527654]
 [-0.26845697]
 [ 0.04206574]]
result : [[ 0.53558069]
 [ 0.53971808]
 [ 0.11803225]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.85258341]
 [-0.47941491]
 [ 0.77639526]]
dot product : [[-0.03088108]
 [-1.00872248]]
result : [[ 0.63715254]
 [-0.51174576]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.63715254]
 [-0.51174576]]
dot product : [[ 1.41792979]
 [ 0.01862273]
 [ 0.72744677]]
result : [[ 1.74823394]
 [ 0.82679778]
 [ 0.80341327]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.06673768]
 [-0.51717072]
 [ 0.73561912]]
dot product : [[-0.29505847]
 [-0.70146563]]
result : [[ 0.37297515]
 [-0.20448891]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.37297515]
 [-0.20448891]]
dot product : [[ 0.73840146]
 [-0.05494856]
 [ 0.36374613]]
result : [[ 1.06870561]
 [ 0.75322648]
 [ 0.43971264]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.72135026]
 [-0.01485856]
 [ 1.07717359]]
dot product : [[-0.40132855]
 [-0.31388005]]
result : [[ 0.26670507]
 [ 0.18309667]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.26670507]
 [ 0.18309667]]
dot product : [[ 0.21064845]
 [-0.26738167]
 [ 0.04505608]]
result : [[ 0.5409526 ]
 [ 0.54079338]
 [ 0.12102259]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.88051691]
 [-0.46227744]
 [ 0.76136981]]
dot product : [[-0.51524934]
 [-0.40131308]]
result : [[ 0.15278428]
 [ 0.09566364]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.15278428]
 [ 0.09566364]]
dot product : [[ 0.12956167]
 [-0.14678271]
 [ 0.03183467]]
result : [[ 0.45986582]
 [ 0.66139234]
 [ 0.10780117]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.26986321]
 [-0.32695589]
 [ 0.8656565 ]]
dot product : [[-0.32272204]
 [-0.57024217]]
result : [[ 0.34531158]
 [-0.07326545]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.34531158]
 [-0.07326545]]
dot product : [[ 0.57179176]
 [-0.13125422]
 [ 0.26098125]]
result : [[ 0.90209591]
 [ 0.67692083]
 [ 0.33694776]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.85956852]
 [-0.52593896]
 [ 0.74392399]]
dot product : [[-0.03611315]
 [-1.02598853]]
result : [[ 0.63192047]
 [-0.52901181]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.63192047]
 [-0.52901181]]
dot product : [[ 1.42697506]
 [ 0.03333885]
 [ 0.73549222]]
result : [[ 1.75727921]
 [ 0.8415139 ]
 [ 0.81145873]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.18059023]
 [-0.40942288]
 [ 0.80929809]]
dot product : [[-0.31038896]
 [-0.62755343]]
result : [[ 0.35764466]
 [-0.1305767 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.35764466]
 [-0.1305767 ]]
dot product : [[ 0.64492229]
 [-0.09806043]
 [ 0.30601836]]
result : [[ 0.97522644]
 [ 0.71011461]
 [ 0.38198487]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.88371996]
 [-0.780213  ]
 [ 0.56623579]]
dot product : [[-0.06864985]
 [-1.11548367]]
result : [[ 0.59938377]
 [-0.61850694]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.59938377]
 [-0.61850694]]
dot product : [[ 1.46599669]
 [ 0.11247216]
 [ 0.77385047]]
result : [[ 1.79630084]
 [ 0.92064721]
 [ 0.84981698]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.88430752]
 [-0.82759425]
 [ 0.53306447]]
dot product : [[-0.07581225]
 [-1.13080113]]
result : [[ 0.59222137]
 [-0.63382441]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.59222137]
 [-0.63382441]]
dot product : [[ 1.47036243]
 [ 0.12685607]
 [ 0.77943201]]
result : [[ 1.80066658]
 [ 0.93503112]
 [ 0.85539852]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.77334271]
 [-1.01494568]
 [ 0.37601468]]
dot product : [[-0.5706025 ]
 [-0.61482383]]
result : [[ 0.09743112]
 [-0.11784711]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.09743112]
 [-0.11784711]]
dot product : [[ 0.25497994]
 [ 0.03026981]
 [ 0.13709297]]
result : [[ 0.58528409]
 [ 0.83844486]
 [ 0.21305948]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.55648726]
 [-0.09398864]
 [ 1.02433075]]
dot product : [[-0.36723787]
 [-0.39638096]]
result : [[ 0.30079575]
 [ 0.10059576]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.30079575]
 [ 0.10059576]]
dot product : [[ 0.33963307]
 [-0.22820888]
 [ 0.11997179]]
result : [[ 0.66993722]
 [ 0.57996616]
 [ 0.19593829]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.00935906]
 [-0.57188877]
 [ 0.69819556]]
dot product : [[-0.28739665]
 [-0.7388481 ]]
result : [[ 0.38063697]
 [-0.24187138]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.38063697]
 [-0.24187138]]
dot product : [[ 0.78554694]
 [-0.03309552]
 [ 0.39288632]]
result : [[ 1.11585109]
 [ 0.77507953]
 [ 0.46885283]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.84136483]
 [-1.05252402]
 [ 0.37487938]]
dot product : [[-0.12266499]
 [-1.18763298]]
result : [[ 0.54536863]
 [-0.69065626]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.54536863]
 [-0.69065626]]
dot product : [[ 1.45712845]
 [ 0.190912  ]
 [ 0.78762452]]
result : [[ 1.78743259]
 [ 0.99908704]
 [ 0.86359103]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.86565678]
 [-0.57043228]
 [ 0.71286083]]
dot product : [[-0.04128318]
 [-1.04229533]]
result : [[ 0.62675044]
 [-0.5453186 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.62675044]
 [-0.5453186 ]]
dot product : [[ 1.43518594]
 [ 0.04735789]
 [ 0.74294957]]
result : [[ 1.76549009]
 [ 0.85553294]
 [ 0.81891607]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.88312251]
 [-0.87095692]
 [ 0.50267967]]
dot product : [[-0.08285129]
 [-1.14422112]]
result : [[ 0.58518232]
 [-0.64724439]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.58518232]
 [-0.64724439]]
dot product : [[ 1.47307864]
 [ 0.13986077]
 [ 0.78385063]]
result : [[ 1.80338279]
 [ 0.94803582]
 [ 0.85981714]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.85867859]
 [-0.61084914]
 [ 0.65766752]]
dot product : [[-0.53208917]
 [-0.45628853]]
result : [[ 0.13594444]
 [ 0.0406882 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.13594444]
 [ 0.0406882 ]]
dot product : [[ 0.15809952]
 [-0.09983099]
 [ 0.05733993]]
result : [[ 0.48840367]
 [ 0.70834406]
 [ 0.13330644]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.60251976]
 [-1.07776145]
 [ 0.35348131]]
dot product : [[-0.19368582]
 [-1.11272704]]
result : [[ 0.4743478 ]
 [-0.61575031]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.4743478 ]
 [-0.61575031]]
dot product : [[ 1.28186245]
 [ 0.17646372]
 [ 0.69487382]]
result : [[ 1.6121666 ]
 [ 0.98463877]
 [ 0.77084032]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.67638176]
 [-0.02871278]
 [ 1.06817291]]
dot product : [[-0.3908345 ]
 [-0.33391772]]
result : [[ 0.27719911]
 [ 0.163059  ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.27719911]
 [ 0.163059  ]]
dot product : [[ 0.24518964]
 [-0.25903444]
 [ 0.06461813]]
result : [[ 0.57549379]
 [ 0.5491406 ]
 [ 0.14058463]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.49203326]
 [-1.01050411]
 [ 0.39885779]]
dot product : [[-0.21433228]
 [-1.05289935]]
result : [[ 0.45370134]
 [-0.55592263]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.45370134]
 [-0.55592263]]
dot product : [[ 1.19424078]
 [ 0.14590866]
 [ 0.64306215]]
result : [[ 1.52454493]
 [ 0.95408371]
 [ 0.71902866]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.80860522]
 [-0.02154802]
 [ 1.07112836]]
dot product : [[-0.42688259]
 [-0.2857083 ]]
result : [[ 0.24115103]
 [ 0.21126843]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.24115103]
 [ 0.21126843]]
dot product : [[ 0.14641039]
 [-0.27342516]
 [ 0.01088686]]
result : [[ 0.47671453]
 [ 0.53474989]
 [ 0.08685336]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.23663819]
 [-0.35734895]
 [ 0.84489076]]
dot product : [[-0.31808576]
 [-0.59147654]]
result : [[ 0.34994786]
 [-0.09449981]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.34994786]
 [-0.09449981]]
dot product : [[ 0.5989842 ]
 [-0.11899079]
 [ 0.27770913]]
result : [[ 0.92928835]
 [ 0.68918426]
 [ 0.35367564]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.82375085]
 [-0.03083545]
 [ 1.0643883 ]]
dot product : [[-0.43257497]
 [-0.28341035]]
result : [[ 0.23545865]
 [ 0.21356638]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.23545865]
 [ 0.21356638]]
dot product : [[ 0.13593394]
 [-0.27201653]
 [ 0.00587274]]
result : [[ 0.46623809]
 [ 0.53615852]
 [ 0.08183925]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.38085591]
 [-0.92606427]
 [ 0.45625618]]
dot product : [[-0.2325156 ]
 [-0.98735095]]
result : [[ 0.43551802]
 [-0.49037423]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.43551802]
 [-0.49037423]]
dot product : [[ 1.10468112]
 [ 0.11009319]
 [ 0.58903514]]
result : [[ 1.43498527]
 [ 0.91826824]
 [ 0.66500165]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.35658302]
 [-0.24992639]
 [ 0.91824693]]
dot product : [[-0.33517856]
 [-0.5155521 ]]
result : [[ 0.33285506]
 [-0.01857538]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.33285506]
 [-0.01857538]]
dot product : [[ 0.50100807]
 [-0.16256751]
 [ 0.21757961]]
result : [[ 0.83131222]
 [ 0.64560754]
 [ 0.29354611]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.88410719]
 [-0.84248988]
 [ 0.52263013]]
dot product : [[-0.07817216]
 [-1.13548287]]
result : [[ 0.58986146]
 [-0.63850615]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.58986146]
 [-0.63850615]]
dot product : [[ 1.471449  ]
 [ 0.13134247]
 [ 0.78103261]]
result : [[ 1.80175315]
 [ 0.93951752]
 [ 0.85699912]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.79214976]
 [-0.01515875]
 [ 1.0758593 ]]
dot product : [[-0.42127034]
 [-0.28938562]]
result : [[ 0.24676328]
 [ 0.2075911 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.24676328]
 [ 0.2075911 ]]
dot product : [[ 0.15809982]
 [-0.27383619]
 [ 0.01675225]]
result : [[ 0.48840397]
 [ 0.53433886]
 [ 0.09271876]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.63582729]
 [-0.0470456 ]
 [ 1.0559671 ]]
dot product : [[-0.38227346]
 [-0.35385085]]
result : [[ 0.28576015]
 [ 0.14312587]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.28576015]
 [ 0.14312587]]
dot product : [[ 0.27682452]
 [-0.24974082]
 [ 0.08291879]]
result : [[ 0.60712867]
 [ 0.55843423]
 [ 0.1588853 ]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.87312378]
 [-0.10708939]
 [ 1.01021872]]
dot product : [[-0.45824193]
 [-0.29058509]]
result : [[ 0.20979169]
 [ 0.20639163]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.20979169]
 [ 0.20639163]]
dot product : [[ 0.10559503]
 [-0.25351937]
 [-0.00528464]]
result : [[ 0.43589918]
 [ 0.55465567]
 [ 0.07068187]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.87372259]
 [-0.95708859]
 [ 0.44221619]]
dot product : [[-0.09881304]
 [-1.1684301 ]]
result : [[ 0.56922058]
 [-0.67145337]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.56922058]
 [-0.67145337]]
dot product : [[ 1.47324164]
 [ 0.16504072]
 [ 0.78980714]]
result : [[ 1.80354579]
 [ 0.97321576]
 [ 0.86577365]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.42968263]
 [-0.18852497]
 [ 0.96010561]]
dot product : [[-0.34622455]
 [-0.47057758]]
result : [[ 0.32180907]
 [ 0.02639915]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.32180907]
 [ 0.02639915]]
dot product : [[ 0.44163439]
 [-0.1878952 ]
 [ 0.18139292]]
result : [[ 0.77193854]
 [ 0.62027985]
 [ 0.25735942]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.71414978]
 [-0.01651868]
 [ 1.07612332]]
dot product : [[-0.39956188]
 [-0.31691047]]
result : [[ 0.26847174]
 [ 0.18006625]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.26847174]
 [ 0.18006625]]
dot product : [[ 0.21613299]
 [-0.26621393]
 [ 0.04812542]]
result : [[ 0.54643714]
 [ 0.54196112]
 [ 0.12409193]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.87164646]
 [-0.96772944]
 [ 0.43473216]]
dot product : [[-0.10104206]
 [-1.17110316]]
result : [[ 0.56699156]
 [-0.67412644]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.56699156]
 [-0.67412644]]
dot product : [[ 1.47258244]
 [ 0.16806691]
 [ 0.79017685]]
result : [[ 1.80288659]
 [ 0.97624196]
 [ 0.86614335]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.8199447 ]
 [-0.81128412]
 [ 0.51790952]]
dot product : [[-0.55220185]
 [-0.5336752 ]]
result : [[ 0.11583177]
 [-0.03669848]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.11583177]
 [-0.03669848]]
dot product : [[ 0.20348463]
 [-0.03563219]
 [ 0.0954598 ]]
result : [[ 0.53378878]
 [ 0.77254286]
 [ 0.1714263 ]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.80372785]
 [-0.21526295]
 [ 0.9606156 ]]
dot product : [[-0.00375886]
 [-0.90749627]]
result : [[ 0.66427476]
 [-0.41051954]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.66427476]
 [-0.41051954]]
dot product : [[ 1.35974444]
 [-0.06578183]
 [ 0.67808603]]
result : [[ 1.69004859]
 [ 0.74239322]
 [ 0.75405253]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.82464401]
 [-1.07597374]
 [ 0.3581971 ]]
dot product : [[-0.13099021]
 [-1.18930533]]
result : [[ 0.53704341]
 [-0.69232861]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.53704341]
 [-0.69232861]]
dot product : [[ 1.44665681]
 [ 0.19645812]
 [ 0.78357796]]
result : [[ 1.77696096]
 [ 1.00463317]
 [ 0.85954447]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.78950553]
 [-1.1036475 ]
 [ 0.33826956]]
dot product : [[-0.14514422]
 [-1.1859282 ]]
result : [[ 0.5228894 ]
 [-0.68895147]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.5228894 ]
 [-0.68895147]]
dot product : [[ 1.42285911]
 [ 0.20157905]
 [ 0.77263632]]
result : [[ 1.75316326]
 [ 1.00975409]
 [ 0.84860282]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.66048242]
 [-0.03533603]
 [ 1.06378268]]
dot product : [[-0.38739092]
 [-0.34155255]]
result : [[ 0.2806427 ]
 [ 0.15542418]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.2806427 ]
 [ 0.15542418]]
dot product : [[ 0.25754528]
 [-0.25556149]
 [ 0.07172923]]
result : [[ 0.58784943]
 [ 0.55261356]
 [ 0.14769574]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.54885873]
 [-1.04776523]
 [ 0.37365046]]
dot product : [[-0.20412619]
 [-1.08452139]]
result : [[ 0.46390743]
 [-0.58754467]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.46390743]
 [-0.58754467]]
dot product : [[ 1.23952777]
 [ 0.16243103]
 [ 0.67001115]]
result : [[ 1.56983192]
 [ 0.97060608]
 [ 0.74597765]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.85738571]
 [-0.07055587]
 [ 1.03604809]]
dot product : [[-0.44816947]
 [-0.28439802]]
result : [[ 0.21986415]
 [ 0.2125787 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.21986415]
 [ 0.2125787 ]]
dot product : [[ 0.11425183]
 [-0.26311331]
 [-0.00310776]]
result : [[ 0.44455598]
 [ 0.54506174]
 [ 0.07285874]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.51887351]
 [-0.1200104 ]
 [ 1.00669461]]
dot product : [[-0.36069229]
 [-0.41774529]]
result : [[ 0.30734133]
 [ 0.07923143]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.30734133]
 [ 0.07923143]]
dot product : [[ 0.36972193]
 [-0.21686174]
 [ 0.13796302]]
result : [[ 0.70002608]
 [ 0.59131331]
 [ 0.21392953]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.08239468]
 [-0.65908384]
 [ 0.63856482]]
dot product : [[-0.27509765]
 [-0.79852912]]
result : [[ 0.39293597]
 [-0.30155239]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.39293597]
 [-0.30155239]]
dot product : [[ 0.86091173]
 [ 0.00175753]
 [ 0.43944987]]
result : [[ 1.19121588]
 [ 0.80993258]
 [ 0.51541637]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.77023174]
 [-0.06266718]
 [ 1.0669541 ]]
dot product : [[ 0.01042734]
 [-0.84718825]]
result : [[ 0.67846096]
 [-0.35021153]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.67846096]
 [-0.35021153]]
dot product : [[ 1.32221615]
 [-0.1150283 ]
 [ 0.64746064]]
result : [[ 1.6525203 ]
 [ 0.69314675]
 [ 0.72342714]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.10106781]
 [-0.48450296]
 [ 0.75796058]]
dot product : [[-0.2996535 ]
 [-0.67912187]]
result : [[ 0.36838011]
 [-0.18214515]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.36838011]
 [-0.18214515]]
dot product : [[ 0.71019975]
 [-0.0680021 ]
 [ 0.34631926]]
result : [[ 1.0405039 ]
 [ 0.74017295]
 [ 0.42228577]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.84875027]
 [-0.45538179]
 [ 0.79316557]]
dot product : [[-0.02824151]
 [-0.99972521]]
result : [[ 0.63979211]
 [-0.50274849]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.63979211]
 [-0.50274849]]
dot product : [[ 1.4130903 ]
 [ 0.01099999]
 [ 0.72320071]]
result : [[ 1.74339444]
 [ 0.81917504]
 [ 0.79916722]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.52081854]
 [-1.02999117]
 [ 0.38566014]]
dot product : [[-0.209257  ]
 [-1.06911297]]
result : [[ 0.45877662]
 [-0.57213625]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.45877662]
 [-0.57213625]]
dot product : [[ 1.21723195]
 [ 0.15446332]
 [ 0.65678241]]
result : [[ 1.5475361 ]
 [ 0.96263837]
 [ 0.73274891]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.56711552]
 [-1.05861197]
 [ 0.36633933]]
dot product : [[-0.2006733]
 [-1.0943222]]
result : [[ 0.46736032]
 [-0.59734547]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.46736032]
 [-0.59734547]]
dot product : [[ 1.25398425]
 [ 0.16739924]
 [ 0.67854239]]
result : [[ 1.5842884 ]
 [ 0.97557429]
 [ 0.7545089 ]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.87886468]
 [-0.92270113]
 [ 0.46637747]]
dot product : [[-0.09205003]
 [-1.15924734]]
result : [[ 0.57598359]
 [-0.66227062]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.57598359]
 [-0.66227062]]
dot product : [[ 1.47420817]
 [ 0.15511623]
 [ 0.78798509]]
result : [[ 1.80451232]
 [ 0.96329128]
 [ 0.8639516 ]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.8411984 ]
 [-0.70686931]
 [ 0.59069842]]
dot product : [[-0.54202659]
 [-0.49298771]]
result : [[ 0.12600703]
 [ 0.00398901]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.12600703]
 [ 0.00398901]]
dot product : [[ 0.17904294]
 [-0.06917542]
 [ 0.07517107]]
result : [[ 0.50934708]
 [ 0.73899963]
 [ 0.15113758]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.84182799]
 [-0.0479054 ]
 [ 1.05215254]]
dot product : [[-0.44029469]
 [-0.28257664]]
result : [[ 0.22773893]
 [ 0.21440009]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.22773893]
 [ 0.21440009]]
dot product : [[ 0.12392606]
 [-0.26852524]
 [ 0.00056344]]
result : [[ 0.45423021]
 [ 0.5396498 ]
 [ 0.07652995]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.88234155]
 [-0.88453597]
 [ 0.49315826]]
dot product : [[-0.08517075]
 [-1.14828124]]
result : [[ 0.58286287]
 [-0.65130452]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.58286287]
 [-0.65130452]]
dot product : [[ 1.47362487]
 [ 0.14389531]
 [ 0.78507027]]
result : [[ 1.80392902]
 [ 0.95207036]
 [ 0.86103678]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.86939212]
 [-0.97796583]
 [ 0.42752859]]
dot product : [[-0.10325861]
 [-1.17358533]]
result : [[ 0.56477501]
 [-0.67660861]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.56477501]
 [-0.67660861]]
dot product : [[ 1.47175737]
 [ 0.17095431]
 [ 0.79042959]]
result : [[ 1.80206152]
 [ 0.97912936]
 [ 0.86639609]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.13526893]
 [-0.45208366]
 [ 0.78013005]]
dot product : [[-0.30425072]
 [-0.65690217]]
result : [[ 0.3637829 ]
 [-0.15992545]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.3637829 ]
 [-0.15992545]]
dot product : [[ 0.68211445]
 [-0.08096857]
 [ 0.32897206]]
result : [[ 1.0124186 ]
 [ 0.72720648]
 [ 0.40493857]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.31359679]
 [-0.2876391 ]
 [ 0.89250755]]
dot product : [[-0.32893127]
 [-0.54251152]]
result : [[ 0.33910235]
 [-0.0455348 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.33910235]
 [-0.0455348 ]]
dot product : [[ 0.53605592]
 [-0.14718797]
 [ 0.23904037]]
result : [[ 0.86636007]
 [ 0.66098708]
 [ 0.31500687]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.78390241]
 [-1.10627369]
 [ 0.3363431 ]]
dot product : [[-0.14712489]
 [-1.1848198 ]]
result : [[ 0.52090873]
 [-0.68784307]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.52090873]
 [-0.68784307]]
dot product : [[ 1.41891621]
 [ 0.20185529]
 [ 0.77068998]]
result : [[ 1.74922036]
 [ 1.01003034]
 [ 0.84665649]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.73538449]
 [-0.01234762]
 [ 1.07871312]]
dot product : [[-0.40488399]
 [-0.30820474]]
result : [[ 0.26314963]
 [ 0.18877198]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.26314963]
 [ 0.18877198]]
dot product : [[ 0.20001883]
 [-0.2694385 ]
 [ 0.03915552]]
result : [[ 0.53032298]
 [ 0.53873655]
 [ 0.11512202]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.22549134]
 [-0.36763205]
 [ 0.83786346]]
dot product : [[-0.31654367]
 [-0.59862812]]
result : [[ 0.35148995]
 [-0.10165139]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.35148995]
 [-0.10165139]]
dot product : [[ 0.6081143 ]
 [-0.11485035]
 [ 0.283331  ]]
result : [[ 0.93841845]
 [ 0.6933247 ]
 [ 0.35929751]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.87704311]
 [-0.67298184]
 [ 0.64122427]]
dot product : [[-0.05394281]
 [-1.07896069]]
result : [[ 0.61409081]
 [-0.58198397]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.61409081]
 [-0.58198397]]
dot product : [[ 1.45214574]
 [ 0.07942479]
 [ 0.75907838]]
result : [[ 1.78244989]
 [ 0.88759983]
 [ 0.83504489]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.53959763]
 [-1.04203725]
 [ 0.37751727]]
dot product : [[-0.20584282]
 [-1.07947774]]
result : [[ 0.4621908 ]
 [-0.58250101]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.4621908 ]
 [-0.58250101]]
dot product : [[ 1.23217573]
 [ 0.15984254]
 [ 0.66565804]]
result : [[ 1.56247988]
 [ 0.96801758]
 [ 0.74162454]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.84595787]
 [-0.05303528]
 [ 1.04849575]]
dot product : [[-0.44224857]
 [-0.28277854]]
result : [[ 0.22578505]
 [ 0.21419818]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.22578505]
 [ 0.21419818]]
dot product : [[ 0.12128477]
 [-0.26735561]
 [-0.00051072]]
result : [[ 0.45158892]
 [ 0.54081944]
 [ 0.07545579]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.89304525]
 [-0.30582081]
 [ 0.870739  ]]
dot product : [[-0.4945739 ]
 [-0.34705612]]
result : [[ 0.17345972]
 [ 0.14992061]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.17345972]
 [ 0.14992061]]
dot product : [[ 0.10728321]
 [-0.19525839]
 [ 0.00916604]]
result : [[ 0.43758736]
 [ 0.61291666]
 [ 0.08513254]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.22934215]
 [-0.7953239 ]
 [ 0.54544921]]
dot product : [[-0.25487348]
 [-0.89302418]]
result : [[ 0.41316014]
 [-0.39604745]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.41316014]
 [-0.39604745]]
dot product : [[ 0.98132908]
 [ 0.05654593]
 [ 0.51363895]]
result : [[ 1.31163323]
 [ 0.86472098]
 [ 0.58960546]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.32782706]
 [-0.8819045 ]
 [ 0.48635374]]
dot product : [[-0.24058793]
 [-0.95484707]]
result : [[ 0.42744569]
 [-0.45787035]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.42744569]
 [-0.45787035]]
dot product : [[ 1.06164127]
 [ 0.09183543]
 [ 0.56282733]]
result : [[ 1.39194542]
 [ 0.90001048]
 [ 0.63879384]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.44252695]
 [-0.97449941]
 [ 0.42329939]]
dot product : [[-0.22267592]
 [-1.02422018]]
result : [[ 0.4453577 ]
 [-0.52724346]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.4453577 ]
 [-0.52724346]]
dot product : [[ 1.15449297]
 [ 0.13044291]
 [ 0.61918444]]
result : [[ 1.48479712]
 [ 0.93861796]
 [ 0.69515095]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.15071471]
 [-0.72317733]
 [ 0.59474638]]
dot product : [[-0.2658111 ]
 [-0.84270229]]
result : [[ 0.40222252]
 [-0.34572557]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.40222252]
 [-0.34572557]]
dot product : [[ 0.91695949]
 [ 0.02745752]
 [ 0.47402728]]
result : [[ 1.24726364]
 [ 0.83563257]
 [ 0.54999379]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.87313736]
 [-0.63343154]
 [ 0.66885992]]
dot product : [[-0.0489239 ]
 [-1.06498862]]
result : [[ 0.61910972]
 [-0.5680119 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.61910972]
 [-0.5680119 ]]
dot product : [[ 1.44596547]
 [ 0.06710244]
 [ 0.75305235]]
result : [[ 1.77626961]
 [ 0.87527749]
 [ 0.82901886]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.14663269]
 [-0.44135029]
 [ 0.78746928]]
dot product : [[-0.30578413]
 [-0.64953163]]
result : [[ 0.36224949]
 [-0.15255491]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.36224949]
 [-0.15255491]]
dot product : [[ 0.67278593]
 [-0.08526525]
 [ 0.32321256]]
result : [[ 1.00309008]
 [ 0.7229098 ]
 [ 0.39917907]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.89286411]
 [-0.23476572]
 [ 0.92050079]]
dot product : [[-0.48353432]
 [-0.3244543 ]]
result : [[ 0.1844993 ]
 [ 0.17252243]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.1844993 ]
 [ 0.17252243]]
dot product : [[ 0.10152496]
 [-0.21673096]
 [ 0.00122088]]
result : [[ 0.43182911]
 [ 0.59144409]
 [ 0.07718739]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.07095282]
 [-0.6482618 ]
 [ 0.64596492]]
dot product : [[-0.2766393 ]
 [-0.79110316]]
result : [[ 0.39139432]
 [-0.29412644]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.39139432]
 [-0.29412644]]
dot product : [[ 0.85151786]
 [-0.00257318]
 [ 0.4336491 ]]
result : [[ 1.18182201]
 [ 0.80560187]
 [ 0.50961561]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.61024572]
 [-0.06079305]
 [ 1.04673886]]
dot product : [[-0.37721083]
 [-0.36712096]]
result : [[ 0.29082279]
 [ 0.12985576]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.29082279]
 [ 0.12985576]]
dot product : [[ 0.29696071]
 [-0.24321817]
 [ 0.09470911]]
result : [[ 0.62726486]
 [ 0.56495687]
 [ 0.17067562]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.85550694]
 [-1.02321488]
 [ 0.39562474]]
dot product : [[-0.11415825]
 [-1.18319598]]
result : [[ 0.55387537]
 [-0.68621926]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.55387537]
 [-0.68621926]]
dot product : [[ 1.46519927]
 [ 0.1833554 ]
 [ 0.78997778]]
result : [[ 1.79550342]
 [ 0.99153045]
 [ 0.86594429]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.85373844]
 [-0.0643567 ]
 [ 1.04044617]]
dot product : [[-0.44618584]
 [-0.28368742]]
result : [[ 0.22184778]
 [ 0.2132893 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.22184778]
 [ 0.2132893 ]]
dot product : [[ 0.11644607]
 [-0.26465095]
 [-0.00234743]]
result : [[ 0.44675022]
 [ 0.5435241 ]
 [ 0.07361907]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.76625553]
 [-1.11224554]
 [ 0.33188589]]
dot product : [[-0.15300739]
 [-1.18059552]]
result : [[ 0.51502623]
 [-0.6836188 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.51502623]
 [-0.6836188 ]]
dot product : [[ 1.40630744]
 [ 0.20202994]
 [ 0.76430062]]
result : [[ 1.73661159]
 [ 1.01020499]
 [ 0.84026712]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.47005138]
 [-0.15648523]
 [ 0.9819131 ]]
dot product : [[-0.35261362]
 [-0.4463368 ]]
result : [[ 0.31542   ]
 [ 0.05063993]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.31542   ]
 [ 0.05063993]]
dot product : [[ 0.40900068]
 [-0.20131706]
 [ 0.16161993]]
result : [[ 0.73930483]
 [ 0.60685799]
 [ 0.23758644]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.88431089]
 [-0.8122521 ]
 [ 0.54380843]]
dot product : [[-0.07343864]
 [-1.12590855]]
result : [[ 0.59459498]
 [-0.62893183]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.59459498]
 [-0.62893183]]
dot product : [[ 1.46909257]
 [ 0.12221643]
 [ 0.77770219]]
result : [[ 1.79939672]
 [ 0.93039148]
 [ 0.8536687 ]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.83110741]
 [-0.35401954]
 [ 0.86387311]]
dot product : [[-0.01752365]
 [-0.96126553]]
result : [[ 0.65050997]
 [-0.46428881]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.65050997]
 [-0.46428881]]
dot product : [[ 1.39158305]
 [-0.02128623]
 [ 0.70470168]]
result : [[ 1.7218872 ]
 [ 0.78688882]
 [ 0.78066818]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.51130396]
 [-1.02368072]
 [ 0.38993089]]
dot product : [[-0.21095478]
 [-1.06379548]]
result : [[ 0.45707884]
 [-0.56681876]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.45707884]
 [-0.56681876]]
dot product : [[ 1.20964338]
 [ 0.15167523]
 [ 0.65226212]]
result : [[ 1.53994753]
 [ 0.95985028]
 [ 0.72822862]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.24775025]
 [-0.34713934]
 [ 0.85186713]]
dot product : [[-0.31962945]
 [-0.58436048]]
result : [[ 0.34840417]
 [-0.08738375]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.34840417]
 [-0.08738375]]
dot product : [[ 0.58988602]
 [-0.1231058 ]
 [ 0.27210947]]
result : [[ 0.92019017]
 [ 0.68506925]
 [ 0.34807598]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.79777761]
 [-0.01697286]
 [ 1.07450114]]
dot product : [[-0.42313238]
 [-0.2880096 ]]
result : [[ 0.24490124]
 [ 0.20896712]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.24490124]
 [ 0.20896712]]
dot product : [[ 0.1540712 ]
 [-0.27380783]
 [ 0.01470439]]
result : [[ 0.48437535]
 [ 0.53436721]
 [ 0.0906709 ]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.04380197]
 [-0.53903629]
 [ 0.72066461]]
dot product : [[-0.29199481]
 [-0.71640625]]
result : [[ 0.3760388 ]
 [-0.21942953]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.3760388 ]
 [-0.21942953]]
dot product : [[ 0.75724617]
 [-0.04621535]
 [ 0.37539347]]
result : [[ 1.08755032]
 [ 0.7619597 ]
 [ 0.45135997]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.66063379]
 [-1.10247317]
 [ 0.33708225]]
dot product : [[-0.18117686]
 [-1.14079369]]
result : [[ 0.48685676]
 [-0.64381696]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.48685676]
 [-0.64381696]]
dot product : [[ 1.32706554]
 [ 0.18930989]
 [ 0.72092252]]
result : [[ 1.65736969]
 [ 0.99748494]
 [ 0.79688903]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.77743051]
 [-0.09431641]
 [ 1.04490281]]
dot product : [[ 0.00755571]
 [-0.85978382]]
result : [[ 0.67558933]
 [-0.3628071 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.67558933]
 [-0.3628071 ]]
dot product : [[ 1.33018647]
 [-0.10479106]
 [ 0.65391317]]
result : [[ 1.66049062]
 [ 0.70338399]
 [ 0.72987968]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.52840239]
 [-0.11323031]
 [ 1.01129402]]
dot product : [[-0.36232146]
 [-0.41227304]]
result : [[ 0.30571216]
 [ 0.08470368]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.30571216]
 [ 0.08470368]]
dot product : [[ 0.36208379]
 [-0.21979319]
 [ 0.13338401]]
result : [[ 0.69238794]
 [ 0.58838186]
 [ 0.20935052]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.45257334]
 [-0.98203513]
 [ 0.41817889]]
dot product : [[-0.22101818]
 [-1.03011321]]
result : [[ 0.44701544]
 [-0.53313649]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.44701544]
 [-0.53313649]]
dot product : [[ 1.16257807]
 [ 0.13365072]
 [ 0.62405585]]
result : [[ 1.49288222]
 [ 0.94182577]
 [ 0.70002235]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.5017083 ]
 [-1.01718375]
 [ 0.39433099]]
dot product : [[-0.2126465 ]
 [-1.05839034]]
result : [[ 0.45538712]
 [-0.56141361]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.45538712]
 [-0.56141361]]
dot product : [[ 1.20197913]
 [ 0.14882324]
 [ 0.64768833]]
result : [[ 1.53228328]
 [ 0.95699829]
 [ 0.72365483]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.05527359]
 [-0.52809735]
 [ 0.72814612]]
dot product : [[-0.29352674]
 [-0.70893267]]
result : [[ 0.37450687]
 [-0.21195595]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.37450687]
 [-0.21195595]]
dot product : [[ 0.74782051]
 [-0.05058417]
 [ 0.3695676 ]]
result : [[ 1.07812466]
 [ 0.75759088]
 [ 0.44553411]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.84514637]
 [-1.04575562]
 [ 0.37967818]]
dot product : [[-0.1205556 ]
 [-1.18678744]]
result : [[ 0.54747802]
 [-0.68981072]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.54747802]
 [-0.68981072]]
dot product : [[ 1.45937518]
 [ 0.18921461]
 [ 0.78837437]]
result : [[ 1.78967933]
 [ 0.99738966]
 [ 0.86434087]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.6839231 ]
 [-1.10936775]
 [ 0.33261725]]
dot product : [[-0.17569858]
 [-1.15108176]]
result : [[ 0.49233504]
 [-0.65410503]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.49233504]
 [-0.65410503]]
dot product : [[ 1.34493125]
 [ 0.19354809]
 [ 0.7310221 ]]
result : [[ 1.67523539]
 [ 1.00172314]
 [ 0.80698861]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.58500707]
 [-1.0686209 ]
 [ 0.35960921]]
dot product : [[-0.19719347]
 [-1.10372891]]
result : [[ 0.47084015]
 [-0.60675218]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.47084015]
 [-0.60675218]]
dot product : [[ 1.26810003]
 [ 0.17208031]
 [ 0.68683292]]
result : [[ 1.59840418]
 [ 0.98025536]
 [ 0.76279943]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.33854048]
 [-0.89098712]
 [ 0.48016037]]
dot product : [[-0.23898198]
 [-0.96146519]]
result : [[ 0.42905164]
 [-0.46448847]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.42905164]
 [-0.46448847]]
dot product : [[ 1.07034996]
 [ 0.09557275]
 [ 0.56814027]]
result : [[ 1.40065411]
 [ 0.9037478 ]
 [ 0.64410677]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.48980896]
 [-0.14139571]
 [ 0.99217199]]
dot product : [[-0.3558321]
 [-0.4346614]]
result : [[ 0.31220152]
 [ 0.06231533]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.31220152]
 [ 0.06231533]]
dot product : [[ 0.3930779 ]
 [-0.20770717]
 [ 0.15200925]]
result : [[ 0.72338205]
 [ 0.60046788]
 [ 0.22797575]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.8756188 ]
 [-0.94603947]
 [ 0.44998331]]
dot product : [[-0.09657143]
 [-1.16556431]]
result : [[ 0.57146219]
 [-0.66858759]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.57146219]
 [-0.66858759]]
dot product : [[ 1.47373339]
 [ 0.16187441]
 [ 0.78931935]]
result : [[ 1.80403754]
 [ 0.97004946]
 [ 0.86528586]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.80146246]
 [-0.89525142]
 [ 0.45939652]]
dot product : [[-0.5599937 ]
 [-0.56687787]]
result : [[ 0.10803992]
 [-0.06990115]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.10803992]
 [-0.06990115]]
dot product : [[ 0.22417257]
 [-0.00852916]
 [ 0.112332  ]]
result : [[ 0.55447672]
 [ 0.79964589]
 [ 0.18829851]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.88021093]
 [-0.91040425]
 [ 0.47500981]]
dot product : [[-0.08977001]
 [-1.15579254]]
result : [[ 0.57826361]
 [-0.65881582]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.57826361]
 [-0.65881582]]
dot product : [[ 1.47418805]
 [ 0.15152173]
 [ 0.78713639]]
result : [[ 1.8044922 ]
 [ 0.95969677]
 [ 0.8631029 ]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.34920177]
 [-0.89994823]
 [ 0.47405128]]
dot product : [[-0.23737188]
 [-0.96802645]]
result : [[ 0.43066174]
 [-0.47104973]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.43066174]
 [-0.47104973]]
dot product : [[ 1.07900988]
 [ 0.09926849]
 [ 0.57341863]]
result : [[ 1.40931403]
 [ 0.90744354]
 [ 0.64938513]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.88371162]
 [-0.85694283]
 [ 0.51250275]]
dot product : [[-0.08051847]
 [-1.1399556 ]]
result : [[ 0.58751515]
 [-0.64297888]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.58751515]
 [-0.64297888]]
dot product : [[ 1.47235388]
 [ 0.13567693]
 [ 0.78250511]]
result : [[ 1.80265803]
 [ 0.94385198]
 [ 0.85847162]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.1280158 ]
 [-0.70199809]
 [ 0.60922395]]
dot product : [[-0.26891435]
 [-0.82806284]]
result : [[ 0.39911927]
 [-0.33108612]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.39911927]
 [-0.33108612]]
dot product : [[ 0.89834754]
 [ 0.01895377]
 [ 0.46255217]]
result : [[ 1.22865169]
 [ 0.82712882]
 [ 0.53851868]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.36720003]
 [-0.24077752]
 [ 0.9244882 ]]
dot product : [[-0.33674717]
 [-0.50894634]]
result : [[ 0.33128645]
 [-0.01196961]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.33128645]
 [-0.01196961]]
dot product : [[ 0.49236547]
 [-0.16631594]
 [ 0.21229779]]
result : [[ 0.82266962]
 [ 0.64185911]
 [ 0.28826429]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.64415088]
 [-0.04291088]
 [ 1.05873279]]
dot product : [[-0.38397304]
 [-0.34964102]]
result : [[ 0.28406058]
 [ 0.1473357 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.28406058]
 [ 0.1473357 ]]
dot product : [[ 0.27030078]
 [-0.25176079]
 [ 0.0791207 ]]
result : [[ 0.60060493]
 [ 0.55641426]
 [ 0.15508721]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.46006334]
 [-0.16426831]
 [ 0.97661847]]
dot product : [[-0.35101053]
 [-0.45228846]]
result : [[ 0.31702309]
 [ 0.04468826]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.31702309]
 [ 0.04468826]]
dot product : [[ 0.41706296]
 [-0.19803983]
 [ 0.1664959 ]]
result : [[ 0.74736711]
 [ 0.61013522]
 [ 0.24246241]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.81535065]
 [-1.08557778]
 [ 0.35132659]]
dot product : [[-0.135087  ]
 [-1.18914099]]
result : [[ 0.53294662]
 [-0.69216426]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.53294662]
 [-0.69216426]]
dot product : [[ 1.44055234]
 [ 0.19850353]
 [ 0.78094196]]
result : [[ 1.77085649]
 [ 1.00667858]
 [ 0.85690847]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.25882582]
 [-0.33700705]
 [ 0.85878993]]
dot product : [[-0.32117483]
 [-0.57728175]]
result : [[ 0.34685879]
 [-0.08030503]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.34685879]
 [-0.08030503]]
dot product : [[ 0.58082135]
 [-0.12719404]
 [ 0.26653314]]
result : [[ 0.91112549]
 [ 0.68098101]
 [ 0.34249965]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.58378371]
 [-0.07647514]
 [ 1.03616955]]
dot product : [[-0.37219998]
 [-0.38131397]]
result : [[ 0.29583364]
 [ 0.11566275]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.29583364]
 [ 0.11566275]]
dot product : [[ 0.31791114]
 [-0.23602904]
 [ 0.10707013]]
result : [[ 0.64821529]
 [ 0.57214601]
 [ 0.18303664]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.86836884]
 [-0.59192698]
 [ 0.69785067]]
dot product : [[-0.04384522]
 [-1.05009353]]
result : [[ 0.6241884 ]
 [-0.55311681]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.6241884 ]
 [-0.55311681]]
dot product : [[ 1.43898244]
 [ 0.0541093 ]
 [ 0.74646048]]
result : [[ 1.76928659]
 [ 0.86228435]
 [ 0.82242698]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.05949974]
 [-0.63741001]
 [ 0.65338569]]
dot product : [[-0.2781795 ]
 [-0.78366382]]
result : [[ 0.38985412]
 [-0.2866871 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.38985412]
 [-0.2866871 ]]
dot product : [[ 0.84211319]
 [-0.00691392]
 [ 0.42784048]]
result : [[ 1.17241734]
 [ 0.80126113]
 [ 0.50380699]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.77227571]
 [-1.11056888]
 [ 0.33315392]]
dot product : [[-0.15105637]
 [-1.18215165]]
result : [[ 0.51697725]
 [-0.68517493]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.51697725]
 [-0.68517493]]
dot product : [[ 1.41063879]
 [ 0.20207942]
 [ 0.76652102]]
result : [[ 1.74094293]
 [ 1.01025447]
 [ 0.84248753]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.8615769 ]
 [-1.00628655]
 [ 0.40757408]]
dot product : [[-0.10983457]
 [-1.17990451]]
result : [[ 0.55819905]
 [-0.68292779]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.55819905]
 [-0.68292779]]
dot product : [[ 1.46830273]
 [ 0.17879689]
 [ 0.79049715]]
result : [[ 1.79860687]
 [ 0.98697194]
 [ 0.86646366]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.87538845]
 [-0.50225611]
 [ 0.73345324]]
dot product : [[-0.51999089]
 [-0.41584647]]
result : [[ 0.14804273]
 [ 0.08113026]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.14804273]
 [ 0.08113026]]
dot product : [[ 0.13668542]
 [-0.13421777]
 [ 0.03839843]]
result : [[ 0.46698957]
 [ 0.67395728]
 [ 0.11436493]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.59269937]
 [-0.07103919]
 [ 1.03983725]]
dot product : [[-0.37386469]
 [-0.37648344]]
result : [[ 0.29416892]
 [ 0.12049328]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.29416892]
 [ 0.12049328]]
dot product : [[ 0.31083983]
 [-0.23849728]
 [ 0.10288824]]
result : [[ 0.64114398]
 [ 0.56967777]
 [ 0.17885474]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.61887301]
 [-0.05599051]
 [ 1.04996748]]
dot product : [[-0.37889247]
 [-0.36259263]]
result : [[ 0.28914115]
 [ 0.13438409]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.28914115]
 [ 0.13438409]]
dot product : [[ 0.29015607]
 [-0.2454682 ]
 [ 0.09071411]]
result : [[ 0.62046022]
 [ 0.56270685]
 [ 0.16668062]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.88232077]
 [-0.74634198]
 [ 0.58993341]]
dot product : [[-0.06380488]
 [-1.10419372]]
result : [[ 0.60422874]
 [-0.607217  ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.60422874]
 [-0.607217  ]]
dot product : [[ 1.4621487 ]
 [ 0.10209913]
 [ 0.76946853]]
result : [[ 1.79245285]
 [ 0.91027418]
 [ 0.84543504]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.69183527]
 [-0.02307173]
 [ 1.07188228]]
dot product : [[-0.39430471]
 [-0.32675104]]
result : [[ 0.27372891]
 [ 0.17022569]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.27372891]
 [ 0.17022569]]
dot product : [[ 0.23324652]
 [-0.26216913]
 [ 0.05779629]]
result : [[ 0.56355067]
 [ 0.54600592]
 [ 0.1337628 ]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.40909873]
 [-0.20541402]
 [ 0.94859942]]
dot product : [[-0.34305216]
 [-0.48311398]]
result : [[ 0.32498146]
 [ 0.01386275]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.32498146]
 [ 0.01386275]]
dot product : [[ 0.45832001]
 [-0.18088446]
 [ 0.19153739]]
result : [[ 0.78862416]
 [ 0.62729059]
 [ 0.2675039 ]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.37776181]
 [-0.23174803]
 [ 0.93064673]]
dot product : [[-0.33831872]
 [-0.50239783]]
result : [[ 0.3297149 ]
 [-0.00542111]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.3297149 ]
 [-0.00542111]]
dot product : [[ 0.48377378]
 [-0.17002317]
 [ 0.20705154]]
result : [[ 0.81407793]
 [ 0.63815188]
 [ 0.28301805]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.39129169]
 [-0.9345011 ]
 [ 0.45051071]]
dot product : [[-0.2308878 ]
 [-0.99366665]]
result : [[ 0.43714582]
 [-0.49668993]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.43714582]
 [-0.49668993]]
dot product : [[ 1.1131301 ]
 [ 0.11360953]
 [ 0.59416408]]
result : [[ 1.44343425]
 [ 0.92178458]
 [ 0.67013059]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.74891835]
 [-0.01094122]
 [ 1.07948694]]
dot product : [[-0.40846964]
 [-0.30305553]]
result : [[ 0.25956398]
 [ 0.19392119]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.25956398]
 [ 0.19392119]]
dot product : [[ 0.18985237]
 [-0.27111503]
 [ 0.03357985]]
result : [[ 0.52015652]
 [ 0.53706002]
 [ 0.10954636]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.88312225]
 [-0.76350839]
 [ 0.57792449]]
dot product : [[-0.06623444]
 [-1.10994773]]
result : [[ 0.60179918]
 [-0.61297101]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.60179918]
 [-0.61297101]]
dot product : [[ 1.4641675 ]
 [ 0.1073649 ]
 [ 0.77172633]]
result : [[ 1.79447165]
 [ 0.91553995]
 [ 0.84769284]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.64455448]
 [-1.09661287]
 [ 0.3409354 ]]
dot product : [[-0.18478901]
 [-1.13333971]]
result : [[ 0.48324461]
 [-0.63636299]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.48324461]
 [-0.63636299]]
dot product : [[ 1.31463953]
 [ 0.18605104]
 [ 0.71382548]]
result : [[ 1.64494368]
 [ 0.99422609]
 [ 0.78979198]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.11248479]
 [-0.47366382]
 [ 0.76537305]]
dot product : [[-0.30118552]
 [-0.6716991 ]]
result : [[ 0.3668481 ]
 [-0.17472238]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.3668481 ]
 [-0.17472238]]
dot product : [[ 0.70082294]
 [-0.07233569]
 [ 0.34052652]]
result : [[ 1.03112709]
 [ 0.73583936]
 [ 0.41649303]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.87575982]
 [-0.11553038]
 [ 1.00426649]]
dot product : [[-0.46028809]
 [-0.292362  ]]
result : [[ 0.20774553]
 [ 0.20461472]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.20774553]
 [ 0.20461472]]
dot product : [[ 0.10433762]
 [-0.25121025]
 [-0.00538726]]
result : [[ 0.43464177]
 [ 0.5569648 ]
 [ 0.07057925]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.82850036]
 [-0.03459315]
 [ 1.06168277]]
dot product : [[-0.43449076]
 [-0.28295934]]
result : [[ 0.23354286]
 [ 0.21401738]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.23354286]
 [ 0.21401738]]
dot product : [[ 0.13271873]
 [-0.27131917]
 [ 0.00439574]]
result : [[ 0.46302288]
 [ 0.53685588]
 [ 0.08036225]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.83331994]
 [-1.06496602]
 [ 0.36604096]]
dot product : [[-0.12684984]
 [-1.18880749]]
result : [[ 0.54118378]
 [-0.69183077]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.54118378]
 [-0.69183077]]
dot product : [[ 1.4521864 ]
 [ 0.19393111]
 [ 0.78580845]]
result : [[ 1.78249055]
 [ 1.00210616]
 [ 0.86177496]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.09382361]
 [-0.66987231]
 [ 0.63118801]]
dot product : [[-0.27355445]
 [-0.80593987]]
result : [[ 0.39447917]
 [-0.30896315]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.39447917]
 [-0.30896315]]
dot product : [[ 0.87029321]
 [ 0.0060769 ]
 [ 0.44524167]]
result : [[ 1.20059736]
 [ 0.81425195]
 [ 0.52120818]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.74083576]
 [-1.11590179]
 [ 0.32892906]]
dot product : [[-0.16071604]
 [-1.17293294]]
result : [[ 0.50731758]
 [-0.67595622]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.50731758]
 [-0.67595622]]
dot product : [[ 1.38773472]
 [ 0.20078568]
 [ 0.75453884]]
result : [[ 1.71803887]
 [ 1.00896073]
 [ 0.83050535]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.28086071]
 [-0.31698969]
 [ 0.8724642 ]]
dot product : [[-0.32427117]
 [-0.56324355]]
result : [[ 0.34376245]
 [-0.06626682]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.34376245]
 [-0.06626682]]
dot product : [[ 0.56279884]
 [-0.13528502]
 [ 0.25545492]]
result : [[ 0.89310299]
 [ 0.67289003]
 [ 0.33142142]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.38826665]
 [-0.22284173]
 [ 0.93671988]]
dot product : [[-0.33989333]
 [-0.49590839]]
result : [[ 0.32814029]
 [ 0.00106833]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.32814029]
 [ 0.00106833]]
dot product : [[ 0.47523459]
 [-0.17368787]
 [ 0.20184199]]
result : [[ 0.80553874]
 [ 0.63448718]
 [ 0.27780849]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.83105005]
 [-0.75801209]
 [ 0.55504205]]
dot product : [[-0.54708404]
 [-0.51282567]]
result : [[ 0.12094958]
 [-0.01584895]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.12094958]
 [-0.01584895]]
dot product : [[ 0.19082017]
 [-0.05277002]
 [ 0.08500378]]
result : [[ 0.52112432]
 [ 0.75540503]
 [ 0.16097029]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.2844863 ]
 [-0.84443541]
 [ 0.51191699]]
dot product : [[-0.24697252]
 [-0.92784222]]
result : [[ 0.4210611]
 [-0.4308655]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.4210611]
 [-0.4308655]]
dot product : [[ 1.02635036]
 [ 0.0764968 ]
 [ 0.54125216]]
result : [[ 1.35665451]
 [ 0.88467185]
 [ 0.61721867]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.89074637]
 [-0.35380162]
 [ 0.83717451]]
dot product : [[-0.50134812]
 [-0.3631592 ]]
result : [[ 0.1666855 ]
 [ 0.13381752]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.1666855 ]
 [ 0.13381752]]
dot product : [[ 0.11296944]
 [-0.18053494]
 [ 0.01550019]]
result : [[ 0.44327359]
 [ 0.62764011]
 [ 0.0914667 ]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.79107532]
 [-0.15591211]
 [ 1.00198092]]
dot product : [[ 0.00186426]
 [-0.88417039]]
result : [[ 0.66989788]
 [-0.38719367]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.66989788]
 [-0.38719367]]
dot product : [[ 1.34542696]
 [-0.08490112]
 [ 0.66632483]]
result : [[ 1.67573111]
 [ 0.72327393]
 [ 0.74229134]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.54721097]
 [-0.10021561]
 [ 1.02011474]]
dot product : [[-0.36559413]
 [-0.40158906]]
result : [[ 0.30243948]
 [ 0.09538766]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.30243948]
 [ 0.09538766]]
dot product : [[ 0.34703778]
 [-0.22546807]
 [ 0.12438728]]
result : [[ 0.67734193]
 [ 0.58270698]
 [ 0.20035379]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.836243  ]
 [-0.73217645]
 [ 0.57305343]]
dot product : [[-0.54454783]
 [-0.50278115]]
result : [[ 0.12348579]
 [-0.00580443]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.12348579]
 [-0.00580443]]
dot product : [[ 0.18482144]
 [-0.06106362]
 [ 0.08001007]]
result : [[ 0.51512559]
 [ 0.74711143]
 [ 0.15597658]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.81047671]
 [-1.08986298]
 [ 0.34824972]]
dot product : [[-0.13711933]
 [-1.18881503]]
result : [[ 0.53091429]
 [-0.69183831]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.53091429]
 [-0.69183831]]
dot product : [[ 1.43728848]
 [ 0.19934892]
 [ 0.77947468]]
result : [[ 1.76759263]
 [ 1.00752397]
 [ 0.85544119]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.56567595]
 [-0.08795369]
 [ 1.02841365]]
dot product : [[-0.36888667]
 [-0.39126454]]
result : [[ 0.29914695]
 [ 0.10571218]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.29914695]
 [ 0.10571218]]
dot product : [[ 0.33230934]
 [-0.23088353]
 [ 0.11561302]]
result : [[ 0.66261349]
 [ 0.57729152]
 [ 0.19157953]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.85465634]
 [-0.63408057]
 [ 0.64146157]]
dot product : [[-0.53455163]
 [-0.46509576]]
result : [[ 0.13348199]
 [ 0.03188096]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.13348199]
 [ 0.03188096]]
dot product : [[ 0.16301295]
 [-0.09243322]
 [ 0.06157121]]
result : [[ 0.4933171 ]
 [ 0.71574183]
 [ 0.13753772]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.80968627]
 [-0.24410611]
 [ 0.94051003]]
dot product : [[-0.00654509]
 [-0.91876597]]
result : [[ 0.66148853]
 [-0.42178925]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.66148853]
 [-0.42178925]]
dot product : [[ 1.366561  ]
 [-0.0565079 ]
 [ 0.68372548]]
result : [[ 1.69686515]
 [ 0.75166715]
 [ 0.75969199]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.66850921]
 [-1.10502797]
 [ 0.33541597]]
dot product : [[-0.17935889]
 [-1.14434391]]
result : [[ 0.48867473]
 [-0.64736718]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.48867473]
 [-0.64736718]]
dot product : [[ 1.33312546]
 [ 0.19081061]
 [ 0.72436296]]
result : [[ 1.66342961]
 [ 0.99898566]
 [ 0.80032947]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.87867669]
 [-0.69203369]
 [ 0.62790797]]
dot product : [[-0.05643012]
 [-1.08560512]]
result : [[ 0.6116035]
 [-0.5886284]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.6116035]
 [-0.5886284]]
dot product : [[ 1.45493881]
 [ 0.08533769]
 [ 0.76188199]]
result : [[ 1.78524296]
 [ 0.89351274]
 [ 0.83784849]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.07819255]
 [-0.50626023]
 [ 0.74308096]]
dot product : [[-0.29659009]
 [-0.69400695]]
result : [[ 0.37144353]
 [-0.19703023]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.37144353]
 [-0.19703023]]
dot product : [[ 0.72899059]
 [-0.05930723]
 [ 0.35793018]]
result : [[ 1.05929474]
 [ 0.74886782]
 [ 0.43389669]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.891427  ]
 [-0.20937399]
 [ 0.9383047 ]]
dot product : [[-0.47920364]
 [-0.31685413]]
result : [[ 0.18882998]
 [ 0.18012259]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.18882998]
 [ 0.18012259]]
dot product : [[ 0.10048632]
 [-0.22427737]
 [-0.00106904]]
result : [[ 0.43079046]
 [ 0.58389768]
 [ 0.07489746]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.66848697]
 [-0.03190354]
 [ 1.06606158]]
dot product : [[-0.38910944]
 [-0.33767752]]
result : [[ 0.27892418]
 [ 0.1592992 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.27892418]
 [ 0.1592992 ]]
dot product : [[ 0.25131669]
 [-0.2573396 ]
 [ 0.06813808]]
result : [[ 0.58162084]
 [ 0.55083545]
 [ 0.14410458]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.8608687 ]
 [-0.07711913]
 [ 1.03139762]]
dot product : [[-0.45016323]
 [-0.28528181]]
result : [[ 0.21787039]
 [ 0.21169491]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.21787039]
 [ 0.21169491]]
dot product : [[ 0.11220978]
 [-0.26145037]
 [-0.00376126]]
result : [[ 0.44251392]
 [ 0.54672468]
 [ 0.07220524]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.34591249]
 [-0.2591908 ]
 [ 0.91192558]]
dot product : [[-0.33361277]
 [-0.52221331]]
result : [[ 0.33442085]
 [-0.02523659]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.33442085]
 [-0.02523659]]
dot product : [[ 0.50969999]
 [-0.15877918]
 [ 0.22289589]]
result : [[ 0.84000414]
 [ 0.64939587]
 [ 0.29886239]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.83586808]
 [-0.38015222]
 [ 0.84564697]]
dot product : [[-0.02022728]
 [-0.97125466]]
result : [[ 0.64780634]
 [-0.47427794]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.64780634]
 [-0.47427794]]
dot product : [[ 1.39728542]
 [-0.01294276]
 [ 0.70955589]]
result : [[ 1.72758957]
 [ 0.79523229]
 [ 0.78552239]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.83742212]
 [-1.05892622]
 [ 0.37033453]]
dot product : [[-0.12476303]
 [-1.18830572]]
result : [[ 0.54327059]
 [-0.691329  ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.54327059]
 [-0.691329  ]]
dot product : [[ 1.45473166]
 [ 0.19248372]
 [ 0.78676884]]
result : [[ 1.78503581]
 [ 1.00065877]
 [ 0.86273535]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.12388573]
 [-0.46285611]
 [ 0.77276375]]
dot product : [[-0.30271788]
 [-0.66429193]]
result : [[ 0.36531574]
 [-0.16731521]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.36531574]
 [-0.16731521]]
dot product : [[ 0.69146064]
 [-0.07665828]
 [ 0.33474375]]
result : [[ 1.02176479]
 [ 0.73151677]
 [ 0.41071026]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.61112977]
 [-1.08199651]
 [ 0.35064981]]
dot product : [[-0.19192127]
 [-1.11706835]]
result : [[ 0.47611235]
 [-0.62009163]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.47611235]
 [-0.62009163]]
dot product : [[ 1.28860721]
 [ 0.17854053]
 [ 0.69879787]]
result : [[ 1.61891135]
 [ 0.98671557]
 [ 0.77476438]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.87822135]
 [-0.1243584 ]
 [ 0.99804596]]
dot product : [[-0.46234505]
 [-0.29432297]]
result : [[ 0.20568857]
 [ 0.20265376]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.20568857]
 [ 0.20265376]]
dot product : [[ 0.10324189]
 [-0.24876794]
 [-0.00537636]]
result : [[ 0.43354604]
 [ 0.55940711]
 [ 0.07059014]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.80028279]
 [-1.09741885]
 [ 0.34279947]]
dot product : [[-0.14115244]
 [-1.18768459]]
result : [[ 0.52688118]
 [-0.69070787]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.52688118]
 [-0.69070787]]
dot product : [[ 1.43034542]
 [ 0.20069164]
 [ 0.77624712]]
result : [[ 1.76064957]
 [ 1.00886669]
 [ 0.85221363]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.04803713]
 [-0.62653231]
 [ 0.66082445]]
dot product : [[-0.27971837]
 [-0.7762129 ]]
result : [[ 0.38831525]
 [-0.27923618]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.38831525]
 [-0.27923618]]
dot product : [[ 0.8326993 ]
 [-0.01126339]
 [ 0.42202513]]
result : [[ 1.16300345]
 [ 0.79691166]
 [ 0.49799164]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.65264831]
 [-1.09966686]
 [ 0.33892295]]
dot product : [[-0.18298687]
 [-1.13712502]]
result : [[ 0.48504675]
 [-0.6401483 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.48504675]
 [-0.6401483 ]]
dot product : [[ 1.32090303]
 [ 0.18772293]
 [ 0.71740966]]
result : [[ 1.65120718]
 [ 0.99589798]
 [ 0.79337616]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.78638149]
 [-0.01365519]
 [ 1.07700217]]
dot product : [[-0.41941687]
 [-0.29090947]]
result : [[ 0.24861675]
 [ 0.20606725]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.24861675]
 [ 0.20606725]]
dot product : [[ 0.16225847]
 [-0.27375765]
 [ 0.01889136]]
result : [[ 0.49256262]
 [ 0.5344174 ]
 [ 0.09485787]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.77443049]
 [-0.01156442]
 [ 1.07865268]]
dot product : [[-0.41573518]
 [-0.29439341]]
result : [[ 0.25229844]
 [ 0.20258332]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.25229844]
 [ 0.20258332]]
dot product : [[ 0.17095953]
 [-0.27328511]
 [ 0.02343887]]
result : [[ 0.50126368]
 [ 0.53488994]
 [ 0.09940538]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.85221913]
 [-1.03110487]
 [ 0.39004821]]
dot product : [[-0.11630235]
 [-1.18457076]]
result : [[ 0.55173127]
 [-0.68759403]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.55173127]
 [-0.68759403]]
dot product : [[ 1.46341218]
 [ 0.18543763]
 [ 0.78955211]]
result : [[ 1.79371632]
 [ 0.99361268]
 [ 0.86551861]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.6841651 ]
 [-0.02576757]
 [ 1.07011403]]
dot product : [[-0.39256622]
 [-0.33027495]]
result : [[ 0.2754674 ]
 [ 0.16670177]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.2754674 ]
 [ 0.16670177]]
dot product : [[ 0.23916572]
 [-0.26064473]
 [ 0.06117049]]
result : [[ 0.56946987]
 [ 0.54753032]
 [ 0.137137  ]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.74738816]
 [-1.11543764]
 [ 0.32935628]]
dot product : [[-0.15880297]
 [-1.17506067]]
result : [[ 0.50923065]
 [-0.67808395]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.50923065]
 [-0.67808395]]
dot product : [[ 1.39256183]
 [ 0.20125107]
 [ 0.75710908]]
result : [[ 1.72286598]
 [ 1.00942612]
 [ 0.83307559]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.86603769]
 [-0.56591058]
 [ 0.68902265]]
dot product : [[-0.5272074 ]
 [-0.43939831]]
result : [[ 0.14082621]
 [ 0.05757841]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.14082621]
 [ 0.05757841]]
dot product : [[ 0.14890802]
 [-0.11410217]
 [ 0.04932369]]
result : [[ 0.47921217]
 [ 0.69407288]
 [ 0.12529019]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.88131382]
 [-0.72870994]
 [ 0.60226519]]
dot product : [[-0.06136105]
 [-1.09821982]]
result : [[ 0.60667257]
 [-0.6012431 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.60667257]
 [-0.6012431 ]]
dot product : [[ 1.4599387 ]
 [ 0.09667356]
 [ 0.76707595]]
result : [[ 1.79024285]
 [ 0.9048486 ]
 [ 0.84304245]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.16929504]
 [-0.42001607]
 [ 0.80205595]]
dot product : [[-0.30885314]
 [-0.63485544]]
result : [[ 0.35918048]
 [-0.13787872]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.35918048]
 [-0.13787872]]
dot product : [[ 0.65418827]
 [-0.09381249]
 [ 0.3117346 ]]
result : [[ 0.98449242]
 [ 0.71436256]
 [ 0.38770111]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.79480844]
 [-0.92433828]
 [ 0.43913113]]
dot product : [[-0.56262214]
 [-0.57846691]]
result : [[ 0.10541148]
 [-0.08149019]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.10541148]
 [-0.08149019]]
dot product : [[ 0.23152588]
 [ 0.00088279]
 [ 0.11827737]]
result : [[ 0.56183003]
 [ 0.80905783]
 [ 0.19424388]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.89356616]
 [-0.27608096]
 [ 0.89155731]]
dot product : [[-0.49012101]
 [-0.33738895]]
result : [[ 0.17791261]
 [ 0.15958778]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.17791261]
 [ 0.15958778]]
dot product : [[ 0.10443   ]
 [-0.20430082]
 [ 0.00560178]]
result : [[ 0.43473415]
 [ 0.60387423]
 [ 0.08156828]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.39871286]
 [-0.21406246]
 [ 0.94270499]]
dot product : [[-0.3414711 ]
 [-0.48947984]]
result : [[ 0.32656252]
 [ 0.00749688]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.32656252]
 [ 0.00749688]]
dot product : [[ 0.46674947]
 [-0.17730874]
 [ 0.19667023]]
result : [[ 0.79705362]
 [ 0.63086631]
 [ 0.27263674]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.76009975]
 [-1.11361334]
 [ 0.33083205]]
dot product : [[-0.15494876]
 [-1.17889378]]
result : [[ 0.51308486]
 [-0.68191705]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.51308486]
 [-0.68191705]]
dot product : [[ 1.40184977]
 [ 0.20187451]
 [ 0.76199108]]
result : [[ 1.73215392]
 [ 1.01004956]
 [ 0.83795759]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.11663588]
 [-0.69133326]
 [ 0.61651493]]
dot product : [[-0.27046291]
 [-0.82070855]]
result : [[ 0.39757071]
 [-0.32373182]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.39757071]
 [-0.32373182]]
dot product : [[ 0.8890127 ]
 [ 0.01467633]
 [ 0.45679393]]
result : [[ 1.21931685]
 [ 0.82285138]
 [ 0.53276044]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.88261408]
 [-0.14319077]
 [ 0.98478939]]
dot product : [[-0.46649188]
 [-0.29880431]]
result : [[ 0.20154173]
 [ 0.19817241]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.20154173]
 [ 0.19817241]]
dot product : [[ 0.10154179]
 [-0.24347853]
 [-0.00500958]]
result : [[ 0.43184594]
 [ 0.56469652]
 [ 0.07095693]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.89171727]
 [-0.33735345]
 [ 0.84867781]]
dot product : [[-0.49907724]
 [-0.35757545]]
result : [[ 0.16895637]
 [ 0.13940128]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.16895637]
 [ 0.13940128]]
dot product : [[ 0.1108844 ]
 [-0.18559915]
 [ 0.01325562]]
result : [[ 0.44118855]
 [ 0.6225759 ]
 [ 0.08922213]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.21820126]
 [-0.78523648]
 [ 0.55233957]]
dot product : [[-0.25644416]
 [-0.88593708]]
result : [[ 0.41158946]
 [-0.38896036]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.41158946]
 [-0.38896036]]
dot product : [[ 0.97221963]
 [ 0.05246521]
 [ 0.50804155]]
result : [[ 1.30252378]
 [ 0.86064026]
 [ 0.58400805]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.87249431]
 [-0.52297891]
 [ 0.71898646]]
dot product : [[-0.52238239]
 [-0.4234617 ]]
result : [[ 0.14565122]
 [ 0.07351502]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.14565122]
 [ 0.07351502]]
dot product : [[ 0.14055311]
 [-0.12768298]
 [ 0.04189512]]
result : [[ 0.47085726]
 [ 0.68049207]
 [ 0.11786162]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.76825116]
 [-0.01096956]
 [ 1.07916561]]
dot product : [[-0.41390674]
 [-0.29634987]]
result : [[ 0.25412688]
 [ 0.20062685]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.25412688]
 [ 0.20062685]]
dot product : [[ 0.17549877]
 [-0.27289375]
 [ 0.02584504]]
result : [[ 0.50580292]
 [ 0.5352813 ]
 [ 0.10181155]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.81540173]
 [-0.27239952]
 [ 0.92078564]]
dot product : [[-0.00931456]
 [-0.92977594]]
result : [[ 0.65871906]
 [-0.43279922]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.65871906]
 [-0.43279922]]
dot product : [[ 1.37315157]
 [-0.04742268]
 [ 0.68920566]]
result : [[ 1.70345572]
 [ 0.76075237]
 [ 0.76517217]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.81380157]
 [-0.02431671]
 [ 1.06910845]]
dot product : [[-0.428771  ]
 [-0.28478663]]
result : [[ 0.23926262]
 [ 0.21219009]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.23926262]
 [ 0.21219009]]
dot product : [[ 0.14278135]
 [-0.27306821]
 [ 0.00911941]]
result : [[ 0.4730855 ]
 [ 0.53510684]
 [ 0.08508592]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.41197964]
 [-0.95094907]
 [ 0.43931503]]
dot product : [[-0.22761796]
 [-1.0060985 ]]
result : [[ 0.44041566]
 [-0.50912177]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.44041566]
 [-0.50912177]]
dot product : [[ 1.1298564 ]
 [ 0.12049648]
 [ 0.60430044]]
result : [[ 1.46016055]
 [ 0.92867153]
 [ 0.68026694]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.88923054]
 [-0.18566798]
 [ 0.95493997]]
dot product : [[-0.47492028]
 [-0.31005541]]
result : [[ 0.19311334]
 [ 0.18692132]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.19311334]
 [ 0.18692132]]
dot product : [[ 0.10015135]
 [-0.23124376]
 [-0.00286482]]
result : [[ 0.4304555 ]
 [ 0.57693129]
 [ 0.07310168]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.72041262]
 [-1.11554813]
 [ 0.32885824]]
dot product : [[-0.16640046]
 [-1.16572673]]
result : [[ 0.50163316]
 [-0.66875001]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.50163316]
 [-0.66875001]]
dot product : [[ 1.37253979]
 [ 0.19879064]
 [ 0.74632451]]
result : [[ 1.70284394]
 [ 1.00696569]
 [ 0.82229102]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.19582107]
 [-0.76482712]
 [ 0.56628298]]
dot product : [[-0.25957691]
 [-0.8716539 ]]
result : [[ 0.40845671]
 [-0.37467718]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.40845671]
 [-0.37467718]]
dot product : [[ 0.9539082 ]
 [ 0.04422376]
 [ 0.49678088]]
result : [[ 1.28421235]
 [ 0.85239881]
 [ 0.57274738]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.89042284]
 [-0.19731218]
 [ 0.94676709]]
dot product : [[-0.4770561 ]
 [-0.31335549]]
result : [[ 0.19097752]
 [ 0.18362123]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.19097752]
 [ 0.18362123]]
dot product : [[ 0.10023166]
 [-0.22783241]
 [-0.00202814]]
result : [[ 0.43053581]
 [ 0.58034264]
 [ 0.07393836]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.16203029]
 [-0.7336841 ]
 [ 0.58756508]]
dot product : [[-0.26425619]
 [-0.84998382]]
result : [[ 0.40377743]
 [-0.3530071 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.40377743]
 [-0.3530071 ]]
dot product : [[ 0.92623344]
 [ 0.03168121]
 [ 0.47974193]]
result : [[ 1.25653759]
 [ 0.83985626]
 [ 0.55570843]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.26254751]
 [-0.82507121]
 [ 0.52513537]]
dot product : [[-0.25014286]
 [-0.91404573]]
result : [[ 0.41789076]
 [-0.41706901]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.41789076]
 [-0.41706901]]
dot product : [[ 1.00845337]
 [ 0.06861225]
 [ 0.5302861 ]]
result : [[ 1.33875752]
 [ 0.8767873 ]
 [ 0.6062526 ]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.89352823]
 [-0.26187376]
 [ 0.90150702]]
dot product : [[-0.4879132 ]
 [-0.33287039]]
result : [[ 0.18012042]
 [ 0.16410633]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.18012042]
 [ 0.16410633]]
dot product : [[ 0.10327993]
 [-0.20859402]
 [ 0.00401386]]
result : [[ 0.43358408]
 [ 0.59958103]
 [ 0.07998037]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.79496623]
 [-1.10069716]
 [ 0.3404208 ]]
dot product : [[-0.14315344]
 [-1.18688373]]
result : [[ 0.52488018]
 [-0.68990701]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.52488018]
 [-0.68990701]]
dot product : [[ 1.42666938]
 [ 0.2011916 ]
 [ 0.77448907]]
result : [[ 1.75697353]
 [ 1.00936665]
 [ 0.85045557]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.02084301]
 [-0.56093583]
 [ 0.70568668]]
dot product : [[-0.28892988]
 [-0.73136577]]
result : [[ 0.37910374]
 [-0.23438905]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.37910374]
 [-0.23438905]]
dot product : [[ 0.77611097]
 [-0.03746971]
 [ 0.38705394]]
result : [[ 1.10641512]
 [ 0.77070534]
 [ 0.46302045]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.86435564]
 [-0.99724056]
 [ 0.41395221]]
dot product : [[-0.10765475]
 [-1.17798419]]
result : [[ 0.56037887]
 [-0.68100747]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.56037887]
 [-0.68100747]]
dot product : [[ 1.46961593]
 [ 0.17631799]
 [ 0.79058863]]
result : [[ 1.79992008]
 [ 0.98449304]
 [ 0.86655513]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.61963995]
 [-1.08600301]
 [ 0.34797682]]
dot product : [[-0.19014943]
 [-1.12130209]]
result : [[ 0.47788419]
 [-0.62432537]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.47788419]
 [-0.62432537]]
dot product : [[ 1.29525887]
 [ 0.18053897]
 [ 0.70265618]]
result : [[ 1.62556302]
 [ 0.98871402]
 [ 0.77862268]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.82087594]
 [-0.30014702]
 [ 0.90143979]]
dot product : [[-0.01206741]
 [-0.94052798]]
result : [[ 0.65596621]
 [-0.44355126]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.65596621]
 [-0.44355126]]
dot product : [[ 1.37951771]
 [-0.03852488]
 [ 0.69452768]]
result : [[ 1.70982186]
 [ 0.76965017]
 [ 0.77049419]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.25151697]
 [-0.81524509]
 [ 0.53184446]]
dot product : [[-0.25172294]
 [-0.90708031]]
result : [[ 0.41631068]
 [-0.41010359]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.41631068]
 [-0.41010359]]
dot product : [[ 0.99944753]
 [ 0.06462076]
 [ 0.52476234]]
result : [[ 1.32975168]
 [ 0.87279581]
 [ 0.60072885]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.67627288]
 [-1.10732743]
 [ 0.33392676]]
dot product : [[-0.17753283]
 [-1.14777387]]
result : [[ 0.49050079]
 [-0.65079714]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.49050079]
 [-0.65079714]]
dot product : [[ 1.33908123]
 [ 0.19222378]
 [ 0.72772986]]
result : [[ 1.66938538]
 [ 1.00039883]
 [ 0.80369637]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.88275463]
 [-0.44301392]
 [ 0.77482491]]
dot product : [[-0.51289905]
 [-0.39439131]]
result : [[ 0.15513457]
 [ 0.10258541]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.15513457]
 [ 0.10258541]]
dot product : [[ 0.12630244]
 [-0.15281548]
 [ 0.02876537]]
result : [[ 0.45660659]
 [ 0.65535957]
 [ 0.10473188]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.47996716]
 [-0.14885975]
 [ 0.98709849]]
dot product : [[-0.35422077]
 [-0.4404605 ]]
result : [[ 0.31381285]
 [ 0.05651622]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.31381285]
 [ 0.05651622]]
dot product : [[ 0.40100513]
 [-0.20453995]
 [ 0.15679068]]
result : [[ 0.73130928]
 [ 0.6036351 ]
 [ 0.23275719]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.70617593]
 [-1.1138955 ]
 [ 0.32979354]]
dot product : [[-0.17014553]
 [-1.16025488]]
result : [[ 0.49788809]
 [-0.66327816]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.49788809]
 [-0.66327816]]
dot product : [[ 1.36183101]
 [ 0.19697467]
 [ 0.74043976]]
result : [[ 1.69213516]
 [ 1.00514972]
 [ 0.81640627]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.8800997 ]
 [-0.71060845]
 [ 0.6149225 ]]
dot product : [[-0.05890283]
 [-1.09202423]]
result : [[ 0.60913079]
 [-0.5950475 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.60913079]
 [-0.5950475 ]]
dot product : [[ 1.45753593]
 [ 0.09108685]
 [ 0.76454747]]
result : [[ 1.78784008]
 [ 0.8992619 ]
 [ 0.84051398]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.88818223]
 [-0.38808078]
 [ 0.81320924]]
dot product : [[-0.50592885]
 [-0.37498394]]
result : [[ 0.16210477]
 [ 0.12199278]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.16210477]
 [ 0.12199278]]
dot product : [[ 0.11771634]
 [-0.16993078]
 [ 0.02039446]]
result : [[ 0.44802049]
 [ 0.63824427]
 [ 0.09636096]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.31706324]
 [-0.8727042 ]
 [ 0.49262874]]
dot product : [[-0.24218984]
 [-0.9481739 ]]
result : [[ 0.42584378]
 [-0.45119718]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.42584378]
 [-0.45119718]]
dot product : [[ 1.05288538]
 [ 0.08805787]
 [ 0.55748094]]
result : [[ 1.38318953]
 [ 0.89623292]
 [ 0.63344745]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.48228053]
 [-1.0036456 ]
 [ 0.40350862]]
dot product : [[-0.21601222]
 [-1.04732433]]
result : [[ 0.4520214 ]
 [-0.55034761]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.4520214 ]
 [-0.55034761]]
dot product : [[ 1.18642992]
 [ 0.1429328 ]
 [ 0.6383847 ]]
result : [[ 1.51673407]
 [ 0.95110785]
 [ 0.71435121]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.84591795]
 [-0.68208683]
 [ 0.60797968]]
dot product : [[-0.53952022]
 [-0.48344354]]
result : [[ 0.1285134 ]
 [ 0.01353318]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.1285134 ]
 [ 0.01353318]]
dot product : [[ 0.17348307]
 [-0.07710675]
 [ 0.07048567]]
result : [[ 0.50378722]
 [ 0.7310683 ]
 [ 0.14645218]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.17332101]
 [-0.74413054]
 [ 0.58042565]]
dot product : [[-0.26269892]
 [-0.85723747]]
result : [[ 0.4053347 ]
 [-0.36026075]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.4053347 ]
 [-0.36026075]]
dot product : [[ 0.93548393]
 [ 0.03588436]
 [ 0.48543982]]
result : [[ 1.26578808]
 [ 0.84405941]
 [ 0.56140632]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.53784878]
 [-0.10663077]
 [ 1.01576828]]
dot product : [[-0.36395537]
 [-0.40688702]]
result : [[ 0.30407825]
 [ 0.0900897 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.30407825]
 [ 0.0900897 ]]
dot product : [[ 0.35452188]
 [-0.2226624 ]
 [ 0.1288584 ]]
result : [[ 0.68482603]
 [ 0.58551265]
 [ 0.2048249 ]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.02509018]
 [-0.60471442]
 [ 0.6757454 ]]
dot product : [[-0.28279256]
 [-0.76128359]]
result : [[ 0.38524106]
 [-0.26430687]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.38524106]
 [-0.26430687]]
dot product : [[ 0.81385019]
 [-0.01998322]
 [ 0.41037868]]
result : [[ 1.14415434]
 [ 0.78819183]
 [ 0.48634519]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.53025033]
 [-1.03611129]
 [ 0.38152138]]
dot product : [[-0.20755305]
 [-1.07434099]]
result : [[ 0.46048057]
 [-0.57736427]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.46048057]
 [-0.57736427]]
dot product : [[ 1.22474326]
 [ 0.15718619]
 [ 0.66124809]]
result : [[ 1.55504741]
 [ 0.96536124]
 [ 0.73721459]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.87031495]
 [-0.09903159]
 [ 1.01590529]]
dot product : [[-0.45620648]
 [-0.28899043]]
result : [[ 0.21182713]
 [ 0.20798629]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.21182713]
 [ 0.20798629]]
dot product : [[ 0.10701253]
 [-0.25569664]
 [-0.00506961]]
result : [[ 0.43731668]
 [ 0.55247841]
 [ 0.0708969 ]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.89224133]
 [-0.22185723]
 [ 0.92955015]]
dot product : [[-0.48136301]
 [-0.32055313]]
result : [[ 0.18667061]
 [ 0.1764236 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.18667061]
 [ 0.1764236 ]]
dot product : [[  1.00916886e-01]
 [ -2.20577322e-01]
 [  1.35943662e-05]]
result : [[ 0.43122104]
 [ 0.58759773]
 [ 0.0759801 ]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.88477696]
 [-0.42422919]
 [ 0.78794808]]
dot product : [[-0.51056229]
 [-0.38769707]]
result : [[ 0.15747133]
 [ 0.10927965]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.15747133]
 [ 0.10927965]]
dot product : [[ 0.12324286]
 [-0.15868354]
 [ 0.02583631]]
result : [[ 0.45354701]
 [ 0.64949151]
 [ 0.10180282]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.72734629]
 [-1.11595321]
 [ 0.32868269]]
dot product : [[-0.16451467]
 [-1.16826416]]
result : [[ 0.50351895]
 [-0.67128743]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.50351895]
 [-0.67128743]]
dot product : [[ 1.37772212]
 [ 0.19955415]
 [ 0.74914544]]
result : [[ 1.70802627]
 [ 1.0077292 ]
 [ 0.82511195]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.88050667]
 [-0.13357725]
 [ 0.99155448]]
dot product : [[-0.46441295]
 [-0.2964698 ]]
result : [[ 0.20362067]
 [ 0.20050692]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.20362067]
 [ 0.20050692]]
dot product : [[ 0.10230942]
 [-0.24619114]
 [-0.00525084]]
result : [[ 0.43261357]
 [ 0.56198391]
 [ 0.07071567]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.7804745 ]
 [-0.01245835]
 [ 1.07793242]]
dot product : [[-0.41757186]
 [-0.29257933]]
result : [[ 0.25046176]
 [ 0.20439739]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.25046176]
 [ 0.20439739]]
dot product : [[ 0.16654557]
 [-0.27357352]
 [ 0.02112061]]
result : [[ 0.49684972]
 [ 0.53460153]
 [ 0.09708711]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.19185916]
 [-0.39888405]
 [ 0.81650256]]
dot product : [[-0.31192581]
 [-0.62027787]]
result : [[ 0.35610781]
 [-0.12330115]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.35610781]
 [-0.12330115]]
dot product : [[ 0.63568032]
 [-0.10228951]
 [ 0.30031877]]
result : [[ 0.96598447]
 [ 0.70588554]
 [ 0.37628527]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.83309753]
 [-0.03868815]
 [ 1.0587434 ]]
dot product : [[-0.4364159 ]
 [-0.28266885]]
result : [[ 0.23161772]
 [ 0.21430787]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.23161772]
 [ 0.21430787]]
dot product : [[ 0.12964462]
 [-0.27050571]
 [ 0.00301778]]
result : [[ 0.45994877]
 [ 0.53766934]
 [ 0.07898429]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.84876504]
 [-1.03861718]
 [ 0.38473357]]
dot product : [[-0.11843476]
 [-1.18576731]]
result : [[ 0.54959886]
 [-0.68879058]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.54959886]
 [-0.68879058]]
dot product : [[ 1.46147029]
 [ 0.18739026]
 [ 0.78901727]]
result : [[ 1.79177444]
 [ 0.99556531]
 [ 0.86498377]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.37036119]
 [-0.91749063]
 [ 0.46209653]]
dot product : [[-0.23413881]
 [-0.98097114]]
result : [[ 0.43389481]
 [-0.48399442]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.43389481]
 [-0.48399442]]
dot product : [[ 1.09617704]
 [ 0.10653003]
 [ 0.58386718]]
result : [[ 1.42648119]
 [ 0.91470507]
 [ 0.65983369]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.50926384]
 [-0.12696721]
 [ 1.0019727 ]]
dot product : [[-0.35906775]
 [-0.42330198]]
result : [[ 0.30896587]
 [ 0.07367474]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.30896587]
 [ 0.07367474]]
dot product : [[ 0.37743472]
 [-0.21386938]
 [ 0.1425943 ]]
result : [[ 0.70773887]
 [ 0.59430567]
 [ 0.21856081]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.73415457]
 [-1.11607237]
 [ 0.32870542]]
dot product : [[-0.1626199 ]
 [-1.17066683]]
result : [[ 0.50541372]
 [-0.67369011]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.50541372]
 [-0.67369011]]
dot product : [[ 1.38278762]
 [ 0.20021961]
 [ 0.75188392]]
result : [[ 1.71309177]
 [ 1.00839466]
 [ 0.82785043]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.43987726]
 [-0.18029201]
 [ 0.96571207]]
dot product : [[-0.34781611]
 [-0.46441066]]
result : [[ 0.32021751]
 [ 0.03256606]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.32021751]
 [ 0.03256606]]
dot product : [[ 0.4333814 ]
 [-0.19132758]
 [ 0.1763835 ]]
result : [[ 0.76368555]
 [ 0.61684747]
 [ 0.25235001]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.20310013]
 [-0.38840343]
 [ 0.82366671]]
dot product : [[-0.31346381]
 [-0.6130306 ]]
result : [[ 0.35456981]
 [-0.11605387]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.35456981]
 [-0.11605387]]
dot product : [[ 0.62646395]
 [-0.10649839]
 [ 0.29463693]]
result : [[ 0.9567681 ]
 [ 0.70167666]
 [ 0.37060344]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.88454188]
 [-0.15320278]
 [ 0.97774804]]
dot product : [[-0.46858197]
 [-0.30132832]]
result : [[ 0.19945165]
 [ 0.1956484 ]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.19945165]
 [ 0.1956484 ]]
dot product : [[ 0.10094059]
 [-0.24062881]
 [-0.00465145]]
result : [[ 0.43124474]
 [ 0.56754624]
 [ 0.07131505]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.71335526]
 [-1.11486096]
 [ 0.32922941]]
dot product : [[-0.16827737]
 [-1.16305637]]
result : [[ 0.49975625]
 [-0.66607965]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.49975625]
 [-0.66607965]]
dot product : [[ 1.36724223]
 [ 0.19793037]
 [ 0.74342225]]
result : [[ 1.69754638]
 [ 1.00610542]
 [ 0.81938876]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.88658559]
 [-0.40591942]
 [ 0.80074197]]
dot product : [[-0.50823892]
 [-0.38122855]]
result : [[ 0.1597947 ]
 [ 0.11574817]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.1597947 ]
 [ 0.11574817]]
dot product : [[ 0.12038135]
 [-0.16438821]
 [ 0.02304638]]
result : [[ 0.4506855 ]
 [ 0.64378684]
 [ 0.09901288]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.89340573]
 [-0.2907287 ]
 [ 0.88130219]]
dot product : [[-0.4923412 ]
 [-0.34211692]]
result : [[ 0.17569242]
 [ 0.15485981]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.17569242]
 [ 0.15485981]]
dot product : [[ 0.1057639 ]
 [-0.19985605]
 [ 0.0073188 ]]
result : [[ 0.43606805]
 [ 0.608319  ]
 [ 0.08328531]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.82906   ]
 [-1.07064725]
 [ 0.36199604]]
dot product : [[-0.12892553]
 [-1.18914009]]
result : [[ 0.53910809]
 [-0.69216336]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.53910809]
 [-0.69216336]]
dot product : [[ 1.44949426]
 [ 0.19525547]
 [ 0.78474445]]
result : [[ 1.77979841]
 [ 1.00343052]
 [ 0.86071096]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.70682931]
 [-0.01844346]
 [ 1.07488957]]
dot product : [[-0.39780242]
 [-0.32006698]]
result : [[ 0.2702312 ]
 [ 0.17690974]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.2702312 ]
 [ 0.17690974]]
dot product : [[ 0.22172857]
 [-0.26495504]
 [ 0.05127264]]
result : [[ 0.55203272]
 [ 0.54322   ]
 [ 0.12723915]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.88785181]
 [-0.17443756]
 [ 0.96282598]]
dot product : [[-0.47279606]
 [-0.30695205]]
result : [[ 0.19523756]
 [ 0.19002467]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.19523756]
 [ 0.19002467]]
dot product : [[ 0.10024378]
 [-0.23451273]
 [-0.00358019]]
result : [[ 0.43054793]
 [ 0.57366232]
 [ 0.07238631]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[-0.6015206 ]
 [-0.06581055]
 [ 1.04336123]]
dot product : [[-0.37553494]
 [-0.37175184]]
result : [[ 0.29249868]
 [ 0.12522489]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.29249868]
 [ 0.12522489]]
dot product : [[ 0.30385583]
 [-0.2408941 ]
 [ 0.09876753]]
result : [[ 0.63415998]
 [ 0.56728095]
 [ 0.17473403]]
weights:  [[ 0.28379622  0.27976811 -0.17866676]
 [-0.3393786   0.67566089 -0.50934367]]
biases:  [[ 0.66803362]
 [ 0.49697672]]
inputs : [[ 0.80545352]
 [-1.09380872]
 [ 0.34540823]]
dot product : [[-0.13914111]
 [-1.18832896]]
result : [[ 0.52889251]
 [-0.69135223]]
weights:  [[ 1.45140399 -0.96368958]
 [-0.52705489 -0.69260387]
 [ 0.61723482 -0.65300792]]
biases:  [[ 0.33030415]
 [ 0.80817505]
 [ 0.07596651]]
inputs : [[ 0.52889251]
 [-0.69135223]]
dot product : [[ 1.43388564]
 [ 0.20007785]
 [ 0.77790936]]
result : [[ 1.76418979]
 [ 1.0082529 ]
 [ 0.85387587]]
Epoch 0: Score [[ 1.28443451]
 [ 2.0683269 ]
 [ 0.33575375]] / 300
input:  [[-0.8411984 ]
 [-0.70686931]
 [ 0.59069842]]
activations:  [array([[-0.8411984 ],
       [-0.70686931],
       [ 0.59069842]]), array([[ 0.12600703],
       [ 0.00398901]]), array([[ 0.50934708],
       [ 0.73899963],
       [ 0.15113758]])]
cost derivative:  [[ 1.35054548]
 [ 1.44586894]
 [-0.43956085]]
unit step:  1
delta:  [[ 1.35054548]
 [ 1.44586894]
 [-0.43956085]]
delta b updated:  [array([[ 0.11678615],
       [-0.00804138]]), array([[ 1.35054548],
       [ 1.44586894],
       [-0.43956085]])]
delta w updated: [array([[-0.09824033, -0.08255255,  0.0689854 ],
       [ 0.00676439,  0.0056842 , -0.00475003]]), array([[ 0.17017822,  0.00538734],
       [ 0.18218964,  0.00576758],
       [-0.05538776, -0.00175341]])]
input:  [[-0.67638176]
 [-0.02871278]
 [ 1.06817291]]
activations:  [array([[-0.67638176],
       [-0.02871278],
       [ 1.06817291]]), array([[ 0.27711268],
       [ 0.16306495]]), array([[ 0.57489641],
       [ 0.54868294],
       [ 0.14067913]])]
cost derivative:  [[ 1.25127818]
 [ 0.57739572]
 [-0.92749378]]
unit step:  1
delta:  [[ 1.25127818]
 [ 0.57739572]
 [-0.92749378]]
delta b updated:  [array([[ 0.26026043],
       [-0.16308018]]), array([[ 1.25127818],
       [ 0.57739572],
       [-0.92749378]])]
delta w updated: [array([[-0.17603541, -0.0074728 ,  0.27800314],
       [ 0.11030446,  0.00468249, -0.17419783]]), array([[ 0.34674505,  0.20403962],
       [ 0.16000368,  0.09415301],
       [-0.25702029, -0.15124173]])]
input:  [[ 0.86435564]
 [-0.99724056]
 [ 0.41395221]]
activations:  [array([[ 0.86435564],
       [-0.99724056],
       [ 0.41395221]]), array([[ 0.56025441],
       [-0.68095602]]), array([[ 1.79877358],
       [ 0.98380735],
       [ 0.86692401]])]
cost derivative:  [[ 0.93441794]
 [ 1.98104792]
 [ 0.45297181]]
unit step:  1
delta:  [[ 0.93441794]
 [ 1.98104792]
 [ 0.45297181]]
delta b updated:  [array([[ 0.33130482],
       [ 1.74901686]]), array([[ 0.93441794],
       [ 1.98104792],
       [ 0.45297181]])]
delta w updated: [array([[ 0.28636519, -0.33039061,  0.13714436],
       [ 1.51177259, -1.74419056,  0.72400939]]), array([[ 0.52351177, -0.63629752],
       [ 1.10989083, -1.3490065 ],
       [ 0.25377945, -0.30845388]])]
input:  [[-0.55648726]
 [-0.09398864]
 [ 1.02433075]]
activations:  [array([[-0.55648726],
       [-0.09398864],
       [ 1.02433075]]), array([[ 0.3003834 ],
       [ 0.10013151]]), array([[ 0.66851745],
       [ 0.57906656],
       [ 0.1963129 ]])]
cost derivative:  [[ 1.22500471]
 [ 0.6730552 ]
 [-0.82801785]]
unit step:  1
delta:  [[ 1.22500471]
 [ 0.6730552 ]
 [-0.82801785]]
delta b updated:  [array([[ 0.27376686],
       [-0.11071096]]), array([[ 1.22500471],
       [ 0.6730552 ],
       [-0.82801785]])]
delta w updated: [array([[-0.15234777, -0.02573097,  0.28042782],
       [ 0.06160924,  0.01040557, -0.11340464]]), array([[ 0.36797109,  0.12266157],
       [ 0.20217461,  0.06739403],
       [-0.24872282, -0.08291068]])]
input:  [[ 0.80968627]
 [-0.24410611]
 [ 0.94051003]]
activations:  [array([[ 0.80968627],
       [-0.24410611],
       [ 0.94051003]]), array([[ 0.66092302],
       [-0.42301012]]), array([[ 1.69528064],
       [ 0.75072059],
       [ 0.76071183]])]
cost derivative:  [[ 0.88559437]
 [ 0.9948267 ]
 [-0.1797982 ]]
unit step:  1
delta:  [[ 0.88559437]
 [ 0.9948267 ]
 [-0.1797982 ]]
delta b updated:  [array([[ 0.42898297],
       [ 0.6026203 ]]), array([[ 0.88559437],
       [ 0.9948267 ],
       [-0.1797982 ]])]
delta w updated: [array([[ 0.34734163, -0.10471736,  0.40346279],
       [ 0.48793338, -0.14710329,  0.56677043]]), array([[ 0.58530971, -0.37461538],
       [ 0.65750387, -0.42082176],
       [-0.11883277,  0.07605646]])]
input:  [[ 0.83110741]
 [-0.35401954]
 [ 0.86387311]]
activations:  [array([[ 0.83110741],
       [-0.35401954],
       [ 0.86387311]]), array([[ 0.64958088],
       [-0.46609047]]), array([[ 1.71985553],
       [ 0.78598607],
       [ 0.78193138]])]
cost derivative:  [[ 0.88874812]
 [ 1.14000562]
 [-0.08194173]]
unit step:  1
delta:  [[ 0.88874812]
 [ 1.14000562]
 [-0.08194173]]
delta b updated:  [array([[ 0.41380186],
       [ 0.74189659]]), array([[ 0.88874812],
       [ 1.14000562],
       [-0.08194173]])]
delta w updated: [array([[ 0.34391379, -0.14649394,  0.3574723 ],
       [ 0.61659576, -0.26264589,  0.64090452]]), array([[ 0.57731379, -0.41423703],
       [ 0.74052586, -0.53134576],
       [-0.05322778,  0.03819226]])]
input:  [[-0.80146246]
 [-0.89525142]
 [ 0.45939652]]
activations:  [array([[-0.80146246],
       [-0.89525142],
       [ 0.45939652]]), array([[ 0.10713711],
       [-0.0709793 ]]), array([[ 0.55190918],
       [ 0.79843823],
       [ 0.1891202 ]])]
cost derivative:  [[ 1.35337164]
 [ 1.69368964]
 [-0.27027632]]
unit step:  1
delta:  [[ 1.35337164]
 [ 1.69368964]
 [-0.27027632]]
delta b updated:  [array([[ 0.09662389],
       [ 0.16319096]]), array([[ 1.35337164],
       [ 1.69368964],
       [-0.27027632]])]
delta w updated: [array([[-0.07744042, -0.08650268,  0.04438868],
       [-0.13079143, -0.14609694,  0.07496936]]), array([[ 0.14499633, -0.09606137],
       [ 0.18145701, -0.1202169 ],
       [-0.02895662,  0.01918402]])]
input:  [[-0.88050667]
 [-0.13357725]
 [ 0.99155448]]
activations:  [array([[-0.88050667],
       [-0.13357725],
       [ 0.99155448]]), array([[ 0.20256537],
       [ 0.19962914]]), array([[ 0.4291939 ],
       [ 0.56024441],
       [ 0.07145721]])]
cost derivative:  [[ 1.30970057]
 [ 0.69382166]
 [-0.92009727]]
unit step:  1
delta:  [[ 1.30970057]
 [ 0.69382166]
 [-0.92009727]]
delta b updated:  [array([[ 0.19551953],
       [-0.2277655 ]]), array([[ 1.30970057],
       [ 0.69382166],
       [-0.92009727]])]
delta w updated: [array([[-0.17215625, -0.02611696,  0.19386827],
       [ 0.20054904,  0.03042429, -0.2258419 ]]), array([[ 0.26529999,  0.2614544 ],
       [ 0.14054424,  0.13850702],
       [-0.18637985, -0.18367823]])]
input:  [[ 0.85862676]
 [-1.01494338]
 [ 0.40146581]]
activations:  [array([[ 0.85862676],
       [-1.01494338],
       [ 0.40146581]]), array([[ 0.55472926],
       [-0.68736007]]), array([[ 1.7940121 ],
       [ 0.9876953 ],
       [ 0.86827326]])]
cost derivative:  [[ 0.93538534]
 [ 2.00263868]
 [ 0.46680745]]
unit step:  1
delta:  [[ 0.93538534]
 [ 2.00263868]
 [ 0.46680745]]
delta b updated:  [array([[ 0.32572446],
       [ 1.78128769]]), array([[ 0.93538534],
       [ 2.00263868],
       [ 0.46680745]])]
delta w updated: [array([[ 0.27967574, -0.33059189,  0.13076724],
       [ 1.52946128, -1.80790615,  0.71512611]]), array([[ 0.51888561, -0.64294653],
       [ 1.11092227, -1.37653387],
       [ 0.25895175, -0.3208648 ]])]
input:  [[ 0.05949974]
 [-0.63741001]
 [ 0.65338569]]
activations:  [array([[ 0.05949974],
       [-0.63741001],
       [ 0.65338569]]), array([[ 0.38837338],
       [-0.28962559]]), array([[ 1.16911721],
       [ 0.79942487],
       [ 0.50568906]])]
cost derivative:  [[ 1.10961747]
 [ 1.43683488]
 [-0.14769663]]
unit step:  1
delta:  [[ 1.10961747]
 [ 1.43683488]
 [-0.14769663]]
delta b updated:  [array([[ 0.29461408],
       [ 0.56935431]]), array([[ 1.10961747],
       [ 1.43683488],
       [-0.14769663]])]
delta w updated: [array([[ 0.01752946, -0.18778996,  0.19249662],
       [ 0.03387643, -0.36291214,  0.37200795]]), array([[ 0.43094589, -0.32137361],
       [ 0.55802842, -0.41614415],
       [-0.05736144,  0.04277672]])]
input:  [[-0.53784878]
 [-0.10663077]
 [ 1.01576828]]
activations:  [array([[-0.53784878],
       [-0.10663077],
       [ 1.01576828]]), array([[ 0.30251925],
       [ 0.08815516]]), array([[ 0.68033888],
       [ 0.58306742],
       [ 0.20615965]])]
cost derivative:  [[ 1.21818765]
 [ 0.68969819]
 [-0.80960863]]
unit step:  1
delta:  [[ 1.21818765]
 [ 0.68969819]
 [-0.80960863]]
delta b updated:  [array([[ 0.27286213],
       [-0.09886868]]), array([[ 1.21818765],
       [ 0.68969819],
       [-0.80960863]])]
delta w updated: [array([[-0.14675856, -0.0290955 ,  0.27716469],
       [ 0.0531764 ,  0.01054244, -0.10042767]]), array([[ 0.36852522,  0.10738953],
       [ 0.20864698,  0.06080046],
       [-0.2449222 , -0.07137118]])]
input:  [[ 0.53959763]
 [-1.04203725]
 [ 0.37751727]]
activations:  [array([[ 0.53959763],
       [-1.04203725],
       [ 0.37751727]]), array([[ 0.4603371],
       [-0.5868163]]), array([[ 1.55878521],
       [ 0.96598195],
       [ 0.74445512]])]
cost derivative:  [[ 1.01918758]
 [ 2.0080192 ]
 [ 0.36693785]]
unit step:  1
delta:  [[ 1.01918758]
 [ 2.0080192 ]
 [ 0.36693785]]
delta b updated:  [array([[ 0.29577472],
       [ 1.5311555 ]]), array([[ 1.01918758],
       [ 2.0080192 ],
       [ 0.36693785]])]
delta w updated: [array([[ 0.15959934, -0.30820828,  0.11166006],
       [ 0.82620787, -1.59552107,  0.57803764]]), array([[ 0.46916986, -0.59807588],
       [ 0.92436574, -1.17833839],
       [ 0.16891511, -0.21532511]])]
input:  [[-0.12388573]
 [-0.46285611]
 [ 0.77276375]]
activations:  [array([[-0.12388573],
       [-0.46285611],
       [ 0.77276375]]), array([[ 0.36334424],
       [-0.17098562]]), array([[ 1.01723344],
       [ 0.72895121],
       [ 0.41299897]])]
cost derivative:  [[ 1.14111917]
 [ 1.19180732]
 [-0.35976478]]
unit step:  1
delta:  [[ 1.14111917]
 [ 1.19180732]
 [-0.35976478]]
delta b updated:  [array([[ 0.29128649],
       [ 0.2885283 ]]), array([[ 1.14111917],
       [ 1.19180732],
       [-0.35976478]])]
delta w updated: [array([[-0.03608624, -0.13482373,  0.22509564],
       [-0.03574454, -0.13354709,  0.22296421]]), array([[ 0.41461908, -0.19511497],
       [ 0.43303633, -0.20378191],
       [-0.13071846,  0.0615146 ]])]
input:  [[-0.89304525]
 [-0.30582081]
 [ 0.870739  ]]
activations:  [array([[-0.89304525],
       [-0.30582081],
       [ 0.870739  ]]), array([[ 0.17146442],
       [ 0.14764041]]), array([[ 0.43184531],
       [ 0.60991761],
       [ 0.08670983]])]
cost derivative:  [[ 1.32489055]
 [ 0.91573843]
 [-0.78402916]]
unit step:  1
delta:  [[ 1.32489055]
 [ 0.91573843]
 [-0.78402916]]
delta b updated:  [array([[ 0.16321481],
       [-0.20619492]]), array([[ 1.32489055],
       [ 0.91573843],
       [-0.78402916]])]
delta w updated: [array([[-0.14575821, -0.04991449,  0.1421175 ],
       [ 0.18414139,  0.0630587 , -0.17954196]]), array([[ 0.22717159,  0.19560739],
       [ 0.15701655,  0.1352    ],
       [-0.1344331 , -0.11575439]])]
input:  [[ 0.84514637]
 [-1.04575562]
 [ 0.37967818]]
activations:  [array([[ 0.84514637],
       [-1.04575562],
       [ 0.37967818]]), array([[ 0.54509865],
       [-0.69606146]]), array([[ 1.78539816],
       [ 0.99474676],
       [ 0.86831122]])]
cost derivative:  [[ 0.94025179]
 [ 2.04050237]
 [ 0.48863304]]
unit step:  1
delta:  [[ 0.94025179]
 [ 2.04050237]
 [ 0.48863304]]
delta b updated:  [array([[ 0.31870155],
       [ 1.83345555]]), array([[ 0.94025179],
       [ 2.04050237],
       [ 0.48863304]])]
delta w updated: [array([[ 0.26934946, -0.33328394,  0.12100402],
       [ 1.54953831, -1.91734644,  0.69612307]]), array([[ 0.51252998, -0.65447303],
       [ 1.11227508, -1.42031506],
       [ 0.26635321, -0.34011862]])]
input:  [[ 0.01360924]
 [-0.59378189]
 [ 0.68322227]]
activations:  [array([[ 0.01360924],
       [-0.59378189],
       [ 0.68322227]]), array([[ 0.38123536],
       [-0.26212485]]), array([[ 1.12959052],
       [ 0.78072638],
       [ 0.48370858]])]
cost derivative:  [[ 1.11598129]
 [ 1.37450826]
 [-0.19951369]]
unit step:  1
delta:  [[ 1.11598129]
 [ 1.37450826]
 [-0.19951369]]
delta b updated:  [array([[ 0.29214093],
       [ 0.49624275]]), array([[ 1.11598129],
       [ 1.37450826],
       [-0.19951369]])]
delta w updated: [array([[ 0.00397581, -0.17346799,  0.19959719],
       [ 0.00675348, -0.29465996,  0.3390441 ]]), array([[ 0.42545153, -0.29252643],
       [ 0.52401115, -0.36029277],
       [-0.07606167,  0.0522975 ]])]
input:  [[-0.84992859]
 [-0.05851777]
 [ 1.04459451]]
activations:  [array([[-0.84992859],
       [-0.05851777],
       [ 1.04459451]]), array([[ 0.22141584],
       [ 0.21123411]]), array([[ 0.44186863],
       [ 0.53808596],
       [ 0.07623859]])]
cost derivative:  [[ 1.29179722]
 [ 0.59660373]
 [-0.96835591]]
unit step:  1
delta:  [[ 1.29179722]
 [ 0.59660373]
 [-0.96835591]]
delta b updated:  [array([[ 0.21215205],
       [-0.21618573]]), array([[ 1.29179722],
       [ 0.59660373],
       [-0.96835591]])]
delta w updated: [array([[-0.18031409, -0.01241467,  0.22161287],
       [ 0.18374243,  0.01265071, -0.22582642]]), array([[ 0.28602436,  0.27287163],
       [ 0.13209751,  0.12602306],
       [-0.21440934, -0.2045498 ]])]
input:  [[-0.15797529]
 [-0.43065982]
 [ 0.7947788 ]]
activations:  [array([[-0.15797529],
       [-0.43065982],
       [ 0.7947788 ]]), array([[ 0.35797806],
       [-0.14995772]]), array([[ 0.98701148],
       [ 0.71485448],
       [ 0.39657737]])]
cost derivative:  [[ 1.14498677]
 [ 1.1455143 ]
 [-0.39820142]]
unit step:  1
delta:  [[ 1.14498677]
 [ 1.1455143 ]
 [-0.39820142]]
delta b updated:  [array([[ 0.28867375],
       [ 0.24491901]]), array([[ 1.14498677],
       [ 1.1455143 ],
       [-0.39820142]])]
delta w updated: [array([[-0.04560332, -0.12432018,  0.22943178],
       [-0.03869115, -0.10547678,  0.19465644]]), array([[ 0.40988015, -0.17169961],
       [ 0.41006899, -0.17177872],
       [-0.14254737,  0.05971338]])]
input:  [[-0.72135026]
 [-0.01485856]
 [ 1.07717359]]
activations:  [array([[-0.72135026],
       [-0.01485856],
       [ 1.07717359]]), array([[ 0.26388547],
       [ 0.18031348]]), array([[ 0.53230336],
       [ 0.53630242],
       [ 0.12313301]])]
cost derivative:  [[ 1.25365363]
 [ 0.55116098]
 [-0.95404058]]
unit step:  1
delta:  [[ 1.25365363]
 [ 0.55116098]
 [-0.95404058]]
delta b updated:  [array([[ 0.2468103 ],
       [-0.17396216]]), array([[ 1.25365363],
       [ 0.55116098],
       [-0.95404058]])]
delta w updated: [array([[-0.17803667, -0.00366725,  0.26585753],
       [ 0.12548765,  0.00258483, -0.18738744]]), array([[ 0.33082097,  0.22605065],
       [ 0.14544337,  0.09938175],
       [-0.25175744, -0.17202638]])]
input:  [[-0.21431142]
 [-0.37798482]
 [ 0.8307879 ]]
activations:  [array([[-0.21431142],
       [-0.37798482],
       [ 0.8307879 ]]), array([[ 0.34995627],
       [-0.11338791]]), array([[ 0.93929777],
       [ 0.693226  ],
       [ 0.36825667]])]
cost derivative:  [[ 1.15360919]
 [ 1.07121082]
 [-0.46253123]]
unit step:  1
delta:  [[ 1.15360919]
 [ 1.07121082]
 [-0.46253123]]
delta b updated:  [array([[ 0.28626445],
       [ 0.17555846]]), array([[ 1.15360919],
       [ 1.07121082],
       [-0.46253123]])]
delta w updated: [array([[-0.06134974, -0.10820361,  0.23782504],
       [-0.03762418, -0.06635843,  0.14585185]]), array([[ 0.40371277, -0.13080534],
       [ 0.37487694, -0.12146236],
       [-0.1618657 ,  0.05244545]])]
input:  [[ 0.60251976]
 [-1.07776145]
 [ 0.35348131]]
activations:  [array([[ 0.60251976],
       [-1.07776145],
       [ 0.35348131]]), array([[ 0.47107694],
       [-0.62370793]]), array([[ 1.60559933],
       [ 0.98086984],
       [ 0.77619135]])]
cost derivative:  [[ 1.00307957]
 [ 2.05863128]
 [ 0.42271004]]
unit step:  1
delta:  [[ 1.00307957]
 [ 2.05863128]
 [ 0.42271004]]
delta b updated:  [array([[ 0.29342282],
       [ 1.66058857]]), array([[ 1.00307957],
       [ 2.05863128],
       [ 0.42271004]])]
delta w updated: [array([[ 0.17679305, -0.31623981,  0.10371948],
       [ 1.00053742, -1.78971834,  0.58698702]]), array([[ 0.47252765, -0.62562868],
       [ 0.96977372, -1.28398466],
       [ 0.19912895, -0.2636476 ]])]
input:  [[-0.48980896]
 [-0.14139571]
 [ 0.99217199]]
activations:  [array([[-0.48980896],
       [-0.14139571],
       [ 0.99217199]]), array([[ 0.30883555],
       [ 0.05809836]]), array([[ 0.7138337 ],
       [ 0.59548686],
       [ 0.23099393]])]
cost derivative:  [[ 1.20364266]
 [ 0.73688257]
 [-0.76117807]]
unit step:  1
delta:  [[ 1.20364266]
 [ 0.73688257]
 [-0.76117807]]
delta b updated:  [array([[ 0.27257407],
       [-0.06798882]]), array([[ 1.20364266],
       [ 0.73688257],
       [-0.76117807]])]
delta w updated: [array([[-0.13350922, -0.0385408 ,  0.27044036],
       [ 0.03330154,  0.00961333, -0.06745661]]), array([[ 0.37172764,  0.06992966],
       [ 0.22757553,  0.04281167],
       [-0.23507884, -0.0442232 ]])]
input:  [[-0.82375085]
 [-0.03083545]
 [ 1.0643883 ]]
activations:  [array([[-0.82375085],
       [-0.03083545],
       [ 1.0643883 ]]), array([[ 0.231921  ],
       [ 0.21058839]]), array([[ 0.45521429],
       [ 0.53082933],
       [ 0.08428939]])]
cost derivative:  [[ 1.27896514]
 [ 0.56166479]
 [-0.98009892]]
unit step:  1
delta:  [[ 1.27896514]
 [ 0.56166479]
 [-0.98009892]]
delta b updated:  [array([[ 0.2201323 ],
       [-0.20618647]]), array([[ 1.27896514],
       [ 0.56166479],
       [-0.98009892]])]
delta w updated: [array([[-0.18133416, -0.00678788,  0.23430624],
       [ 0.16984628,  0.00635785, -0.21946247]]), array([[ 0.29661887,  0.26933521],
       [ 0.13026186,  0.11828008],
       [-0.22730552, -0.20639746]])]
input:  [[ 0.61963995]
 [-1.08600301]
 [ 0.34797682]]
activations:  [array([[ 0.61963995],
       [-1.08600301],
       [ 0.34797682]]), array([[ 0.47417737],
       [-0.63372774]]), array([[ 1.61833408],
       [ 0.98457642],
       [ 0.78501612]])]
cost derivative:  [[ 0.99869413]
 [ 2.07057944]
 [ 0.4370393 ]]
unit step:  1
delta:  [[ 0.99869413]
 [ 2.07057944]
 [ 0.4370393 ]]
delta b updated:  [array([[ 0.29293799],
       [ 1.69514268]]), array([[ 0.99869413],
       [ 2.07057944],
       [ 0.4370393 ]])]
delta w updated: [array([[ 0.18151608, -0.31813154,  0.10193563],
       [ 1.05037812, -1.84093006,  0.58987036]]), array([[ 0.47355816, -0.63290017],
       [ 0.98182191, -1.31218363],
       [ 0.20723414, -0.27696392]])]
input:  [[ 0.40166683]
 [-0.94279731]
 [ 0.44486278]]
activations:  [array([[ 0.40166683],
       [-0.94279731],
       [ 0.44486278]]), array([[ 0.4348307 ],
       [-0.51275296]]), array([[ 1.44438918],
       [ 0.9209367 ],
       [ 0.68157937]])]
cost derivative:  [[ 1.04272235]
 [ 1.86373401]
 [ 0.2367166 ]]
unit step:  1
delta:  [[ 1.04272235]
 [ 1.86373401]
 [ 0.2367166 ]]
delta b updated:  [array([[ 0.28993086],
       [ 1.25256921]]), array([[ 1.04272235],
       [ 1.86373401],
       [ 0.2367166 ]])]
delta w updated: [array([[ 0.11645561, -0.27334604,  0.12897945],
       [ 0.50311551, -1.18091889,  0.55722142]]), array([[ 0.45340768, -0.53465897],
       [ 0.81040876, -0.95563513],
       [ 0.10293164, -0.12137714]])]
input:  [[ 0.79107532]
 [-0.15591211]
 [ 1.00198092]]
activations:  [array([[ 0.79107532],
       [-0.15591211],
       [ 1.00198092]]), array([[ 0.66569415],
       [-0.3967938 ]]), array([[ 1.66663153],
       [ 0.71747414],
       [ 0.7484483 ]])]
cost derivative:  [[ 0.87555621]
 [ 0.87338625]
 [-0.25353263]]
unit step:  1
delta:  [[ 0.87555621]
 [ 0.87338625]
 [-0.25353263]]
delta b updated:  [array([[ 0.43091771],
       [ 0.50749753]]), array([[ 0.87555621],
       [ 0.87338625],
       [-0.25353263]])]
delta w updated: [array([[ 0.34088837, -0.06718529,  0.43177133],
       [ 0.40146877, -0.07912501,  0.50850284]]), array([[ 0.58285265, -0.34741528],
       [ 0.58140811, -0.34655425],
       [-0.16877518,  0.10060017]])]
input:  [[ 0.82464401]
 [-1.07597374]
 [ 0.3581971 ]]
activations:  [array([[ 0.82464401],
       [-1.07597374],
       [ 0.3581971 ]]), array([[ 0.53249471],
       [-0.705288  ]]), array([[ 1.77008654],
       [ 1.00036219],
       [ 0.86748408]])]
cost derivative:  [[ 0.94544253]
 [ 2.07633593]
 [ 0.50928698]]
unit step:  1
delta:  [[ 0.94544253]
 [ 2.07633593]
 [ 0.50928698]]
delta b updated:  [array([[ 0.3088933 ],
       [ 1.88479432]]), array([[ 0.94544253],
       [ 2.07633593],
       [ 0.50928698]])]
delta w updated: [array([[ 0.25472701, -0.33236108,  0.11064468],
       [ 1.55428434, -2.02798919,  0.67512786]]), array([[ 0.50344314, -0.66680927],
       [ 1.10563789, -1.4644148 ],
       [ 0.27119262, -0.35919399]])]
input:  [[-0.71414978]
 [-0.01651868]
 [ 1.07612332]]
activations:  [array([[-0.71414978],
       [-0.01651868],
       [ 1.07612332]]), array([[ 0.26420872],
       [ 0.17519569]]), array([[ 0.53424254],
       [ 0.53554524],
       [ 0.12737232]])]
cost derivative:  [[ 1.24839231]
 [ 0.55206392]
 [-0.948751  ]]
unit step:  1
delta:  [[ 1.24839231]
 [ 0.55206392]
 [-0.948751  ]]
delta b updated:  [array([[ 0.24512633],
       [-0.16858129]]), array([[ 1.24839231],
       [ 0.55206392],
       [-0.948751  ]])]
delta w updated: [array([[-0.17505691, -0.00404916,  0.26378616],
       [ 0.12039229,  0.00278474, -0.18141426]]), array([[ 0.32983614,  0.21871296],
       [ 0.1458601 ,  0.09671922],
       [-0.25066829, -0.16621709]])]
input:  [[ 0.84039431]
 [-0.40575427]
 [ 0.82778877]]
activations:  [array([[ 0.84039431],
       [-0.40575427],
       [ 0.82778877]]), array([[ 0.64017695],
       [-0.4964478 ]]), array([[ 1.72410573],
       [ 0.79786557],
       [ 0.79786478]])]
cost derivative:  [[ 0.88371142]
 [ 1.20361984]
 [-0.02992399]]
unit step:  1
delta:  [[ 0.88371142]
 [ 1.20361984]
 [-0.02992399]]
delta b updated:  [array([[ 0.39733288],
       [ 0.823769  ]]), array([[ 0.88371142],
       [ 1.20361984],
       [-0.02992399]])]
delta w updated: [array([[ 0.33391629, -0.16121951,  0.3289077 ],
       [ 0.69229078, -0.33424779,  0.68190673]]), array([[ 0.56573168, -0.43871659],
       [ 0.77052968, -0.59753443],
       [-0.01915665,  0.0148557 ]])]
input:  [[ 0.75381005]
 [-1.11467609]
 [ 0.32998973]]
activations:  [array([[ 0.75381005],
       [-1.11467609],
       [ 0.32998973]]), array([[ 0.50594236],
       [-0.69534791]]), array([[ 1.72061052],
       [ 1.00555025],
       [ 0.84463693]])]
cost derivative:  [[ 0.96680047]
 [ 2.12022635]
 [ 0.5146472 ]]
unit step:  1
delta:  [[ 0.96680047]
 [ 2.12022635]
 [ 0.5146472 ]]
delta b updated:  [array([[ 0.29805958],
       [ 1.8947525 ]]), array([[ 0.96680047],
       [ 2.12022635],
       [ 0.5146472 ]])]
delta w updated: [array([[ 0.22468031, -0.33223989,  0.0983566 ],
       [ 1.42828348, -2.11203531,  0.62524886]]), array([[ 0.48914532, -0.67226268],
       [ 1.07271233, -1.47429495],
       [ 0.26038182, -0.35785885]])]
input:  [[-0.89224133]
 [-0.22185723]
 [ 0.92955015]]
activations:  [array([[-0.89224133],
       [-0.22185723],
       [ 0.92955015]]), array([[ 0.18201399],
       [ 0.17082636]]), array([[ 0.41838067],
       [ 0.58096575],
       [ 0.07963738]])]
cost derivative:  [[ 1.310622  ]
 [ 0.80282298]
 [-0.84991277]]
unit step:  1
delta:  [[ 1.310622  ]
 [ 0.80282298]
 [-0.84991277]]
delta b updated:  [array([[ 0.17189771],
       [-0.21497343]]), array([[ 1.310622  ],
       [ 0.80282298],
       [-0.84991277]])]
delta w updated: [array([[-0.15337424, -0.03813675,  0.15978755],
       [ 0.19180818,  0.04769341, -0.19982858]]), array([[ 0.23855153,  0.22388878],
       [ 0.14612501,  0.13714333],
       [-0.15469601, -0.1451875 ]])]
input:  [[ 0.53025033]
 [-1.03611129]
 [ 0.38152138]]
activations:  [array([[ 0.53025033],
       [-1.03611129],
       [ 0.38152138]]), array([[ 0.45502907],
       [-0.59301528]]), array([[ 1.54753904],
       [ 0.96077395],
       [ 0.74646304]])]
cost derivative:  [[ 1.01728871]
 [ 1.99688523]
 [ 0.36494166]]
unit step:  1
delta:  [[ 1.01728871]
 [ 1.99688523]
 [ 0.36494166]]
delta b updated:  [array([[ 0.28861512],
       [ 1.53581521]]), array([[ 1.01728871],
       [ 1.99688523],
       [ 0.36494166]])]
delta w updated: [array([[ 0.15303826, -0.29903738,  0.11011284],
       [ 0.81436652, -1.59127547,  0.58594634]]), array([[ 0.46289594, -0.60326775],
       [ 0.90864084, -1.18418346],
       [ 0.16605907, -0.21641598]])]
input:  [[ 0.84876504]
 [-1.03861718]
 [ 0.38473357]]
activations:  [array([[ 0.84876504],
       [-1.03861718],
       [ 0.38473357]]), array([[ 0.54374977],
       [-0.70736086]]), array([[ 1.78532673],
       [ 0.99108176],
       [ 0.87559572]])]
cost derivative:  [[ 0.93656169]
 [ 2.02969893]
 [ 0.49086215]]
unit step:  1
delta:  [[ 0.93656169]
 [ 2.02969893]
 [ 0.49086215]]
delta b updated:  [array([[ 0.31372772],
       [ 1.85034221]]), array([[ 0.93656169],
       [ 2.02969893],
       [ 0.49086215]])]
delta w updated: [array([[ 0.26628112, -0.325843  ,  0.12070159],
       [ 1.57050578, -1.9217972 ,  0.71188877]]), array([[ 0.50925521, -0.66248708],
       [ 1.10364834, -1.43572958],
       [ 0.26690618, -0.34721667]])]
input:  [[ 0.07095282]
 [-0.6482618 ]
 [ 0.64596492]]
activations:  [array([[ 0.07095282],
       [-0.6482618 ],
       [ 0.64596492]]), array([[ 0.38575586],
       [-0.30817548]]), array([[ 1.17247735],
       [ 0.79983996],
       [ 0.51761171]])]
cost derivative:  [[ 1.10152453]
 [ 1.44810176]
 [-0.12835322]]
unit step:  1
delta:  [[ 1.10152453]
 [ 1.44810176]
 [-0.12835322]]
delta b updated:  [array([[ 0.28638623],
       [ 0.60712729]]), array([[ 1.10152453],
       [ 1.44810176],
       [-0.12835322]])]
delta w updated: [array([[ 0.02031991, -0.18565326,  0.18499546],
       [ 0.0430774 , -0.39357743,  0.39218293]]), array([[ 0.42491954, -0.33946286],
       [ 0.55861373, -0.44626946],
       [-0.04951301,  0.03955532]])]
input:  [[-0.28086071]
 [-0.31698969]
 [ 0.8724642 ]]
activations:  [array([[-0.28086071],
       [-0.31698969],
       [ 0.8724642 ]]), array([[ 0.33821796],
       [-0.07702843]]), array([[ 0.88109781],
       [ 0.66581563],
       [ 0.33768255]])]
cost derivative:  [[ 1.16195851]
 [ 0.98280532]
 [-0.53478166]]
unit step:  1
delta:  [[ 1.16195851]
 [ 0.98280532]
 [-0.53478166]]
delta b updated:  [array([[ 0.27956584],
       [ 0.11117852]]), array([[ 1.16195851],
       [ 0.98280532],
       [-0.53478166]])]
delta w updated: [array([[-0.07851906, -0.08861949,  0.24391118],
       [-0.03122568, -0.03524245,  0.09699928]]), array([[ 0.39299524, -0.08950384],
       [ 0.33240241, -0.07570395],
       [-0.18087276,  0.04119339]])]
input:  [[ 0.41197964]
 [-0.95094907]
 [ 0.43931503]]
activations:  [array([[ 0.41197964],
       [-0.95094907],
       [ 0.43931503]]), array([[ 0.43419697],
       [-0.527057  ]]), array([[ 1.45200237],
       [ 0.92336732],
       [ 0.69042412]])]
cost derivative:  [[ 1.04002273]
 [ 1.87431639]
 [ 0.25110909]]
unit step:  1
delta:  [[ 1.04002273]
 [ 1.87431639]
 [ 0.25110909]]
delta b updated:  [array([[ 0.28643247],
       [ 1.29160236]]), array([[ 1.04002273],
       [ 1.87431639],
       [ 0.25110909]])]
delta w updated: [array([[ 0.11800435, -0.27238269,  0.12583409],
       [ 0.53211387, -1.22824806,  0.56742032]]), array([[ 0.45157472, -0.54815126],
       [ 0.81382249, -0.98787157],
       [ 0.10903081, -0.1323488 ]])]
input:  [[-0.47996716]
 [-0.14885975]
 [ 0.98709849]]
activations:  [array([[-0.47996716],
       [-0.14885975],
       [ 0.98709849]]), array([[ 0.30809553],
       [ 0.04705977]]), array([[ 0.71745056],
       [ 0.59559017],
       [ 0.23832244]])]
cost derivative:  [[ 1.19741772]
 [ 0.74444992]
 [-0.74877605]]
unit step:  1
delta:  [[ 1.19741772]
 [ 0.74444992]
 [-0.74877605]]
delta b updated:  [array([[ 0.26872735],
       [-0.05523636]]), array([[ 1.19741772],
       [ 0.74444992],
       [-0.74877605]])]
delta w updated: [array([[-0.1289803 , -0.04000269,  0.26526036],
       [ 0.02651164,  0.00822247, -0.05452373]]), array([[ 0.36891904,  0.0563502 ],
       [ 0.22936169,  0.03503364],
       [-0.23069455, -0.03523723]])]
input:  [[-0.86603769]
 [-0.56591058]
 [ 0.68902265]]
activations:  [array([[-0.86603769],
       [-0.56591058],
       [ 0.68902265]]), array([[ 0.13505418],
       [ 0.04819638]]), array([[ 0.46564245],
       [ 0.68691384],
       [ 0.13097074]])]
cost derivative:  [[ 1.33168014]
 [ 1.25282442]
 [-0.55805191]]
unit step:  1
delta:  [[ 1.33168014]
 [ 1.25282442]
 [-0.55805191]]
delta b updated:  [array([[ 0.12324589],
       [-0.08560214]]), array([[ 1.33168014],
       [ 1.25282442],
       [-0.55805191]])]
delta w updated: [array([[-0.10673559, -0.06974615,  0.08491921],
       [ 0.07413468,  0.04844316, -0.05898181]]), array([[ 0.17984896,  0.06418216],
       [ 0.16919917,  0.0603816 ],
       [-0.07536724, -0.02689608]])]
input:  [[-0.38826665]
 [-0.22284173]
 [ 0.93671988]]
activations:  [array([[-0.38826665],
       [-0.22284173],
       [ 0.93671988]]), array([[ 0.3220724 ],
       [-0.00921551]]), array([[ 0.79083836],
       [ 0.62605829],
       [ 0.28409223]])]
cost derivative:  [[ 1.17910501]
 [ 0.84890003]
 [-0.65262765]]
unit step:  1
delta:  [[ 1.17910501]
 [ 0.84890003]
 [-0.65262765]]
delta b updated:  [array([[ 0.27342897],
       [ 0.01189357]]), array([[ 1.17910501],
       [ 0.84890003],
       [-0.65262765]])]
delta w updated: [array([[-0.10616335, -0.06093139,  0.25612635],
       [-0.00461788, -0.00265038,  0.01114095]]), array([[ 0.37975718, -0.01086606],
       [ 0.27340727, -0.00782305],
       [-0.21019335,  0.0060143 ]])]
input:  [[-0.58378371]
 [-0.07647514]
 [ 1.03616955]]
activations:  [array([[-0.58378371],
       [-0.07647514],
       [ 1.03616955]]), array([[ 0.28969311],
       [ 0.10729381]]), array([[ 0.63162633],
       [ 0.56304128],
       [ 0.18841314]])]
cost derivative:  [[ 1.21541004]
 [ 0.63951642]
 [-0.84775641]]
unit step:  1
delta:  [[ 1.21541004]
 [ 0.63951642]
 [-0.84775641]]
delta b updated:  [array([[ 0.25853939],
       [-0.11314947]]), array([[ 1.21541004],
       [ 0.63951642],
       [-0.84775641]])]
delta w updated: [array([[-0.15093108, -0.01977184,  0.26789064],
       [ 0.06605482,  0.00865312, -0.11724204]]), array([[ 0.35209591,  0.13040597],
       [ 0.1852635 ,  0.06861615],
       [-0.24558919, -0.09095902]])]
input:  [[-0.88785181]
 [-0.17443756]
 [ 0.96282598]]
activations:  [array([[-0.88785181],
       [-0.17443756],
       [ 0.96282598]]), array([[ 0.18901567],
       [ 0.18301113]]), array([[ 0.41283928],
       [ 0.5645855 ],
       [ 0.07718388]])]
cost derivative:  [[ 1.30069109]
 [ 0.73902307]
 [-0.88564211]]
unit step:  1
delta:  [[ 1.30069109]
 [ 0.73902307]
 [-0.88564211]]
delta b updated:  [array([[ 0.17748169],
       [-0.21600014]]), array([[ 1.30069109],
       [ 0.73902307],
       [-0.88564211]])]
delta w updated: [array([[-0.15757744, -0.03095947,  0.17088399],
       [ 0.19177612,  0.03767854, -0.20797055]]), array([[ 0.245851  ,  0.23804094],
       [ 0.13968694,  0.13524944],
       [-0.16740024, -0.16208236]])]
input:  [[-0.51887351]
 [-0.1200104 ]
 [ 1.00669461]]
activations:  [array([[-0.51887351],
       [-0.1200104 ],
       [ 1.00669461]]), array([[ 0.30081477],
       [ 0.0705162 ]]), array([[ 0.68214193],
       [ 0.58185691],
       [ 0.21987285]])]
cost derivative:  [[ 1.20101544]
 [ 0.70186731]
 [-0.78682176]]
unit step:  1
delta:  [[ 1.20101544]
 [ 0.70186731]
 [-0.78682176]]
delta b updated:  [array([[ 0.26338395],
       [-0.07922636]]), array([[ 1.20101544],
       [ 0.70186731],
       [-0.78682176]])]
delta w updated: [array([[-0.13666295, -0.03160881,  0.2651472 ],
       [ 0.04110846,  0.00950799, -0.07975675]]), array([[ 0.36128318,  0.08469104],
       [ 0.21113205,  0.04949301],
       [-0.23668761, -0.05548368]])]
input:  [[ 0.86939212]
 [-0.97796583]
 [ 0.42752859]]
activations:  [array([[ 0.86939212],
       [-0.97796583],
       [ 0.42752859]]), array([[ 0.55756126],
       [-0.69815501]]), array([[ 1.79164186],
       [ 0.9722867 ],
       [ 0.87960558]])]
cost derivative:  [[ 0.92224974]
 [ 1.95025253]
 [ 0.45207699]]
unit step:  1
delta:  [[ 0.92224974]
 [ 1.95025253]
 [ 0.45207699]]
delta b updated:  [array([[ 0.31839607],
       [ 1.75937808]]), array([[ 0.92224974],
       [ 1.95025253],
       [ 0.45207699]])]
delta w updated: [array([[ 0.27681103, -0.31138048,  0.13612342],
       [ 1.52958944, -1.72061164,  0.75218444]]), array([[ 0.51421072, -0.64387327],
       [ 1.08738526, -1.36157858],
       [ 0.25206061, -0.31561981]])]
input:  [[-0.74891835]
 [-0.01094122]
 [ 1.07948694]]
activations:  [array([[-0.74891835],
       [-0.01094122],
       [ 1.07948694]]), array([[ 0.25282902],
       [ 0.18674286]]), array([[ 0.50031444],
       [ 0.52676545],
       [ 0.11463304]])]
cost derivative:  [[ 1.24923279]
 [ 0.53770667]
 [-0.96485391]]
unit step:  1
delta:  [[ 1.24923279]
 [ 0.53770667]
 [-0.96485391]]
delta b updated:  [array([[ 0.23320063],
       [-0.17568717]]), array([[ 1.24923279],
       [ 0.53770667],
       [-0.96485391]])]
delta w updated: [array([[-0.17464823, -0.0025515 ,  0.25173703],
       [ 0.13157535,  0.00192223, -0.18965201]]), array([[ 0.3158423 ,  0.23328531],
       [ 0.13594785,  0.10041288],
       [-0.24394307, -0.18017958]])]
input:  [[ 0.81540173]
 [-0.27239952]
 [ 0.92078564]]
activations:  [array([[ 0.81540173],
       [-0.27239952],
       [ 0.92078564]]), array([[ 0.65116576],
       [-0.45152792]]), array([[ 1.68899493],
       [ 0.7516478 ],
       [ 0.77687369]])]
cost derivative:  [[ 0.8735932 ]
 [ 1.02404732]
 [-0.14391195]]
unit step:  1
delta:  [[ 0.8735932 ]
 [ 1.02404732]
 [-0.14391195]]
delta b updated:  [array([[ 0.40793641],
       [ 0.6540238 ]]), array([[ 0.8735932 ],
       [ 1.02404732],
       [-0.14391195]])]
delta w updated: [array([[ 0.33263206, -0.11112168,  0.37562199],
       [ 0.53329214, -0.17815577,  0.60221572]]), array([[ 0.56885398, -0.39445172],
       [ 0.66682455, -0.46238595],
       [-0.09371053,  0.06498026]])]
input:  [[-0.83309753]
 [-0.03868815]
 [ 1.0587434 ]]
activations:  [array([[-0.83309753],
       [-0.03868815],
       [ 1.0587434 ]]), array([[ 0.22452523],
       [ 0.20739067]]), array([[ 0.43879487],
       [ 0.52716992],
       [ 0.08409706]])]
cost derivative:  [[ 1.2718924 ]
 [ 0.56585807]
 [-0.97464634]]
unit step:  1
delta:  [[ 1.2718924 ]
 [ 0.56585807]
 [-0.97464634]]
delta b updated:  [array([[ 0.20956927],
       [-0.20229085]]), array([[ 1.2718924 ],
       [ 0.56585807],
       [-0.97464634]])]
delta w updated: [array([[-0.17459164, -0.00810785,  0.22188009],
       [ 0.16852801,  0.00782626, -0.21417411]]), array([[ 0.28557194,  0.26377861],
       [ 0.12704941,  0.11735368],
       [-0.2188327 , -0.20213256]])]
input:  [[ 0.32782706]
 [-0.8819045 ]
 [ 0.48635374]]
activations:  [array([[ 0.32782706],
       [-0.8819045 ],
       [ 0.48635374]]), array([[ 0.41971586],
       [-0.4773204 ]]), array([[ 1.37834757],
       [ 0.89237918],
       [ 0.65103308]])]
cost derivative:  [[ 1.0505205 ]
 [ 1.77428368]
 [ 0.16467934]]
unit step:  1
delta:  [[ 1.0505205 ]
 [ 1.77428368]
 [ 0.16467934]]
delta b updated:  [array([[ 0.28168402],
       [ 1.11409879]]), array([[ 1.0505205 ],
       [ 1.77428368],
       [ 0.16467934]])]
delta w updated: [array([[ 0.09234364, -0.2484184 ,  0.13699807],
       [ 0.36523174, -0.98252874,  0.54184611]]), array([[ 0.44092012, -0.50143487],
       [ 0.744695  , -0.8469018 ],
       [ 0.06911853, -0.07860481]])]
input:  [[-0.80786871]
 [-0.86671599]
 [ 0.47927961]]
activations:  [array([[-0.80786871],
       [-0.86671599],
       [ 0.47927961]]), array([[ 0.10325963],
       [-0.07091731]]), array([[ 0.53010611],
       [ 0.78214361],
       [ 0.19069371]])]
cost derivative:  [[ 1.33797482]
 [ 1.6488596 ]
 [-0.2885859 ]]
unit step:  1
delta:  [[ 1.33797482]
 [ 1.6488596 ]
 [-0.2885859 ]]
delta b updated:  [array([[ 0.09013559],
       [ 0.15802733]]), array([[ 1.33797482],
       [ 1.6488596 ],
       [-0.2885859 ]])]
delta w updated: [array([[-0.07281772, -0.07812196,  0.04320015],
       [-0.12766534, -0.13696481,  0.07573928]]), array([[ 0.13815878, -0.09488558],
       [ 0.17026063, -0.11693269],
       [-0.02979927,  0.02046574]])]
input:  [[ 0.8756188 ]
 [-0.94603947]
 [ 0.44998331]]
activations:  [array([[ 0.8756188 ],
       [-0.94603947],
       [ 0.44998331]]), array([[ 0.56323661],
       [-0.69304441]]), array([[ 1.7920131 ],
       [ 0.96210122],
       [ 0.88025865]])]
cost derivative:  [[ 0.9163943 ]
 [ 1.90814069]
 [ 0.43027534]]
unit step:  1
delta:  [[ 0.9163943 ]
 [ 1.90814069]
 [ 0.43027534]]
delta b updated:  [array([[ 0.32053131],
       [ 1.71127214]]), array([[ 0.9163943 ],
       [ 1.90814069],
       [ 0.43027534]])]
delta w updated: [array([[ 0.28066324, -0.30323527,  0.14423374],
       [ 1.49842207, -1.618931  ,  0.7700439 ]]), array([[ 0.51614682, -0.63510194],
       [ 1.0747347 , -1.32242623],
       [ 0.24234683, -0.29819992]])]
input:  [[ 0.09382361]
 [-0.66987231]
 [ 0.63118801]]
activations:  [array([[ 0.09382361],
       [-0.66987231],
       [ 0.63118801]]), array([[ 0.38638554],
       [-0.32755691]]), array([[ 1.18489711],
       [ 0.80516309],
       [ 0.53271745]])]
cost derivative:  [[ 1.09107349]
 [ 1.47503541]
 [-0.09847057]]
unit step:  1
delta:  [[ 1.09107349]
 [ 1.47503541]
 [-0.09847057]]
delta b updated:  [array([[ 0.28042719],
       [ 0.65339888]]), array([[ 1.09107349],
       [ 1.47503541],
       [-0.09847057]])]
delta w updated: [array([[ 0.02631069, -0.18785041,  0.17700228],
       [ 0.06130424, -0.43769382,  0.41241754]]), array([[ 0.42157502, -0.35738866],
       [ 0.56993235, -0.48315804],
       [-0.0380476 ,  0.03225472]])]
input:  [[ 0.8841156 ]
 [-0.79645963]
 [ 0.55486465]]
activations:  [array([[ 0.8841156 ],
       [-0.79645963],
       [ 0.55486465]]), array([[ 0.5882698 ],
       [-0.64945228]]), array([[ 1.78524311],
       [ 0.91696727],
       [ 0.8671335 ]])]
cost derivative:  [[ 0.90112751]
 [ 1.7134269 ]
 [ 0.31226884]]
unit step:  1
delta:  [[ 0.90112751]
 [ 1.7134269 ]
 [ 0.31226884]]
delta b updated:  [array([[ 0.33945863],
       [ 1.45658847]]), array([[ 0.90112751],
       [ 1.7134269 ],
       [ 0.31226884]])]
delta w updated: [array([[ 0.30012067, -0.2703651 ,  0.1883536 ],
       [ 1.28779259, -1.16011391,  0.80820945]]), array([[ 0.53010609, -0.58523931],
       [ 1.00795729, -1.112789  ],
       [ 0.18369833, -0.20280371]])]
input:  [[-0.14663269]
 [-0.44135029]
 [ 0.78746928]]
activations:  [array([[-0.14663269],
       [-0.44135029],
       [ 0.78746928]]), array([[ 0.35394371],
       [-0.16911843]]), array([[ 0.98501985],
       [ 0.7126058 ],
       [ 0.4094023 ]])]
cost derivative:  [[ 1.13165254]
 [ 1.15395609]
 [-0.37806698]]
unit step:  1
delta:  [[ 1.13165254]
 [ 1.15395609]
 [-0.37806698]]
delta b updated:  [array([[ 0.27699738],
       [ 0.27577601]]), array([[ 1.13165254],
       [ 1.15395609],
       [-0.37806698]])]
delta w updated: [array([[-0.04061687, -0.12225287,  0.21812693],
       [-0.04043778, -0.12171382,  0.21716514]]), array([[ 0.4005413 , -0.1913833 ],
       [ 0.4084355 , -0.19515525],
       [-0.13381443,  0.06393809]])]
input:  [[-0.87031495]
 [-0.09903159]
 [ 1.01590529]]
activations:  [array([[-0.87031495],
       [-0.09903159],
       [ 1.01590529]]), array([[ 0.20385226],
       [ 0.19914972]]), array([[ 0.41421925],
       [ 0.54045078],
       [ 0.07700491]])]
cost derivative:  [[ 1.2845342 ]
 [ 0.63948237]
 [-0.93890038]]
unit step:  1
delta:  [[ 1.2845342 ]
 [ 0.63948237]
 [-0.93890038]]
delta b updated:  [array([[ 0.19006311],
       [-0.21106216]]), array([[ 1.2845342 ],
       [ 0.63948237],
       [-0.93890038]])]
delta w updated: [array([[-0.16541477, -0.01882225,  0.19308612],
       [ 0.18369055,  0.02090182, -0.21441916]]), array([[ 0.2618552 ,  0.25581463],
       [ 0.13035993,  0.12735274],
       [-0.19139696, -0.18698175]])]
input:  [[-0.80860522]
 [-0.02154802]
 [ 1.07112836]]
activations:  [array([[-0.80860522],
       [-0.02154802],
       [ 1.07112836]]), array([[ 0.23296788],
       [ 0.20266198]]), array([[ 0.45243792],
       [ 0.52220302],
       [ 0.09305192]])]
cost derivative:  [[ 1.26104314]
 [ 0.54375104]
 [-0.97807644]]
unit step:  1
delta:  [[ 1.26104314]
 [ 0.54375104]
 [-0.97807644]]
delta b updated:  [array([[ 0.21557586],
       [-0.19179753]]), array([[ 1.26104314],
       [ 0.54375104],
       [-0.97807644]])]
delta w updated: [array([[-0.17431577, -0.00464523,  0.23090942],
       [ 0.15508848,  0.00413286, -0.20543977]]), array([[ 0.29378254,  0.2555655 ],
       [ 0.12667652,  0.11019766],
       [-0.22786039, -0.19821891]])]
input:  [[ 0.31706324]
 [-0.8727042 ]
 [ 0.49262874]]
activations:  [array([[ 0.31706324],
       [-0.8727042 ],
       [ 0.49262874]]), array([[ 0.41684933],
       [-0.47421883]]), array([[ 1.36752265],
       [ 0.88697005],
       [ 0.64771635]])]
cost derivative:  [[ 1.05045942]
 [ 1.75967425]
 [ 0.15508761]]
unit step:  1
delta:  [[ 1.05045942]
 [ 1.75967425]
 [ 0.15508761]]
delta b updated:  [array([[ 0.27903855],
       [ 1.09771893]]), array([[ 1.05045942],
       [ 1.75967425],
       [ 0.15508761]])]
delta w updated: [array([[ 0.08847286, -0.24351811,  0.13746241],
       [ 0.34804632, -0.95798392,  0.54076789]]), array([[ 0.4378833 , -0.49814764],
       [ 0.73351903, -0.83447067],
       [ 0.06464816, -0.07354546]])]
input:  [[ 0.73415457]
 [-1.11607237]
 [ 0.32870542]]
activations:  [array([[ 0.73415457],
       [-1.11607237],
       [ 0.32870542]]), array([[ 0.49597407],
       [-0.70250248]]), array([[ 1.70046911],
       [ 0.99997968],
       [ 0.84515734]])]
cost derivative:  [[ 0.96631454]
 [ 2.11605205]
 [ 0.51645192]]
unit step:  1
delta:  [[ 0.96631454]
 [ 2.11605205]
 [ 0.51645192]]
delta b updated:  [array([[ 0.28740063],
       [ 1.90557188]]), array([[ 0.96631454],
       [ 2.11605205],
       [ 0.51645192]])]
delta w updated: [array([[ 0.21099648, -0.3207599 ,  0.09447014],
       [ 1.3989843 , -2.12675613,  0.6263718 ]]), array([[ 0.47926696, -0.67883836],
       [ 1.04950695, -1.48653182],
       [ 0.25614676, -0.36280876]])]
input:  [[-0.22549134]
 [-0.36763205]
 [ 0.83786346]]
activations:  [array([[-0.22549134],
       [-0.36763205],
       [ 0.83786346]]), array([[ 0.34249077],
       [-0.11857573]]), array([[ 0.91780142],
       [ 0.68169012],
       [ 0.36995441]])]
cost derivative:  [[ 1.14329276]
 [ 1.04932218]
 [-0.46790905]]
unit step:  1
delta:  [[ 1.14329276]
 [ 1.04932218]
 [-0.46790905]]
delta b updated:  [array([[ 0.2734378 ],
       [ 0.17913048]]), array([[ 1.14329276],
       [ 1.04932218],
       [-0.46790905]])]
delta w updated: [array([[-0.06165786, -0.1005245 ,  0.22910354],
       [-0.04039237, -0.0658541 ,  0.15008688]]), array([[ 0.39156722, -0.13556677],
       [ 0.35938316, -0.12442414],
       [-0.16025453,  0.05548266]])]
input:  [[-0.86733502]
 [-0.09135316]
 [ 1.02132887]]
activations:  [array([[-0.86733502],
       [-0.09135316],
       [ 1.02132887]]), array([[ 0.20510913],
       [ 0.19985581]]), array([[ 0.41338089],
       [ 0.53724032],
       [ 0.07796175]])]
cost derivative:  [[ 1.28071591]
 [ 0.62859348]
 [-0.94336712]]
unit step:  1
delta:  [[ 1.28071591]
 [ 0.62859348]
 [-0.94336712]]
delta b updated:  [array([[ 0.19045193],
       [-0.20889368]]), array([[ 1.28071591],
       [ 0.62859348],
       [-0.94336712]])]
delta w updated: [array([[-0.16518563, -0.01739839,  0.19451406],
       [ 0.18118081,  0.0190831 , -0.21334915]]), array([[ 0.26268653,  0.25595851],
       [ 0.12893026,  0.12562806],
       [-0.19349321, -0.1885374 ]])]
input:  [[-0.65236982]
 [-0.03900642]
 [ 1.06133886]]
activations:  [array([[-0.65236982],
       [-0.03900642],
       [ 1.06133886]]), array([[ 0.27331882],
       [ 0.14064703]]), array([[ 0.56823096],
       [ 0.5408888 ],
       [ 0.15899895]])]
cost derivative:  [[ 1.22060078]
 [ 0.57989521]
 [-0.90233991]]
unit step:  1
delta:  [[ 1.22060078]
 [ 0.57989521]
 [-0.90233991]]
delta b updated:  [array([[ 0.24409016],
       [-0.13798873]]), array([[ 1.22060078],
       [ 0.57989521],
       [-0.90233991]])]
delta w updated: [array([[-0.15923705, -0.00952108,  0.25906237],
       [ 0.09001968,  0.00538245, -0.1464528 ]]), array([[ 0.33361316,  0.17167388],
       [ 0.15849627,  0.08156054],
       [-0.24662648, -0.12691143]])]
input:  [[-0.83105005]
 [-0.75801209]
 [ 0.55504205]]
activations:  [array([[-0.83105005],
       [-0.75801209],
       [ 0.55504205]]), array([[ 0.11177255],
       [-0.03040953]]), array([[ 0.49877539],
       [ 0.74446011],
       [ 0.17077145]])]
cost derivative:  [[ 1.32982544]
 [ 1.5024722 ]
 [-0.3842706 ]]
unit step:  1
delta:  [[ 1.32982544]
 [ 1.5024722 ]
 [-0.3842706 ]]
delta b updated:  [array([[ 0.09783566],
       [ 0.06247221]]), array([[ 1.32982544],
       [ 1.5024722 ],
       [-0.3842706 ]])]
delta w updated: [array([[-0.08130633, -0.07416061,  0.05430291],
       [-0.05191753, -0.04735469,  0.0346747 ]]), array([[ 0.14863798, -0.04043936],
       [ 0.16793515, -0.04568947],
       [-0.0429509 ,  0.01168549]])]
input:  [[ 0.79752477]
 [-0.18586622]
 [ 0.98110502]]
activations:  [array([[ 0.79752477],
       [-0.18586622],
       [ 0.98110502]]), array([[ 0.65706255],
       [-0.4231857 ]]), array([[ 1.66254284],
       [ 0.71976866],
       [ 0.76362905]])]
cost derivative:  [[ 0.86501807]
 [ 0.90563488]
 [-0.21747596]]
unit step:  1
delta:  [[ 0.86501807]
 [ 0.90563488]
 [-0.21747596]]
delta b updated:  [array([[ 0.41253789],
       [ 0.55368861]]), array([[ 0.86501807],
       [ 0.90563488],
       [-0.21747596]])]
delta w updated: [array([[ 0.32900919, -0.07667686,  0.404743  ],
       [ 0.44158038, -0.10291201,  0.54322667]]), array([[ 0.56837098, -0.36606328],
       [ 0.59505877, -0.38325173],
       [-0.14289531,  0.09203272]])]
input:  [[ 0.44252695]
 [-0.97449941]
 [ 0.42329939]]
activations:  [array([[ 0.44252695],
       [-0.97449941],
       [ 0.42329939]]), array([[ 0.43520895],
       [-0.55471899]]), array([[ 1.46810074],
       [ 0.92845287],
       [ 0.71217587]])]
cost derivative:  [[ 1.02557379]
 [ 1.90295228]
 [ 0.28887648]]
unit step:  1
delta:  [[ 1.02557379]
 [ 1.90295228]
 [ 0.28887648]]
delta b updated:  [array([[ 0.27698783],
       [ 1.37233528]]), array([[ 1.02557379],
       [ 1.90295228],
       [ 0.28887648]])]
delta w updated: [array([[ 0.12257458, -0.26992448,  0.11724878],
       [ 0.60729534, -1.33733992,  0.58090869]]), array([[ 0.44633889, -0.56890526],
       [ 0.82818186, -1.05560376],
       [ 0.12572163, -0.16024527]])]
input:  [[-0.88658559]
 [-0.40591942]
 [ 0.80074197]]
activations:  [array([[-0.88658559],
       [-0.40591942],
       [ 0.80074197]]), array([[ 0.15029356],
       [ 0.1034365 ]]), array([[ 0.4248029 ],
       [ 0.63073993],
       [ 0.10759423]])]
cost derivative:  [[ 1.31138849]
 [ 1.03665935]
 [-0.69314774]]
unit step:  1
delta:  [[ 1.31138849]
 [ 1.03665935]
 [-0.69314774]]
delta b updated:  [array([[ 0.13629112],
       [-0.15681622]]), array([[ 1.31138849],
       [ 1.03665935],
       [-0.69314774]])]
delta w updated: [array([[-0.12083374, -0.05532321,  0.10913402],
       [ 0.139031  ,  0.06365475, -0.12556933]]), array([[ 0.19709325,  0.13564544],
       [ 0.15580323,  0.10722842],
       [-0.10417564, -0.07169678]])]
input:  [[-0.88051691]
 [-0.46227744]
 [ 0.76136981]]
activations:  [array([[-0.88051691],
       [-0.46227744],
       [ 0.76136981]]), array([[ 0.14316002],
       [ 0.08299545]]), array([[ 0.43367275],
       [ 0.64819288],
       [ 0.1167237 ]])]
cost derivative:  [[ 1.31418965]
 [ 1.11047032]
 [-0.64464611]]
unit step:  1
delta:  [[ 1.31418965]
 [ 1.11047032]
 [-0.64464611]]
delta b updated:  [array([[ 0.12898937],
       [-0.13286627]]), array([[ 1.31418965],
       [ 1.11047032],
       [-0.64464611]])]
delta w updated: [array([[-0.11357732, -0.05962888,  0.09820862],
       [ 0.116991  ,  0.06142108, -0.10116037]]), array([[ 0.18813941,  0.10907177],
       [ 0.15897495,  0.09216399],
       [-0.09228755, -0.0535027 ]])]
input:  [[ 0.39129169]
 [-0.9345011 ]
 [ 0.45051071]]
activations:  [array([[ 0.39129169],
       [-0.9345011 ],
       [ 0.45051071]]), array([[ 0.42669157],
       [-0.52432685]]), array([[ 1.42524403],
       [ 0.91057965],
       [ 0.68744045]])]
cost derivative:  [[ 1.03395234]
 [ 1.84508075]
 [ 0.23692974]]
unit step:  1
delta:  [[ 1.03395234]
 [ 1.84508075]
 [ 0.23692974]]
delta b updated:  [array([[ 0.27587076],
       [ 1.26253735]]), array([[ 1.03395234],
       [ 1.84508075],
       [ 0.23692974]])]
delta w updated: [array([[ 0.10794594, -0.25780153,  0.12428273],
       [ 0.49402037, -1.17984254,  0.5687866 ]]), array([[ 0.44117875, -0.54212897],
       [ 0.78728041, -0.96742538],
       [ 0.10109592, -0.12422862]])]
input:  [[-0.8199447 ]
 [-0.81128412]
 [ 0.51790952]]
activations:  [array([[-0.8199447 ],
       [-0.81128412],
       [ 0.51790952]]), array([[ 0.10589984],
       [-0.05321166]]), array([[ 0.50979998],
       [ 0.76031068],
       [ 0.18245074]])]
cost derivative:  [[ 1.32974468]
 [ 1.5715948 ]
 [-0.33545878]]
unit step:  1
delta:  [[ 1.32974468]
 [ 1.5715948 ]
 [-0.33545878]]
delta b updated:  [array([[ 0.09170265],
       [ 0.11342747]]), array([[ 1.32974468],
       [ 1.5715948 ],
       [-0.33545878]])]
delta w updated: [array([[-0.0751911 , -0.07439691,  0.04749368],
       [-0.09300426, -0.09202191,  0.05874517]]), array([[ 0.14081975, -0.07075792],
       [ 0.16643164, -0.08362716],
       [-0.03552503,  0.01785032]])]
input:  [[-0.13526893]
 [-0.45208366]
 [ 0.78013005]]
activations:  [array([[-0.13526893],
       [-0.45208366],
       [ 0.78013005]]), array([[ 0.35341898],
       [-0.17988373]]), array([[ 0.98804602],
       [ 0.71317122],
       [ 0.41802504]])]
cost derivative:  [[ 1.12331496]
 [ 1.16525488]
 [-0.36210501]]
unit step:  1
delta:  [[ 1.12331496]
 [ 1.16525488]
 [-0.36210501]]
delta b updated:  [array([[ 0.27215385],
       [ 0.2947352 ]]), array([[ 1.12331496],
       [ 1.16525488],
       [-0.36210501]])]
delta w updated: [array([[-0.03681396, -0.12303631,  0.21231539],
       [-0.03986852, -0.13324497,  0.22993179]]), array([[ 0.39700082, -0.20206608],
       [ 0.41182319, -0.20961039],
       [-0.12797478,  0.0651368 ]])]
input:  [[ 0.04803713]
 [-0.62653231]
 [ 0.66082445]]
activations:  [array([[ 0.04803713],
       [-0.62653231],
       [ 0.66082445]]), array([[ 0.3776675 ],
       [-0.30244462]]), array([[ 1.14018726],
       [ 0.78341458],
       [ 0.51290694]])]
cost derivative:  [[ 1.09215012]
 [ 1.40994688]
 [-0.14791751]]
unit step:  1
delta:  [[ 1.09215012]
 [ 1.40994688]
 [-0.14791751]]
delta b updated:  [array([[ 0.27400945],
       [ 0.57917233]]), array([[ 1.09215012],
       [ 1.40994688],
       [-0.14791751]])]
delta w updated: [array([[ 0.01316263, -0.17167577,  0.18107215],
       [ 0.02782178, -0.36287017,  0.38273124]]), array([[ 0.4124696 , -0.33031493],
       [ 0.53249111, -0.42643085],
       [-0.05586364,  0.04473686]])]
input:  [[-0.61887301]
 [-0.05599051]
 [ 1.04996748]]
activations:  [array([[-0.61887301],
       [-0.05599051],
       [ 1.04996748]]), array([[ 0.27876058],
       [ 0.12150223]]), array([[ 0.59034734],
       [ 0.54646889],
       [ 0.17594619]])]
cost derivative:  [[ 1.20922035]
 [ 0.6024594 ]
 [-0.87402129]]
unit step:  1
delta:  [[ 1.20922035]
 [ 0.6024594 ]
 [-0.87402129]]
delta b updated:  [array([[ 0.24523164],
       [-0.12185005]]), array([[ 1.20922035],
       [ 0.6024594 ],
       [-0.87402129]])]
delta w updated: [array([[-0.15176724, -0.01373064,  0.25748525],
       [ 0.07540971,  0.00682245, -0.12793859]]), array([[ 0.33708297,  0.14692297],
       [ 0.16794193,  0.07320016],
       [-0.24364268, -0.10619553]])]
input:  [[-0.85373844]
 [-0.0643567 ]
 [ 1.04044617]]
activations:  [array([[-0.85373844],
       [-0.0643567 ],
       [ 1.04044617]]), array([[ 0.21138359],
       [ 0.2025861 ]]), array([[ 0.41492274],
       [ 0.5271315 ],
       [ 0.08183761]])]
cost derivative:  [[ 1.26866118]
 [ 0.59148819]
 [-0.95860856]]
unit step:  1
delta:  [[ 1.26866118]
 [ 0.59148819]
 [-0.95860856]]
delta b updated:  [array([[ 0.19422388],
       [-0.20207162]]), array([[ 1.26866118],
       [ 0.59148819],
       [-0.95860856]])]
delta w updated: [array([[-0.16581639, -0.01249961,  0.20207949],
       [ 0.17251631,  0.01300466, -0.21024464]]), array([[ 0.26817415,  0.25701311],
       [ 0.1250309 ,  0.11982728],
       [-0.20263412, -0.19420077]])]
input:  [[ 0.65264831]
 [-1.09966686]
 [ 0.33892295]]
activations:  [array([[ 0.65264831],
       [-1.09966686],
       [ 0.33892295]]), array([[ 0.47370356],
       [-0.6729373 ]]), array([[ 1.6328763 ],
       [ 0.98382872],
       [ 0.81404557]])]
cost derivative:  [[ 0.98022799]
 [ 2.08349558]
 [ 0.47512262]]
unit step:  1
delta:  [[ 0.98022799]
 [ 2.08349558]
 [ 0.47512262]]
delta b updated:  [array([[ 0.27759183],
       [ 1.79878001]]), array([[ 0.98022799],
       [ 2.08349558],
       [ 0.47512262]])]
delta w updated: [array([[ 0.18116984, -0.30525853,  0.09408224],
       [ 1.17397073, -1.97805877,  0.60964782]]), array([[ 0.46433749, -0.65963197],
       [ 0.98695927, -1.40206188],
       [ 0.22506728, -0.31972773]])]
input:  [[-0.836243  ]
 [-0.73217645]
 [ 0.57305343]]
activations:  [array([[-0.836243  ],
       [-0.73217645],
       [ 0.57305343]]), array([[ 0.11269209],
       [-0.0227885 ]]), array([[ 0.48799254],
       [ 0.73328734],
       [ 0.1676024 ]])]
cost derivative:  [[ 1.32423555]
 [ 1.46546379]
 [-0.40545103]]
unit step:  1
delta:  [[ 1.32423555]
 [ 1.46546379]
 [-0.40545103]]
delta b updated:  [array([[ 0.09800694],
       [ 0.04573698]]), array([[ 1.32423555],
       [ 1.46546379],
       [-0.40545103]])]
delta w updated: [array([[-0.08195762, -0.07175838,  0.05616322],
       [-0.03824723, -0.03348754,  0.02620974]]), array([[ 0.14923088, -0.03017735],
       [ 0.16514618, -0.03339573],
       [-0.04569113,  0.00923962]])]
input:  [[-0.00935906]
 [-0.57188877]
 [ 0.69819556]]
activations:  [array([[-0.00935906],
       [-0.57188877],
       [ 0.69819556]]), array([[ 0.36936875],
       [-0.26542103]]), array([[ 1.09047869],
       [ 0.76014135],
       [ 0.48431146]])]
cost derivative:  [[ 1.09983775]
 [ 1.33203011]
 [-0.21388411]]
unit step:  1
delta:  [[ 1.09983775]
 [ 1.33203011]
 [-0.21388411]]
delta b updated:  [array([[ 0.27195317],
       [ 0.48446171]]), array([[ 1.09983775],
       [ 1.33203011],
       [-0.21388411]])]
delta w updated: [array([[-0.00254523, -0.15552696,  0.1898765 ],
       [-0.00453411, -0.27705821,  0.33824902]]), array([[ 0.4062457 , -0.29192007],
       [ 0.4920103 , -0.3535488 ],
       [-0.07900211,  0.05676934]])]
input:  [[-0.81402889]
 [-0.83872816]
 [ 0.49878306]]
activations:  [array([[-0.81402889],
       [-0.83872816],
       [ 0.49878306]]), array([[ 0.10218478],
       [-0.06596262]]), array([[ 0.51341789],
       [ 0.76746085],
       [ 0.18940092]])]
cost derivative:  [[ 1.32744678]
 [ 1.60618901]
 [-0.30938214]]
unit step:  1
delta:  [[ 1.32744678]
 [ 1.60618901]
 [-0.30938214]]
delta b updated:  [array([[ 0.08760349],
       [ 0.14302758]]), array([[ 1.32744678],
       [ 1.60618901],
       [-0.30938214]])]
delta w updated: [array([[-0.07131177, -0.07347552,  0.04369514],
       [-0.11642858, -0.11996126,  0.07133973]]), array([[ 0.13564486, -0.08756186],
       [ 0.16412807, -0.10594843],
       [-0.03161415,  0.02040766]])]
input:  [[-0.89042284]
 [-0.19731218]
 [ 0.94676709]]
activations:  [array([[-0.89042284],
       [-0.19731218],
       [ 0.94676709]]), array([[ 0.17994838],
       [ 0.17135099]]), array([[ 0.3975027 ],
       [ 0.56301988],
       [ 0.08322358]])]
cost derivative:  [[ 1.28792554]
 [ 0.76033207]
 [-0.86354351]]
unit step:  1
delta:  [[ 1.28792554]
 [ 0.76033207]
 [-0.86354351]]
delta b updated:  [array([[ 0.1643579 ],
       [-0.20433057]]), array([[ 1.28792554],
       [ 0.76033207],
       [-0.86354351]])]
delta w updated: [array([[-0.14634802, -0.03242982,  0.15560865],
       [ 0.18194061,  0.04031691, -0.19345346]]), array([[ 0.23176012,  0.22068732],
       [ 0.13682053,  0.13028365],
       [-0.15539326, -0.14796904]])]
input:  [[ 0.00212559]
 [-0.58283873]
 [ 0.69070654]]
activations:  [array([[ 0.00212559],
       [-0.58283873],
       [ 0.69070654]]), array([[ 0.37058105],
       [-0.27336763]]), array([[ 1.09850128],
       [ 0.7635526 ],
       [ 0.4907191 ]])]
cost derivative:  [[ 1.09637569]
 [ 1.34639133]
 [-0.19998744]]
unit step:  1
delta:  [[ 1.09637569]
 [ 1.34639133]
 [-0.19998744]]
delta b updated:  [array([[ 0.2710695 ],
       [ 0.50315494]]), array([[ 1.09637569],
       [ 1.34639133],
       [-0.19998744]])]
delta w updated: [array([[ 0.00057618, -0.1579898 ,  0.18722947],
       [ 0.0010695 , -0.29325819,  0.34753241]]), array([[ 0.40629605, -0.29971362],
       [ 0.49894711, -0.36805981],
       [-0.07411156,  0.05467009]])]
input:  [[ 0.66063379]
 [-1.10247317]
 [ 0.33708225]]
activations:  [array([[ 0.66063379],
       [-1.10247317],
       [ 0.33708225]]), array([[ 0.47477188],
       [-0.67900244]]), array([[ 1.63732079],
       [ 0.98366304],
       [ 0.81910953]])]
cost derivative:  [[ 0.97668701]
 [ 2.08613621]
 [ 0.48202728]]
unit step:  1
delta:  [[ 0.97668701]
 [ 2.08613621]
 [ 0.48202728]]
delta b updated:  [array([[ 0.27607354],
       [ 1.81566413]]), array([[ 0.97668701],
       [ 2.08613621],
       [ 0.48202728]])]
delta w updated: [array([[ 0.18238351, -0.30436367,  0.09305949],
       [ 1.19948907, -2.00172099,  0.61202816]]), array([[ 0.46370353, -0.66317286],
       [ 0.99043881, -1.41649158],
       [ 0.228853  , -0.3272977 ]])]
input:  [[-0.25882582]
 [-0.33700705]
 [ 0.85878993]]
activations:  [array([[-0.25882582],
       [-0.33700705],
       [ 0.85878993]]), array([[ 0.33510294],
       [-0.10087092]]), array([[ 0.8810671 ],
       [ 0.6635604 ],
       [ 0.35644995]])]
cost derivative:  [[ 1.13989292]
 [ 1.00056745]
 [-0.50233998]]
unit step:  1
delta:  [[ 1.13989292]
 [ 1.00056745]
 [-0.50233998]]
delta b updated:  [array([[ 0.26567988],
       [ 0.14612893]]), array([[ 1.13989292],
       [ 1.00056745],
       [-0.50233998]])]
delta w updated: [array([[-0.06876481, -0.08953599,  0.22816321],
       [-0.03782194, -0.04924648,  0.12549405]]), array([[ 0.38198147, -0.11498205],
       [ 0.33529309, -0.10092816],
       [-0.1683356 ,  0.0506715 ]])]
input:  [[ 0.79496623]
 [-1.10069716]
 [ 0.3404208 ]]
activations:  [array([[ 0.79496623],
       [-1.10069716],
       [ 0.3404208 ]]), array([[ 0.51234723],
       [-0.72816397]]), array([[ 1.73761003],
       [ 0.99532914],
       [ 0.87426051]])]
cost derivative:  [[ 0.94264381]
 [ 2.09602631]
 [ 0.53383971]]
unit step:  1
delta:  [[ 0.94264381]
 [ 2.09602631]
 [ 0.53383971]]
delta b updated:  [array([[ 0.28584581],
       [ 1.95181916]]), array([[ 0.94264381],
       [ 2.09602631],
       [ 0.53383971]])]
delta w updated: [array([[ 0.22723777, -0.31462968,  0.09730786],
       [ 1.55163031, -2.14836181,  0.66443983]]), array([[ 0.48296094, -0.68639926],
       [ 1.07389327, -1.52625084],
       [ 0.2735113 , -0.38872284]])]
input:  [[ 0.42222839]
 [-0.95895256]
 [ 0.43387011]]
activations:  [array([[ 0.42222839],
       [-0.95895256],
       [ 0.43387011]]), array([[ 0.42947741],
       [-0.55010762]]), array([[ 1.44691425],
       [ 0.91749007],
       [ 0.7069064 ]])]
cost derivative:  [[ 1.02468586]
 [ 1.87644263]
 [ 0.27303629]]
unit step:  1
delta:  [[ 1.02468586]
 [ 1.87644263]
 [ 0.27303629]]
delta b updated:  [array([[ 0.2716492 ],
       [ 1.34145308]]), array([[ 1.02468586],
       [ 1.87644263],
       [ 0.27303629]])]
delta w updated: [array([[ 0.114698  , -0.26049869,  0.11786047],
       [ 0.56639958, -1.28638986,  0.5820164 ]]), array([[ 0.44007943, -0.5636875 ],
       [ 0.80588972, -1.03224539],
       [ 0.11726292, -0.15019935]])]
input:  [[ 0.72734629]
 [-1.11595321]
 [ 0.32868269]]
activations:  [array([[ 0.72734629],
       [-1.11595321],
       [ 0.32868269]]), array([[ 0.49050848],
       [-0.71203587]]), array([[ 1.68956043],
       [ 0.99387738],
       [ 0.84980193]])]
cost derivative:  [[ 0.96221414]
 [ 2.10983059]
 [ 0.52111924]]
unit step:  1
delta:  [[ 0.96221414]
 [ 2.10983059]
 [ 0.52111924]]
delta b updated:  [array([[ 0.27915943],
       [ 1.92112813]]), array([[ 0.96221414],
       [ 2.10983059],
       [ 0.52111924]])]
delta w updated: [array([[ 0.20304557, -0.31152886,  0.09175487],
       [ 1.39732541, -2.14388911,  0.63144157]]), array([[ 0.4719742 , -0.68513098],
       [ 1.0348898 , -1.50227505],
       [ 0.25561341, -0.37105559]])]
input:  [[ 0.83742212]
 [-1.05892622]
 [ 0.37033453]]
activations:  [array([[ 0.83742212],
       [-1.05892622],
       [ 0.37033453]]), array([[ 0.52994286],
       [-0.73454346]]), array([[ 1.76739556],
       [ 0.98664719],
       [ 0.88851366]])]
cost derivative:  [[ 0.92997344]
 [ 2.04557341]
 [ 0.51817913]]
unit step:  1
delta:  [[ 0.92997344]
 [ 2.04557341]
 [ 0.51817913]]
delta b updated:  [array([[ 0.29393767],
       [ 1.92464991]]), array([[ 0.92997344],
       [ 2.04557341],
       [ 0.51817913]])]
delta w updated: [array([[ 0.2461499 , -0.3112583 ,  0.10885527],
       [ 1.61174441, -2.03806225,  0.71276431]]), array([[ 0.49283278, -0.68310591],
       [ 1.08403702, -1.50256257],
       [ 0.27460533, -0.38062509]])]
input:  [[-0.88818223]
 [-0.38808078]
 [ 0.81320924]]
activations:  [array([[-0.88818223],
       [-0.38808078],
       [ 0.81320924]]), array([[ 0.15005065],
       [ 0.10459667]]), array([[ 0.41557761],
       [ 0.62021608],
       [ 0.10792359]])]
cost derivative:  [[ 1.30375984]
 [ 1.00829686]
 [-0.70528565]]
unit step:  1
delta:  [[ 1.30375984]
 [ 1.00829686]
 [-0.70528565]]
delta b updated:  [array([[ 0.13461403],
       [-0.15441355]]), array([[ 1.30375984],
       [ 1.00829686],
       [-0.70528565]])]
delta w updated: [array([[-0.11956179, -0.05224112,  0.10946938],
       [ 0.13714737,  0.05992493, -0.12557052]]), array([[ 0.19563001,  0.13636894],
       [ 0.15129559,  0.10546449],
       [-0.10582857, -0.07377053]])]
input:  [[-0.69939058]
 [-0.02062908]
 [ 1.07347501]]
activations:  [array([[-0.69939058],
       [-0.02062908],
       [ 1.07347501]]), array([[ 0.25984953],
       [ 0.1582649 ]]), array([[ 0.52192301],
       [ 0.52395766],
       [ 0.14117041]])]
cost derivative:  [[ 1.22131359]
 [ 0.54458675]
 [-0.9323046 ]]
unit step:  1
delta:  [[ 1.22131359]
 [ 0.54458675]
 [-0.9323046 ]]
delta b updated:  [array([[ 0.23092983],
       [-0.14789236]]), array([[ 1.22131359],
       [ 0.54458675],
       [-0.9323046 ]])]
delta w updated: [array([[-0.16151014, -0.00476387,  0.2478974 ],
       [ 0.10343452,  0.00305088, -0.15875875]]), array([[ 0.31735776,  0.19329107],
       [ 0.14151061,  0.08618896],
       [-0.24225891, -0.14755109]])]
input:  [[ 0.26254751]
 [-0.82507121]
 [ 0.52513537]]
activations:  [array([[ 0.26254751],
       [-0.82507121],
       [ 0.52513537]]), array([[ 0.40462324],
       [-0.45268562]]), array([[ 1.31538722],
       [ 0.86097996],
       [ 0.6280835 ]])]
cost derivative:  [[ 1.05283971]
 [ 1.68605117]
 [ 0.10294814]]
unit step:  1
delta:  [[ 1.05283971]
 [ 1.68605117]
 [ 0.10294814]]
delta b updated:  [array([[ 0.27038097],
       [ 1.00605118]]), array([[ 1.05283971],
       [ 1.68605117],
       [ 0.10294814]])]
delta w updated: [array([[ 0.07098785, -0.22308356,  0.14198661],
       [ 0.26413623, -0.83006387,  0.52831305]]), array([[ 0.42600341, -0.4766054 ],
       [ 0.68221548, -0.76325112],
       [ 0.04165521, -0.04660314]])]
input:  [[ 0.03656671]
 [-0.6156325 ]
 [ 0.66827857]]
activations:  [array([[ 0.03656671],
       [-0.6156325 ],
       [ 0.66827857]]), array([[ 0.37356831],
       [-0.30300036]]), array([[ 1.12678564],
       [ 0.77524642],
       [ 0.51155701]])]
cost derivative:  [[ 1.09021892]
 [ 1.39087892]
 [-0.15672156]]
unit step:  1
delta:  [[ 1.09021892]
 [ 1.39087892]
 [-0.15672156]]
delta b updated:  [array([[ 0.26925687],
       [ 0.57211406]]), array([[ 1.09021892],
       [ 1.39087892],
       [-0.15672156]])]
delta w updated: [array([[ 0.00984584, -0.16576328,  0.1799386 ],
       [ 0.02092033, -0.35221201,  0.38233157]]), array([[ 0.40727124, -0.33033673],
       [ 0.51958829, -0.42143682],
       [-0.05854621,  0.04748669]])]
input:  [[ 0.86836884]
 [-0.59192698]
 [ 0.69785067]]
activations:  [array([[ 0.86836884],
       [-0.59192698],
       [ 0.69785067]]), array([[ 0.61027395],
       [-0.59430795]]), array([[ 1.74632286],
       [ 0.84452451],
       [ 0.84730837]])]
cost derivative:  [[ 0.87795402]
 [ 1.43645149]
 [ 0.1494577 ]]
unit step:  1
delta:  [[ 0.87795402]
 [ 1.43645149]
 [ 0.1494577 ]]
delta b updated:  [array([[ 0.35350649],
       [ 1.13780581]]), array([[ 0.87795402],
       [ 1.43645149],
       [ 0.1494577 ]])]
delta w updated: [array([[ 0.30697402, -0.20925003,  0.24669474],
       [ 0.98803512, -0.67349796,  0.79401855]]), array([[ 0.53579246, -0.52177505],
       [ 0.87662892, -0.85369453],
       [ 0.09121014, -0.0888239 ]])]
input:  [[-0.10106781]
 [-0.48450296]
 [ 0.75796058]]
activations:  [array([[-0.10106781],
       [-0.48450296],
       [ 0.75796058]]), array([[ 0.35495377],
       [-0.21123967]]), array([[ 1.01124431],
       [ 0.72173487],
       [ 0.44040936]])]
cost derivative:  [[ 1.11231213]
 [ 1.20623783]
 [-0.31755122]]
unit step:  1
delta:  [[ 1.11231213]
 [ 1.20623783]
 [-0.31755122]]
delta b updated:  [array([[ 0.26699543],
       [ 0.35455286]]), array([[ 1.11231213],
       [ 1.20623783],
       [-0.31755122]])]
delta w updated: [array([[-0.02698464, -0.12936007,  0.20237201],
       [-0.03583388, -0.17178191,  0.26873709]]), array([[ 0.39481938, -0.23496445],
       [ 0.42815866, -0.25480529],
       [-0.112716  ,  0.06707942]])]
input:  [[ 0.37036119]
 [-0.91749063]
 [ 0.46209653]]
activations:  [array([[ 0.37036119],
       [-0.91749063],
       [ 0.46209653]]), array([[ 0.41974965],
       [-0.52402121]]), array([[ 1.40362651],
       [ 0.89865846],
       [ 0.68387314]])]
cost derivative:  [[ 1.03326531]
 [ 1.81614909]
 [ 0.22177661]]
unit step:  1
delta:  [[ 1.03326531]
 [ 1.81614909]
 [ 0.22177661]]
delta b updated:  [array([[ 0.26905295],
       [ 1.24058918]]), array([[ 1.03326531],
       [ 1.81614909],
       [ 0.22177661]])]
delta w updated: [array([[ 0.09964677, -0.24685356,  0.12432843],
       [ 0.45946609, -1.13822894,  0.57327196]]), array([[ 0.43371276, -0.54145294],
       [ 0.76232795, -0.95170064],
       [ 0.09309066, -0.11621565]])]
input:  [[-0.2918166 ]
 [-0.30711228]
 [ 0.87921038]]
activations:  [array([[-0.2918166 ],
       [-0.30711228],
       [ 0.87921038]]), array([[ 0.32870764],
       [-0.08491234]]), array([[ 0.85164133],
       [ 0.64894297],
       [ 0.34211779]])]
cost derivative:  [[ 1.14345794]
 [ 0.95605525]
 [-0.53709259]]
unit step:  1
delta:  [[ 1.14345794]
 [ 0.95605525]
 [-0.53709259]]
delta b updated:  [array([[ 0.26170438],
       [ 0.11844593]]), array([[ 1.14345794],
       [ 0.95605525],
       [-0.53709259]])]
delta w updated: [array([[-0.07636968, -0.08037263,  0.2300932 ],
       [-0.03456449, -0.0363762 ,  0.10413889]]), array([[ 0.37586335, -0.09709369],
       [ 0.31426266, -0.08118089],
       [-0.17654643,  0.04560579]])]
input:  [[ 0.82087594]
 [-0.30014702]
 [ 0.90143979]]
activations:  [array([[ 0.82087594],
       [-0.30014702],
       [ 0.90143979]]), array([[ 0.64144024],
       [-0.48289708]]), array([[ 1.6825251 ],
       [ 0.74925275],
       [ 0.79434364]])]
cost derivative:  [[ 0.86164916]
 [ 1.04939976]
 [-0.10709615]]
unit step:  1
delta:  [[ 0.86164916]
 [ 1.04939976]
 [-0.10709615]]
delta b updated:  [array([[ 0.38831958],
       [ 0.70884255]]), array([[ 0.86164916],
       [ 1.04939976],
       [-0.10709615]])]
delta w updated: [array([[ 0.3187622 , -0.11655296,  0.35004672],
       [ 0.58187179, -0.21275698,  0.63897888]]), array([[ 0.55269644, -0.41608786],
       [ 0.67312723, -0.50675208],
       [-0.06869578,  0.05171642]])]
input:  [[-0.82850036]
 [-0.03459315]
 [ 1.06168277]]
activations:  [array([[-0.82850036],
       [-0.03459315],
       [ 1.06168277]]), array([[ 0.22024727],
       [ 0.19785191]]), array([[ 0.42404621],
       [ 0.51502197],
       [ 0.09152595]])]
cost derivative:  [[ 1.25254658]
 [ 0.54961512]
 [-0.97015682]]
unit step:  1
delta:  [[ 1.25254658]
 [ 0.54961512]
 [-0.97015682]]
delta b updated:  [array([[ 0.19936835],
       [-0.18628978]]), array([[ 1.25254658],
       [ 0.54961512],
       [-0.97015682]])]
delta w updated: [array([[-0.16517675, -0.00689678,  0.21166594],
       [ 0.15434115,  0.00644435, -0.19778065]]), array([[ 0.27586997,  0.24781873],
       [ 0.12105123,  0.1087424 ],
       [-0.21367439, -0.19194738]])]
input:  [[ 0.34920177]
 [-0.89994823]
 [ 0.47405128]]
activations:  [array([[ 0.34920177],
       [-0.89994823],
       [ 0.47405128]]), array([[ 0.41586734],
       [-0.51197052]]), array([[ 1.38470126],
       [ 0.89061439],
       [ 0.67411981]])]
cost derivative:  [[ 1.03549948]
 [ 1.79056262]
 [ 0.20006853]]
unit step:  1
delta:  [[ 1.03549948]
 [ 1.79056262]
 [ 0.20006853]]
delta b updated:  [array([[ 0.26739747],
       [ 1.19644527]]), array([[ 1.03549948],
       [ 1.79056262],
       [ 0.20006853]])]
delta w updated: [array([[ 0.09337567, -0.24064388,  0.12676011],
       [ 0.41780081, -1.07673881,  0.56717641]]), array([[ 0.43063042, -0.53014521],
       [ 0.74463652, -0.91671528],
       [ 0.08320197, -0.10242919]])]
input:  [[ 0.80028279]
 [-1.09741885]
 [ 0.34279947]]
activations:  [array([[ 0.80028279],
       [-1.09741885],
       [ 0.34279947]]), array([[ 0.51142085],
       [-0.74058471]]), array([[ 1.74055863],
       [ 0.99303589],
       [ 0.8816692 ]])]
cost derivative:  [[ 0.94027584]
 [ 2.09045474]
 [ 0.53886973]]
unit step:  1
delta:  [[ 0.94027584]
 [ 2.09045474]
 [ 0.53886973]]
delta b updated:  [array([[ 0.28233513],
       [ 1.97642285]]), array([[ 0.94027584],
       [ 2.09045474],
       [ 0.53886973]])]
delta w updated: [array([[ 0.22594795, -0.3098399 ,  0.09678433],
       [ 1.58169719, -2.16896369,  0.67751671]]), array([[ 0.48087667, -0.69635391],
       [ 1.06910215, -1.54815882],
       [ 0.27558922, -0.39907868]])]
input:  [[ 0.55803192]
 [-1.05329141]
 [ 0.36992359]]
activations:  [array([[ 0.55803192],
       [-1.05329141],
       [ 0.36992359]]), array([[ 0.45014013],
       [-0.64055624]]), array([[ 1.55607482],
       [ 0.95722931],
       [ 0.77846686]])]
cost derivative:  [[ 0.99804289]
 [ 2.01052073]
 [ 0.40854326]]
unit step:  1
delta:  [[ 0.99804289]
 [ 2.01052073]
 [ 0.40854326]]
delta b updated:  [array([[ 0.26877453],
       [ 1.65504823]]), array([[ 0.99804289],
       [ 2.01052073],
       [ 0.40854326]])]
delta w updated: [array([[ 0.14998477, -0.28309791,  0.09942604],
       [ 0.92356975, -1.74324809,  0.61224139]]), array([[ 0.44925916, -0.6393026 ],
       [ 0.90501607, -1.28785159],
       [ 0.18390172, -0.26169493]])]
input:  [[-0.89329364]
 [-0.24810329]
 [ 0.91115396]]
activations:  [array([[-0.89329364],
       [-0.24810329],
       [ 0.91115396]]), array([[ 0.16850195],
       [ 0.14903914]]), array([[ 0.39484854],
       [ 0.57410923],
       [ 0.09121834]])]
cost derivative:  [[ 1.28814218]
 [ 0.82221252]
 [-0.81993562]]
unit step:  1
delta:  [[ 1.28814218]
 [ 0.82221252]
 [-0.81993562]]
delta b updated:  [array([[ 0.15166285],
       [-0.18732652]]), array([[ 1.28814218],
       [ 0.82221252],
       [-0.81993562]])]
delta w updated: [array([[-0.13547946, -0.03762805,  0.13818821],
       [ 0.16733759,  0.04647633, -0.1706833 ]]), array([[ 0.21705446,  0.1919836 ],
       [ 0.13854441,  0.12254184],
       [-0.13816075, -0.1222025 ]])]
input:  [[ 0.86696128]
 [-0.9878016 ]
 [ 0.42060282]]
activations:  [array([[ 0.86696128],
       [-0.9878016 ],
       [ 0.42060282]]), array([[ 0.54654421],
       [-0.73167607]]), array([[ 1.78102915],
       [ 0.96523678],
       [ 0.89731077]])]
cost derivative:  [[ 0.91406787]
 [ 1.95303838]
 [ 0.47670795]]
unit step:  1
delta:  [[ 0.91406787]
 [ 1.95303838]
 [ 0.47670795]]
delta b updated:  [array([[ 0.29989192],
       [ 1.83487003]]), array([[ 0.91406787],
       [ 1.95303838],
       [ 0.47670795]])]
delta w updated: [array([[ 0.25999469, -0.29623372,  0.12613539],
       [ 1.59076127, -1.81248755,  0.77175152]]), array([[ 0.4995785 , -0.66880159],
       [ 1.06742181, -1.42899145],
       [ 0.26054197, -0.3487958 ]])]
input:  [[ 0.51130396]
 [-1.02368072]
 [ 0.38993089]]
activations:  [array([[ 0.51130396],
       [-1.02368072],
       [ 0.38993089]]), array([[ 0.4411028 ],
       [-0.61680566]]), array([[ 1.51887355],
       [ 0.94359334],
       [ 0.7572315 ]])]
cost derivative:  [[ 1.00756959]
 [ 1.96727406]
 [ 0.36730061]]
unit step:  1
delta:  [[ 1.00756959]
 [ 1.96727406]
 [ 0.36730061]]
delta b updated:  [array([[ 0.26773934],
       [ 1.56335397]]), array([[ 1.00756959],
       [ 1.96727406],
       [ 0.36730061]])]
delta w updated: [array([[ 0.13689618, -0.2740796 ,  0.10439984],
       [ 0.79934908, -1.60037531,  0.60960001]]), array([[ 0.44444177, -0.62147462],
       [ 0.8677701 , -1.21342578],
       [ 0.16201733, -0.2265531 ]])]
input:  [[ 0.2844863 ]
 [-0.84443541]
 [ 0.51191699]]
activations:  [array([[ 0.2844863 ],
       [-0.84443541],
       [ 0.51191699]]), array([[ 0.40523626],
       [-0.47639819]]), array([[ 1.33247171],
       [ 0.86704276],
       [ 0.64369497]])]
cost derivative:  [[ 1.0479854 ]
 [ 1.71147817]
 [ 0.13177797]]
unit step:  1
delta:  [[ 1.0479854 ]
 [ 1.71147817]
 [ 0.13177797]]
delta b updated:  [array([[ 0.26663887],
       [ 1.07005975]]), array([[ 1.0479854 ],
       [ 1.71147817],
       [ 0.13177797]])]
delta w updated: [array([[ 0.07585511, -0.2251593 ,  0.13649697],
       [ 0.30441734, -0.90359634,  0.54778177]]), array([[ 0.42468169, -0.49925835],
       [ 0.69355301, -0.81534511],
       [ 0.05340121, -0.06277879]])]
input:  [[-0.20310013]
 [-0.38840343]
 [ 0.82366671]]
activations:  [array([[-0.20310013],
       [-0.38840343],
       [ 0.82366671]]), array([[ 0.3394424 ],
       [-0.14888703]]), array([[ 0.9241949 ],
       [ 0.68047943],
       [ 0.39030491]])]
cost derivative:  [[ 1.12729503]
 [ 1.06888285]
 [-0.4333618 ]]
unit step:  1
delta:  [[ 1.12729503]
 [ 1.06888285]
 [-0.4333618 ]]
delta b updated:  [array([[ 0.26205032],
       [ 0.22625079]]), array([[ 1.12729503],
       [ 1.06888285],
       [-0.4333618 ]])]
delta w updated: [array([[-0.05322245, -0.10178124,  0.21584213],
       [-0.04595157, -0.08787658,  0.18635525]]), array([[ 0.38265173, -0.16783961],
       [ 0.36282416, -0.15914279],
       [-0.14710137,  0.06452195]])]
input:  [[ 0.71335526]
 [-1.11486096]
 [ 0.32922941]]
activations:  [array([[ 0.71335526],
       [-1.11486096],
       [ 0.32922941]]), array([[ 0.48293736],
       [-0.72246224]]), array([[ 1.67855724],
       [ 0.98997789],
       [ 0.85162309]])]
cost derivative:  [[ 0.96520198]
 [ 2.10483885]
 [ 0.52239369]]
unit step:  1
delta:  [[ 0.96520198]
 [ 2.10483885]
 [ 0.52239369]]
delta b updated:  [array([[ 0.27301267],
       [ 1.94051172]]), array([[ 0.96520198],
       [ 2.10483885],
       [ 0.52239369]])]
delta w updated: [array([[ 0.19475502, -0.30437116,  0.0898838 ],
       [ 1.38427425, -2.16340075,  0.63887352]]), array([[ 0.4661321 , -0.69732198],
       [ 1.01650533, -1.52066658],
       [ 0.25228343, -0.37740971]])]
input:  [[-0.24775025]
 [-0.34713934]
 [ 0.85186713]]
activations:  [array([[-0.24775025],
       [-0.34713934],
       [ 0.85186713]]), array([[ 0.33305651],
       [-0.12010027]]), array([[ 0.88665818],
       [ 0.66320104],
       [ 0.36761185]])]
cost derivative:  [[ 1.13440842]
 [ 1.01034038]
 [-0.48425528]]
unit step:  1
delta:  [[ 1.13440842]
 [ 1.01034038]
 [-0.48425528]]
delta b updated:  [array([[ 0.26040898],
       [ 0.17449589]]), array([[ 1.13440842],
       [ 1.01034038],
       [-0.48425528]])]
delta w updated: [array([[-0.06451639, -0.0903982 ,  0.22183385],
       [-0.0432314 , -0.06057439,  0.14864731]]), array([[ 0.37782211, -0.13624276],
       [ 0.33650044, -0.12134215],
       [-0.16128437,  0.05815919]])]
input:  [[ 0.87313736]
 [-0.63343154]
 [ 0.66885992]]
activations:  [array([[ 0.87313736],
       [-0.63343154],
       [ 0.66885992]]), array([[ 0.60210689],
       [-0.62177355]]), array([[ 1.75268181],
       [ 0.85531866],
       [ 0.85982101]])]
cost derivative:  [[ 0.87954445]
 [ 1.4887502 ]
 [ 0.19096109]]
unit step:  1
delta:  [[ 0.87954445]
 [ 1.4887502 ]
 [ 0.19096109]]
delta b updated:  [array([[ 0.34424793],
       [ 1.22550754]]), array([[ 0.87954445],
       [ 1.4887502 ],
       [ 0.19096109]])]
delta w updated: [array([[ 0.30057573, -0.2180575 ,  0.23025364],
       [ 1.07003643, -0.77627513,  0.81969288]]), array([[ 0.52957977, -0.54687747],
       [ 0.89638676, -0.9256655 ],
       [ 0.11497899, -0.11873455]])]
input:  [[ 0.84875027]
 [-0.45538179]
 [ 0.79316557]]
activations:  [array([[ 0.84875027],
       [-0.45538179],
       [ 0.79316557]]), array([[ 0.62266548],
       [-0.55461912]]), array([[ 1.71756182],
       [ 0.79786629],
       [ 0.82882279]])]
cost derivative:  [[ 0.86881155]
 [ 1.25324809]
 [ 0.03565722]]
unit step:  1
delta:  [[ 0.86881155]
 [ 1.25324809]
 [ 0.03565722]]
delta b updated:  [array([[ 0.36619254],
       [ 0.94294148]]), array([[ 0.86881155],
       [ 1.25324809],
       [ 0.03565722]])]
delta w updated: [array([[ 0.31080602, -0.16675741,  0.29045131],
       [ 0.80032183, -0.42939838,  0.74790871]]), array([[ 0.54097896, -0.4818595 ],
       [ 0.78035432, -0.69507535],
       [ 0.02220252, -0.01977618]])]
input:  [[ 0.76277979]
 [-0.03044527]
 [ 1.08940248]]
activations:  [array([[ 0.76277979],
       [-0.03044527],
       [ 1.08940248]]), array([[ 0.66436875],
       [-0.38252487]]), array([[ 1.61261212],
       [ 0.65816827],
       [ 0.74286233]])]
cost derivative:  [[ 0.84983233]
 [ 0.68861354]
 [-0.34654015]]
unit step:  1
delta:  [[ 0.84983233]
 [ 0.68861354]
 [-0.34654015]]
delta b updated:  [array([[ 0.41994526],
       [ 0.40245672]]), array([[ 0.84983233],
       [ 0.68861354],
       [-0.34654015]])]
delta w updated: [array([[ 0.32032576, -0.01278535,  0.45748941],
       [ 0.30698585, -0.0122529 ,  0.43843735]]), array([[ 0.56460204, -0.325082  ],
       [ 0.45749332, -0.26341181],
       [-0.23023045,  0.13256023]])]
input:  [[-0.79777761]
 [-0.01697286]
 [ 1.07450114]]
activations:  [array([[-0.79777761],
       [-0.01697286],
       [ 1.07450114]]), array([[ 0.22978916],
       [ 0.18814811]]), array([[ 0.44218593],
       [ 0.50954103],
       [ 0.10387803]])]
cost derivative:  [[ 1.23996354]
 [ 0.52651389]
 [-0.97062311]]
unit step:  1
delta:  [[ 1.23996354]
 [ 0.52651389]
 [-0.97062311]]
delta b updated:  [array([[ 0.2057357 ],
       [-0.17121404]]), array([[ 1.23996354],
       [ 0.52651389],
       [-0.97062311]])]
delta w updated: [array([[-0.16413134, -0.00349192,  0.22106325],
       [ 0.13659072,  0.00290599, -0.18396968]]), array([[ 0.28493018,  0.2332968 ],
       [ 0.12098719,  0.09906259],
       [-0.22303867, -0.1826209 ]])]
input:  [[ 0.86565678]
 [-0.57043228]
 [ 0.71286083]]
activations:  [array([[ 0.86565678],
       [-0.57043228],
       [ 0.71286083]]), array([[ 0.60877837],
       [-0.60018991]]), array([[ 1.73975487],
       [ 0.83495896],
       [ 0.85032269]])]
cost derivative:  [[ 0.8740981 ]
 [ 1.40539125]
 [ 0.13746186]]
unit step:  1
delta:  [[ 0.8740981 ]
 [ 1.40539125]
 [ 0.13746186]]
delta b updated:  [array([[ 0.34983982],
       [ 1.12447266]]), array([[ 0.8740981 ],
       [ 1.40539125],
       [ 0.13746186]])]
delta w updated: [array([[ 0.30284121, -0.19955993,  0.2493871 ],
       [ 0.97340738, -0.64143551,  0.80159252]]), array([[ 0.53213201, -0.52462486],
       [ 0.85557179, -0.84350165],
       [ 0.08368381, -0.08250322]])]
input:  [[-0.07819255]
 [-0.50626023]
 [ 0.74308096]]
activations:  [array([[-0.07819255],
       [-0.50626023],
       [ 0.74308096]]), array([[ 0.35461797],
       [-0.23674912]]), array([[ 1.02674286],
       [ 0.72756137],
       [ 0.45717796]])]
cost derivative:  [[ 1.10493541]
 [ 1.2338216 ]
 [-0.28590301]]
unit step:  1
delta:  [[ 1.10493541]
 [ 1.2338216 ]
 [-0.28590301]]
delta b updated:  [array([[ 0.26164839],
       [ 0.40314348]]), array([[ 1.10493541],
       [ 1.2338216 ],
       [-0.28590301]])]
delta w updated: [array([[-0.02045896, -0.13246217,  0.19442594],
       [-0.03152282, -0.20409551,  0.29956825]]), array([[ 0.39182995, -0.26159249],
       [ 0.43753531, -0.29210618],
       [-0.10138634,  0.06768729]])]
input:  [[-0.78638149]
 [-0.01365519]
 [ 1.07700217]]
activations:  [array([[-0.78638149],
       [-0.01365519],
       [ 1.07700217]]), array([[ 0.23300896],
       [ 0.18461421]]), array([[ 0.44905822],
       [ 0.50906938],
       [ 0.10856679]])]
cost derivative:  [[ 1.23543971]
 [ 0.52272457]
 [-0.96843538]]
unit step:  1
delta:  [[ 1.23543971]
 [ 0.52272457]
 [-0.96843538]]
delta b updated:  [array([[ 0.20770842],
       [-0.1669265 ]]), array([[ 1.23543971],
       [ 0.52272457],
       [-0.96843538]])]
delta w updated: [array([[-0.16333806, -0.0028363 ,  0.22370242],
       [ 0.13126791,  0.00227941, -0.1797802 ]]), array([[ 0.28786852,  0.22807973],
       [ 0.12179951,  0.09650238],
       [-0.22565412, -0.17878693]])]
input:  [[ 0.47245184]
 [-0.99661205]
 [ 0.40828086]]
activations:  [array([[ 0.47245184],
       [-0.99661205],
       [ 0.40828086]]), array([[ 0.43214754],
       [-0.60053544]]), array([[ 1.48479962],
       [ 0.93011808],
       [ 0.74170226]])]
cost derivative:  [[ 1.01234778]
 [ 1.92673013]
 [ 0.3334214 ]]
unit step:  1
delta:  [[ 1.01234778]
 [ 1.92673013]
 [ 0.3334214 ]]
delta b updated:  [array([[ 0.26308111],
       [ 1.49175914]]), array([[ 1.01234778],
       [ 1.92673013],
       [ 0.3334214 ]])]
delta w updated: [array([[ 0.12429315, -0.2621898 ,  0.10741098],
       [ 0.70478435, -1.48670514,  0.6090567 ]]), array([[ 0.4374836 , -0.60795072],
       [ 0.83263169, -1.15706972],
       [ 0.14408724, -0.20023137]])]
input:  [[ 0.27353785]
 [-0.83480259]
 [ 0.51849199]]
activations:  [array([[ 0.27353785],
       [-0.83480259],
       [ 0.51849199]]), array([[ 0.40146712],
       [-0.47536294]]), array([[ 1.32064661],
       [ 0.8614422 ],
       [ 0.64131846]])]
cost derivative:  [[ 1.04710876]
 [ 1.6962448 ]
 [ 0.12282647]]
unit step:  1
delta:  [[ 1.04710876]
 [ 1.6962448 ]
 [ 0.12282647]]
delta b updated:  [array([[ 0.26246504],
       [ 1.0572523 ]]), array([[ 1.04710876],
       [ 1.6962448 ],
       [ 0.12282647]])]
delta w updated: [array([[ 0.07179412, -0.2191065 ,  0.13608602],
       [ 0.28919852, -0.88259696,  0.54817685]]), array([[ 0.42037974, -0.49775669],
       [ 0.68098652, -0.80633191],
       [ 0.04931079, -0.05838715]])]
input:  [[ 0.84136483]
 [-1.05252402]
 [ 0.37487938]]
activations:  [array([[ 0.84136483],
       [-1.05252402],
       [ 0.37487938]]), array([[ 0.52617799],
       [-0.75536661]]), array([[ 1.76672281],
       [ 0.98130874],
       [ 0.90009947]])]
cost derivative:  [[ 0.92535798]
 [ 2.03383277]
 [ 0.52522008]]
unit step:  1
delta:  [[ 0.92535798]
 [ 2.03383277]
 [ 0.52522008]]
delta b updated:  [array([[ 0.28547106],
       [ 1.96095561]]), array([[ 0.92535798],
       [ 2.03383277],
       [ 0.52522008]])]
delta w updated: [array([[ 0.24018531, -0.30046515,  0.10701722],
       [ 1.64987908, -2.06395289,  0.73512183]]), array([[ 0.486903  , -0.69898453],
       [ 1.07015804, -1.53628937],
       [ 0.27635925, -0.39673372]])]
input:  [[-0.64415088]
 [-0.04291088]
 [ 1.05873279]]
activations:  [array([[-0.64415088],
       [-0.04291088],
       [ 1.05873279]]), array([[ 0.26772768],
       [ 0.1216522 ]]), array([[ 0.55760857],
       [ 0.53044411],
       [ 0.17091393]])]
cost derivative:  [[ 1.20175945]
 [ 0.57335499]
 [-0.88781886]]
unit step:  1
delta:  [[ 1.20175945]
 [ 0.57335499]
 [-0.88781886]]
delta b updated:  [array([[ 0.23134486],
       [-0.11648139]]), array([[ 1.20175945],
       [ 0.57335499],
       [-0.88781886]])]
delta w updated: [array([[-0.149021  , -0.00992721,  0.24493239],
       [ 0.07503159,  0.00499832, -0.12332267]]), array([[ 0.32174427,  0.14619668],
       [ 0.153503  ,  0.0697499 ],
       [-0.23769368, -0.10800512]])]
input:  [[-0.16929504]
 [-0.42001607]
 [ 0.80205595]]
activations:  [array([[-0.16929504],
       [-0.42001607],
       [ 0.80205595]]), array([[ 0.34164887],
       [-0.17742247]]), array([[ 0.9488874 ],
       [ 0.69133884],
       [ 0.41099443]])]
cost derivative:  [[ 1.11818245]
 [ 1.11135491]
 [-0.39106153]]
unit step:  1
delta:  [[ 1.11818245]
 [ 1.11135491]
 [-0.39106153]]
delta b updated:  [array([[ 0.25849674],
       [ 0.2772553 ]]), array([[ 1.11818245],
       [ 1.11135491],
       [-0.39106153]])]
delta w updated: [array([[-0.04376222, -0.10857278,  0.20732885],
       [-0.04693795, -0.11645168,  0.22237427]]), array([[ 0.38202577, -0.19839069],
       [ 0.37969315, -0.19717933],
       [-0.13360573,  0.0693831 ]])]
input:  [[-0.61024572]
 [-0.06079305]
 [ 1.04673886]]
activations:  [array([[-0.61024572],
       [-0.06079305],
       [ 1.04673886]]), array([[ 0.27405962],
       [ 0.10323283]]), array([[ 0.58345361],
       [ 0.5387866 ],
       [ 0.18724204]])]
cost derivative:  [[ 1.19369933]
 [ 0.59957965]
 [-0.85949682]]
unit step:  1
delta:  [[ 1.19369933]
 [ 0.59957965]
 [-0.85949682]]
delta b updated:  [array([[ 0.23437444],
       [-0.10176851]]), array([[ 1.19369933],
       [ 0.59957965],
       [-0.85949682]])]
delta w updated: [array([[-0.143026  , -0.01424834,  0.24532883],
       [ 0.0621038 ,  0.00618682, -0.10652505]]), array([[ 0.32714478,  0.12322897],
       [ 0.16432057,  0.06189631],
       [-0.23555337, -0.08872829]])]
input:  [[-0.81380157]
 [-0.02431671]
 [ 1.06910845]]
activations:  [array([[-0.81380157],
       [-0.02431671],
       [ 1.06910845]]), array([[ 0.22262975],
       [ 0.18968968]]), array([[ 0.42661188],
       [ 0.50845757],
       [ 0.0996505 ]])]
cost derivative:  [[ 1.24041345]
 [ 0.53277428]
 [-0.96945794]]
unit step:  1
delta:  [[ 1.24041345]
 [ 0.53277428]
 [-0.96945794]]
delta b updated:  [array([[ 0.1982792],
       [-0.1734017]]), array([[ 1.24041345],
       [ 0.53277428],
       [-0.96945794]])]
delta w updated: [array([[-0.16135993, -0.0048215 ,  0.21198197],
       [ 0.14111457,  0.00421656, -0.18538522]]), array([[ 0.27615293,  0.23529363],
       [ 0.1186114 ,  0.10106178],
       [-0.21583018, -0.18389616]])]
input:  [[ 0.207027  ]
 [-0.77506961]
 [ 0.55928504]]
activations:  [array([[ 0.207027  ],
       [-0.77506961],
       [ 0.55928504]]), array([[ 0.39129064],
       [-0.43334219]]), array([[ 1.26323246],
       [ 0.83580344],
       [ 0.60852721]])]
cost derivative:  [[ 1.05620545]
 [ 1.61087305]
 [ 0.04924217]]
unit step:  1
delta:  [[ 1.05620545]
 [ 1.61087305]
 [ 0.04924217]]
delta b updated:  [array([[ 0.26053695],
       [ 0.92122602]]), array([[ 1.05620545],
       [ 1.61087305],
       [ 0.04924217]])]
delta w updated: [array([[ 0.05393818, -0.20193428,  0.14571442],
       [ 0.19071866, -0.71401429,  0.51522793]]), array([[ 0.4132833 , -0.45769838],
       [ 0.63031954, -0.69805925],
       [ 0.019268  , -0.02133871]])]
input:  [[ 0.48228053]
 [-1.0036456 ]
 [ 0.40350862]]
activations:  [array([[ 0.48228053],
       [-1.0036456 ],
       [ 0.40350862]]), array([[ 0.43257565],
       [-0.61077196]]), array([[ 1.49142107],
       [ 0.9320042 ],
       [ 0.74915084]])]
cost derivative:  [[ 1.00914054]
 [ 1.9356498 ]
 [ 0.34564222]]
unit step:  1
delta:  [[ 1.00914054]
 [ 1.9356498 ]
 [ 0.34564222]]
delta b updated:  [array([[ 0.2609552 ],
       [ 1.52172684]]), array([[ 1.00914054],
       [ 1.9356498 ],
       [ 0.34564222]])]
delta w updated: [array([[ 0.12585361, -0.26190653,  0.10529767],
       [ 0.73389923, -1.52727444,  0.6140299 ]]), array([[ 0.43652963, -0.61635475],
       [ 0.83731498, -1.18224063],
       [ 0.14951641, -0.21110858]])]
input:  [[ 0.54885873]
 [-1.04776523]
 [ 0.37365046]]
activations:  [array([[ 0.54885873],
       [-1.04776523],
       [ 0.37365046]]), array([[ 0.44412264],
       [-0.65105675]]), array([[ 1.54592427],
       [ 0.95179396],
       [ 0.78224501]])]
cost derivative:  [[ 0.99706555]
 [ 1.99955919]
 [ 0.40859455]]
unit step:  1
delta:  [[ 0.99706555]
 [ 1.99955919]
 [ 0.40859455]]
delta b updated:  [array([[ 0.26164914],
       [ 1.66854603]]), array([[ 0.99706555],
       [ 1.99955919],
       [ 0.40859455]])]
delta w updated: [array([[ 0.14360841, -0.27414687,  0.09776532],
       [ 0.91579605, -1.74824453,  0.62345299]]), array([[ 0.44281938, -0.64914625],
       [ 0.88804951, -1.30182651],
       [ 0.18146609, -0.26601824]])]
input:  [[-0.84182799]
 [-0.0479054 ]
 [ 1.05215254]]
activations:  [array([[-0.84182799],
       [-0.0479054 ],
       [ 1.05215254]]), array([[ 0.2106412 ],
       [ 0.19064056]]), array([[ 0.40703365],
       [ 0.51237379],
       [ 0.09170858]])]
cost derivative:  [[ 1.24886164]
 [ 0.56027918]
 [-0.96044396]]
unit step:  1
delta:  [[ 1.24886164]
 [ 0.56027918]
 [-0.96044396]]
delta b updated:  [array([[ 0.18793569],
       [-0.18027065]]), array([[ 1.24886164],
       [ 0.56027918],
       [-0.96044396]])]
delta w updated: [array([[-0.15820952, -0.00900313,  0.19773701],
       [ 0.15175688,  0.00863594, -0.18967222]]), array([[ 0.26306171,  0.23808368],
       [ 0.11801788,  0.10681194],
       [-0.20230907, -0.18309958]])]
input:  [[ 0.8615769 ]
 [-1.00628655]
 [ 0.40757408]]
activations:  [array([[ 0.8615769 ],
       [-1.00628655],
       [ 0.40757408]]), array([[ 0.53770133],
       [-0.75266299]]), array([[ 1.77629778],
       [ 0.9676037 ],
       [ 0.90610601]])]
cost derivative:  [[ 0.91472088]
 [ 1.97389025]
 [ 0.49853192]]
unit step:  1
delta:  [[ 0.91472088]
 [ 1.97389025]
 [ 0.49853192]]
delta b updated:  [array([[ 0.29019574],
       [ 1.8999587 ]]), array([[ 0.91472088],
       [ 1.97389025],
       [ 0.49853192]])]
delta w updated: [array([[ 0.25002595, -0.29202007,  0.11827626],
       [ 1.63696052, -1.91190289,  0.77437393]]), array([[ 0.49184664, -0.68847656],
       [ 1.06136342, -1.48567415],
       [ 0.26806128, -0.37522653]])]
input:  [[ 0.29539115]
 [-0.85396583]
 [ 0.50541302]]
activations:  [array([[ 0.29539115],
       [-0.85396583],
       [ 0.50541302]]), array([[ 0.40287725],
       [-0.49631288]]), array([[ 1.33761705],
       [ 0.86797403],
       [ 0.65620288]])]
cost derivative:  [[ 1.0422259 ]
 [ 1.72193985]
 [ 0.15078986]]
unit step:  1
delta:  [[ 1.0422259 ]
 [ 1.72193985]
 [ 0.15078986]]
delta b updated:  [array([[ 0.25986308],
       [ 1.11661357]]), array([[ 1.0422259 ],
       [ 1.72193985],
       [ 0.15078986]])]
delta w updated: [array([[ 0.07676125, -0.22191419,  0.13133818],
       [ 0.32983777, -0.95354983,  0.56435104]]), array([[ 0.4198891 , -0.51727013],
       [ 0.69373039, -0.85462092],
       [ 0.0607498 , -0.07483895]])]
input:  [[-0.77334271]
 [-1.01494568]
 [ 0.37601468]]
activations:  [array([[-0.77334271],
       [-1.01494568],
       [ 0.37601468]]), array([[ 0.07903232],
       [-0.16030804]]), array([[ 0.55175902],
       [ 0.81904955],
       [ 0.23801677]])]
cost derivative:  [[ 1.32510174]
 [ 1.83399523]
 [-0.13799791]]
unit step:  1
delta:  [[ 1.32510174]
 [ 1.83399523]
 [-0.13799791]]
delta b updated:  [array([[ 0.06405404],
       [ 0.38586407]]), array([[ 1.32510174],
       [ 1.83399523],
       [-0.13799791]])]
delta w updated: [array([[-0.04953573, -0.06501137,  0.02408526],
       [-0.29840517, -0.39163107,  0.14509056]]), array([[ 0.10472586, -0.21242446],
       [ 0.14494489, -0.29400417],
       [-0.01090629,  0.02212217]])]
input:  [[-0.88628836]
 [-0.1636171 ]
 [ 0.97042779]]
activations:  [array([[-0.88628836],
       [-0.1636171 ],
       [ 0.97042779]]), array([[ 0.17981258],
       [ 0.16691748]]), array([[ 0.38388065],
       [ 0.54322246],
       [ 0.08820804]])]
cost derivative:  [[ 1.270169  ]
 [ 0.70683956]
 [-0.88221975]]
unit step:  1
delta:  [[ 1.270169  ]
 [ 0.70683956]
 [-0.88221975]]
delta b updated:  [array([[ 0.16000829],
       [-0.18600713]]), array([[ 1.270169  ],
       [ 0.70683956],
       [-0.88221975]])]
delta w updated: [array([[-0.14181349, -0.02618009,  0.15527649],
       [ 0.16485595,  0.03043395, -0.18050649]]), array([[ 0.22839237,  0.21201341],
       [ 0.12709865,  0.11798388],
       [-0.15863421, -0.1472579 ]])]
input:  [[ 0.17332101]
 [-0.74413054]
 [ 0.58042565]]
activations:  [array([[ 0.17332101],
       [-0.74413054],
       [ 0.58042565]]), array([[ 0.38554741],
       [-0.4156535 ]]), array([[ 1.23440837],
       [ 0.82155924],
       [ 0.59346133]])]
cost derivative:  [[ 1.06108736]
 [ 1.56568978]
 [ 0.01303568]]
unit step:  1
delta:  [[ 1.06108736]
 [ 1.56568978]
 [ 0.01303568]]
delta b updated:  [array([[ 0.2590289 ],
       [ 0.86152909]]), array([[ 1.06108736],
       [ 1.56568978],
       [ 0.01303568]])]
delta w updated: [array([[ 0.04489515, -0.19275131,  0.15034702],
       [ 0.14932109, -0.6410901 ,  0.50005358]]), array([[ 0.40909949, -0.44104467],
       [ 0.60364764, -0.65078443],
       [ 0.00502587, -0.00541833]])]
input:  [[-0.88454188]
 [-0.15320278]
 [ 0.97774804]]
activations:  [array([[-0.88454188],
       [-0.15320278],
       [ 0.97774804]]), array([[ 0.18164124],
       [ 0.1695131 ]]), array([[ 0.38322734],
       [ 0.53970305],
       [ 0.08796345]])]
cost derivative:  [[ 1.26776922]
 [ 0.69290583]
 [-0.88978459]]
unit step:  1
delta:  [[ 1.26776922]
 [ 0.69290583]
 [-0.88978459]]
delta b updated:  [array([[ 0.16146123],
       [-0.18606337]]), array([[ 1.26776922],
       [ 0.69290583],
       [-0.88978459]])]
delta w updated: [array([[-0.14281922, -0.02473631,  0.1578684 ],
       [ 0.16458084,  0.02850543, -0.1819231 ]]), array([[ 0.23027918,  0.21490349],
       [ 0.12586028,  0.11745662],
       [-0.16162158, -0.15083014]])]
input:  [[ 0.77227571]
 [-1.11056888]
 [ 0.33315392]]
activations:  [array([[ 0.77227571],
       [-1.11056888],
       [ 0.33315392]]), array([[ 0.49573933],
       [-0.75850186]]), array([[ 1.71865263],
       [ 0.99047569],
       [ 0.88417132]])]
cost derivative:  [[ 0.94637692]
 [ 2.10104458]
 [ 0.5510174 ]]
unit step:  1
delta:  [[ 0.94637692]
 [ 2.10104458]
 [ 0.5510174 ]]
delta b updated:  [array([[ 0.27036823],
       [ 2.02625911]]), array([[ 0.94637692],
       [ 2.10104458],
       [ 0.5510174 ]])]
delta w updated: [array([[ 0.20879881, -0.30026254,  0.09007423],
       [ 1.56483069, -2.25030031,  0.67505616]]), array([[ 0.46915626, -0.71782866],
       [ 1.04157043, -1.59364622],
       [ 0.273161  , -0.41794773]])]
input:  [[ 0.77815857]
 [-1.10857954]
 [ 0.33463877]]
activations:  [array([[ 0.77815857],
       [-1.10857954],
       [ 0.33463877]]), array([[ 0.49742776],
       [-0.76197278]]), array([[ 1.72381061],
       [ 0.99060271],
       [ 0.88713063]])]
cost derivative:  [[ 0.94565204]
 [ 2.09918225]
 [ 0.55249187]]
unit step:  1
delta:  [[ 0.94565204]
 [ 2.09918225]
 [ 0.55249187]]
delta b updated:  [array([[ 0.27127271],
       [ 2.03369875]]), array([[ 0.94565204],
       [ 2.09918225],
       [ 0.55249187]])]
delta w updated: [array([[ 0.21109318, -0.30072737,  0.09077836],
       [ 1.58254011, -2.25451682,  0.68055444]]), array([[ 0.47039357, -0.72056111],
       [ 1.04419152, -1.59951973],
       [ 0.27482479, -0.42098376]])]
input:  [[-0.85738571]
 [-0.07055587]
 [ 1.03604809]]
activations:  [array([[-0.85738571],
       [-0.07055587],
       [ 1.03604809]]), array([[ 0.20179742],
       [ 0.18652797]]), array([[ 0.39487425],
       [ 0.51561749],
       [ 0.08936087]])]
cost derivative:  [[ 1.25225996]
 [ 0.58617336]
 [-0.94668722]]
unit step:  1
delta:  [[ 1.25225996]
 [ 0.58617336]
 [-0.94668722]]
delta b updated:  [array([[ 0.17944909],
       [-0.18157525]]), array([[ 1.25225996],
       [ 0.58617336],
       [-0.94668722]])]
delta w updated: [array([[-0.15385709, -0.01266119,  0.18591789],
       [ 0.15568002,  0.0128112 , -0.18812069]]), array([[ 0.25270283,  0.23358151],
       [ 0.11828827,  0.10933773],
       [-0.19103904, -0.17658364]])]
input:  [[ 0.80372785]
 [-0.21526295]
 [ 0.9606156 ]]
activations:  [array([[ 0.80372785],
       [-0.21526295],
       [ 0.9606156 ]]), array([[ 0.64327425],
       [-0.47166538]]), array([[ 1.65533145],
       [ 0.71420649],
       [ 0.78917069]])]
cost derivative:  [[ 0.8516036 ]
 [ 0.92946944]
 [-0.17144491]]
unit step:  1
delta:  [[ 0.8516036 ]
 [ 0.92946944]
 [-0.17144491]]
delta b updated:  [array([[ 0.38907067],
       [ 0.62461645]]), array([[ 0.8516036 ],
       [ 0.92946944],
       [-0.17144491]])]
delta w updated: [array([[ 0.31270693, -0.0837525 ,  0.37374735],
       [ 0.50202164, -0.13445678,  0.6000163 ]]), array([[ 0.54781467, -0.40167193],
       [ 0.59790376, -0.43839855],
       [-0.1102861 ,  0.08086463]])]
input:  [[ 0.81535065]
 [-1.08557778]
 [ 0.35132659]]
activations:  [array([[ 0.81535065],
       [-1.08557778],
       [ 0.35132659]]), array([[ 0.51079922],
       [-0.77026766]]), array([[ 1.74944714],
       [ 0.98682478],
       [ 0.900836  ]])]
cost derivative:  [[ 0.93409649]
 [ 2.07240256]
 [ 0.54950941]]
unit step:  1
delta:  [[ 0.93409649]
 [ 2.07240256]
 [ 0.54950941]]
delta b updated:  [array([[ 0.27584716],
       [ 2.03070198]]), array([[ 0.93409649],
       [ 2.07240256],
       [ 0.54950941]])]
delta w updated: [array([[ 0.22491216, -0.29945354,  0.09691244],
       [ 1.65573418, -2.20448494,  0.7134396 ]]), array([[ 0.47713576, -0.71950432],
       [ 1.05858161, -1.59630467],
       [ 0.28068898, -0.42326933]])]
input:  [[ 0.77023174]
 [-0.06266718]
 [ 1.0669541 ]]
activations:  [array([[ 0.77023174],
       [-0.06266718],
       [ 1.0669541 ]]), array([[ 0.65712558],
       [-0.40980386]]), array([[ 1.61525723],
       [ 0.6634519 ],
       [ 0.75744138]])]
cost derivative:  [[ 0.84502549]
 [ 0.72611909]
 [-0.30951272]]
unit step:  1
delta:  [[ 0.84502549]
 [ 0.72611909]
 [-0.30951272]]
delta b updated:  [array([[ 0.40817245],
       [ 0.447244  ]]), array([[ 0.84502549],
       [ 0.72611909],
       [-0.30951272]])]
delta w updated: [array([[ 0.31438738, -0.02557902,  0.43550127],
       [ 0.34448153, -0.02802752,  0.47718882]]), array([[ 0.55528787, -0.3462947 ],
       [ 0.47715143, -0.2975664 ],
       [-0.20338873,  0.12683951]])]
input:  [[ 0.33854048]
 [-0.89098712]
 [ 0.48016037]]
activations:  [array([[ 0.33854048],
       [-0.89098712],
       [ 0.48016037]]), array([[ 0.4074142],
       [-0.5314512]]), array([[ 1.37256751],
       [ 0.88204348],
       [ 0.68201066]])]
cost derivative:  [[ 1.03402703]
 [ 1.7730306 ]
 [ 0.20185029]]
unit step:  1
delta:  [[ 1.03402703]
 [ 1.7730306 ]
 [ 0.20185029]]
delta b updated:  [array([[ 0.2574015 ],
       [ 1.22448853]]), array([[ 1.03402703],
       [ 1.7730306 ],
       [ 0.20185029]])]
delta w updated: [array([[ 0.08714083, -0.22934142,  0.123594  ],
       [ 0.41453893, -1.09100351,  0.58795086]]), array([[ 0.4212773 , -0.5495349 ],
       [ 0.72235785, -0.94227924],
       [ 0.08223667, -0.10727358]])]
input:  [[-0.78790495]
 [-0.95398039]
 [ 0.41848079]]
activations:  [array([[-0.78790495],
       [-0.95398039],
       [ 0.41848079]]), array([[ 0.08302658],
       [-0.13920428]]), array([[ 0.53317735],
       [ 0.79714969],
       [ 0.22721557]])]
cost derivative:  [[ 1.32108229]
 [ 1.75113009]
 [-0.19126523]]
unit step:  1
delta:  [[ 1.32108229]
 [ 1.75113009]
 [-0.19126523]]
delta b updated:  [array([[ 0.06740717],
       [ 0.32120156]]), array([[ 1.32108229],
       [ 1.75113009],
       [-0.19126523]])]
delta w updated: [array([[-0.05311044, -0.06430512,  0.02820861],
       [-0.2530763 , -0.30641999,  0.13441668]]), array([[ 0.10968494, -0.18390031],
       [ 0.14539034, -0.2437648 ],
       [-0.0158801 ,  0.02662494]])]
input:  [[-0.79214976]
 [-0.01515875]
 [ 1.0758593 ]]
activations:  [array([[-0.79214976],
       [-0.01515875],
       [ 1.0758593 ]]), array([[ 0.22786362],
       [ 0.17970098]]), array([[ 0.43664268],
       [ 0.50322102],
       [ 0.1102306 ]])]
cost derivative:  [[ 1.22879245]
 [ 0.51837977]
 [-0.96562869]]
unit step:  1
delta:  [[ 1.22879245]
 [ 0.51837977]
 [-0.96562869]]
delta b updated:  [array([[ 0.20042481],
       [-0.16030864]]), array([[ 1.22879245],
       [ 0.51837977],
       [-0.96562869]])]
delta w updated: [array([[-0.15876647, -0.00303819,  0.21562889],
       [ 0.12698845,  0.00243008, -0.17246954]]), array([[ 0.27999709,  0.22081521],
       [ 0.11811989,  0.09315335],
       [-0.22003165, -0.17352442]])]
input:  [[ 0.02509018]
 [-0.60471442]
 [ 0.6757454 ]]
activations:  [array([[ 0.02509018],
       [-0.60471442],
       [ 0.6757454 ]]), array([[ 0.36412769],
       [-0.32027367]]), array([[ 1.10791515],
       [ 0.76279275],
       [ 0.51873371]])]
cost derivative:  [[ 1.08282497]
 [ 1.36750717]
 [-0.15701168]]
unit step:  1
delta:  [[ 1.08282497]
 [ 1.36750717]
 [-0.15701168]]
delta b updated:  [array([[ 0.25575443],
       [ 0.59111445]]), array([[ 1.08282497],
       [ 1.36750717],
       [-0.15701168]])]
delta w updated: [array([[ 0.00641692, -0.15465839,  0.17282488],
       [ 0.01483117, -0.35745543,  0.39944287]]), array([[ 0.39428656, -0.34680033],
       [ 0.49794723, -0.43797655],
       [-0.0571723 ,  0.05028671]])]
input:  [[-0.39871286]
 [-0.21406246]
 [ 0.94270499]]
activations:  [array([[-0.39871286],
       [-0.21406246],
       [ 0.94270499]]), array([[ 0.30642756],
       [-0.0325316 ]]), array([[ 0.75064297],
       [ 0.60137205],
       [ 0.29670869]])]
cost derivative:  [[ 1.14935583]
 [ 0.81543451]
 [-0.6459963 ]]
unit step:  1
delta:  [[ 1.14935583]
 [ 0.81543451]
 [-0.6459963 ]]
delta b updated:  [array([[ 0.24489616],
       [ 0.0397633 ]]), array([[ 1.14935583],
       [ 0.81543451],
       [-0.6459963 ]])]
delta w updated: [array([[-0.09764325, -0.05242307,  0.23086483],
       [-0.01585414, -0.00851183,  0.03748506]]), array([[ 0.3521943 , -0.03739039],
       [ 0.2498716 , -0.02652739],
       [-0.19795107,  0.02101529]])]
input:  [[-0.88956859]
 [-0.37070946]
 [ 0.82535253]]
activations:  [array([[-0.88956859],
       [-0.37070946],
       [ 0.82535253]]), array([[ 0.14484262],
       [ 0.09500253]]), array([[ 0.39706994],
       [ 0.60473671],
       [ 0.11438498]])]
cost derivative:  [[ 1.28663853]
 [ 0.97544617]
 [-0.71096755]]
unit step:  1
delta:  [[ 1.28663853]
 [ 0.97544617]
 [-0.71096755]]
delta b updated:  [array([[ 0.12563851],
       [-0.13472125]]), array([[ 1.28663853],
       [ 0.97544617],
       [-0.71096755]])]
delta w updated: [array([[-0.11176407, -0.04657538,  0.10369606],
       [ 0.11984379,  0.04994244, -0.11119253]]), array([[ 0.1863601 ,  0.12223392],
       [ 0.14128618,  0.09266986],
       [-0.1029784 , -0.06754372]])]
input:  [[-0.50926384]
 [-0.12696721]
 [ 1.0019727 ]]
activations:  [array([[-0.50926384],
       [-0.12696721],
       [ 1.0019727 ]]), array([[ 0.28883815],
       [ 0.03768559]]), array([[ 0.65767102],
       [ 0.56341626],
       [ 0.2408244 ]])]
cost derivative:  [[ 1.16693486]
 [ 0.69038347]
 [-0.7611483 ]]
unit step:  1
delta:  [[ 1.16693486]
 [ 0.69038347]
 [-0.7611483 ]]
delta b updated:  [array([[ 0.23734388],
       [-0.04072981]]), array([[ 1.16693486],
       [ 0.69038347],
       [-0.7611483 ]])]
delta w updated: [array([[-0.12087066, -0.03013489,  0.23781209],
       [ 0.02074222,  0.00517135, -0.04081015]]), array([[ 0.3370553 ,  0.04397663],
       [ 0.19940908,  0.02601751],
       [-0.21984866, -0.02868432]])]
input:  [[-0.85465634]
 [-0.63408057]
 [ 0.64146157]]
activations:  [array([[-0.85465634],
       [-0.63408057],
       [ 0.64146157]]), array([[ 0.11335243],
       [-0.00682046]]), array([[ 0.44807554],
       [ 0.6896953 ],
       [ 0.16137544]])]
cost derivative:  [[ 1.30273188]
 [ 1.32377587]
 [-0.48008613]]
unit step:  1
delta:  [[ 1.30273188]
 [ 1.32377587]
 [-0.48008613]]
delta b updated:  [array([[ 0.09531732],
       [ 0.01238825]]), array([[ 1.30273188],
       [ 1.32377587],
       [-0.48008613]])]
delta w updated: [array([[-0.08146355, -0.06043886,  0.0611424 ],
       [-0.0105877 , -0.00785515,  0.00794659]]), array([[ 0.14766782, -0.00888524],
       [ 0.15005321, -0.00902877],
       [-0.05441893,  0.00327441]])]
input:  [[ 0.3062507 ]
 [-0.86339003]
 [ 0.49898272]]
activations:  [array([[ 0.3062507 ],
       [-0.86339003],
       [ 0.49898272]]), array([[ 0.40187296],
       [-0.51154103]]), array([[ 1.34203311],
       [ 0.86813693],
       [ 0.66697956]])]
cost derivative:  [[ 1.03578241]
 [ 1.73152697]
 [ 0.16799685]]
unit step:  1
delta:  [[ 1.03578241]
 [ 1.73152697]
 [ 0.16799685]]
delta b updated:  [array([[ 0.25487448],
       [ 1.15345894]]), array([[ 1.03578241],
       [ 1.73152697],
       [ 0.16799685]])]
delta w updated: [array([[ 0.07805549, -0.22005609,  0.12717796],
       [ 0.35324761, -0.99588495,  0.57555608]]), array([[ 0.41625294, -0.5298452 ],
       [ 0.69585386, -0.88574708],
       [ 0.06751339, -0.08593728]])]
input:  [[-0.89171727]
 [-0.33735345]
 [ 0.84867781]]
activations:  [array([[-0.89171727],
       [-0.33735345],
       [ 0.84867781]]), array([[ 0.14893254],
       [ 0.10666512]]), array([[ 0.3901865 ],
       [ 0.59306944],
       [ 0.10997563]])]
cost derivative:  [[ 1.28190377]
 [ 0.93042289]
 [-0.73870218]]
unit step:  1
delta:  [[ 1.28190377]
 [ 0.93042289]
 [-0.73870218]]
delta b updated:  [array([[ 0.12918038],
       [-0.14560892]]), array([[ 1.28190377],
       [ 0.93042289],
       [-0.73870218]])]
delta w updated: [array([[-0.11519237, -0.04357945,  0.10963252],
       [ 0.12984199,  0.04912167, -0.12357506]]), array([[ 0.19091718,  0.13673442],
       [ 0.13857024,  0.09924367],
       [-0.11001679, -0.07879376]])]
input:  [[ 0.25151697]
 [-0.81524509]
 [ 0.53184446]]
activations:  [array([[ 0.25151697],
       [-0.81524509],
       [ 0.53184446]]), array([[ 0.39383224],
       [-0.47582508]]), array([[ 1.29556885],
       [ 0.84753407],
       [ 0.63903831]])]
cost derivative:  [[ 1.04405187]
 [ 1.66277916]
 [ 0.10719385]]
unit step:  1
delta:  [[ 1.04405187]
 [ 1.66277916]
 [ 0.10719385]]
delta b updated:  [array([[ 0.2542907 ],
       [ 1.03575276]]), array([[ 1.04405187],
       [ 1.66277916],
       [ 0.10719385]])]
delta w updated: [array([[ 0.06395843, -0.20730924,  0.1352431 ],
       [ 0.2605094 , -0.84439235,  0.55085937]]), array([[ 0.41118128, -0.49678607],
       [ 0.65485603, -0.79119203],
       [ 0.04221639, -0.05100552]])]
input:  [[ 0.61112977]
 [-1.08199651]
 [ 0.35064981]]
activations:  [array([[ 0.61112977],
       [-1.08199651],
       [ 0.35064981]]), array([[ 0.45260869],
       [-0.69928358]]), array([[ 1.59212616],
       [ 0.96383833],
       [ 0.82008958]])]
cost derivative:  [[ 0.98099639]
 [ 2.04583485]
 [ 0.46943977]]
unit step:  1
delta:  [[ 0.98099639]
 [ 2.04583485]
 [ 0.46943977]]
delta b updated:  [array([[ 0.25687531],
       [ 1.82303381]]), array([[ 0.98099639],
       [ 2.04583485],
       [ 0.46943977]])]
delta w updated: [array([[ 0.15698415, -0.27793819,  0.09007328],
       [ 1.11411023, -1.97251623,  0.63924646]]), array([[ 0.44400749, -0.68599466],
       [ 0.92596263, -1.43061871],
       [ 0.21247252, -0.32827152]])]
input:  [[ 0.49203326]
 [-1.01050411]
 [ 0.39885779]]
activations:  [array([[ 0.49203326],
       [-1.01050411],
       [ 0.39885779]]), array([[ 0.43024864],
       [-0.63275676]]), array([[ 1.49619095],
       [ 0.93055075],
       [ 0.76290974]])]
cost derivative:  [[ 1.00415769]
 [ 1.94105486]
 [ 0.36405195]]
unit step:  1
delta:  [[ 1.00415769]
 [ 1.94105486]
 [ 0.36405195]]
delta b updated:  [array([[ 0.25495799],
       [ 1.57524806]]), array([[ 1.00415769],
       [ 1.94105486],
       [ 0.36405195]])]
delta w updated: [array([[ 0.12544781, -0.2576361 ,  0.10169198],
       [ 0.77507443, -1.59179463,  0.62829995]]), array([[ 0.43203749, -0.63538756],
       [ 0.83513622, -1.22821557],
       [ 0.15663286, -0.23035633]])]
input:  [[-0.88275463]
 [-0.44301392]
 [ 0.77482491]]
activations:  [array([[-0.88275463],
       [-0.44301392],
       [ 0.77482491]]), array([[ 0.13454371],
       [ 0.06574897]]), array([[ 0.40706505],
       [ 0.62615379],
       [ 0.12751338]])]
cost derivative:  [[ 1.28981968]
 [ 1.06916771]
 [-0.64731153]]
unit step:  1
delta:  [[ 1.28981968]
 [ 1.06916771]
 [-0.64731153]]
delta b updated:  [array([[ 0.11533866],
       [-0.10013112]]), array([[ 1.28981968],
       [ 1.06916771],
       [-0.64731153]])]
delta w updated: [array([[-0.10181574, -0.05109663,  0.08936727],
       [ 0.08839121,  0.04435948, -0.07758409]]), array([[ 0.17353712,  0.08480431],
       [ 0.14384979,  0.07029667],
       [-0.08709169, -0.04256006]])]
input:  [[-0.26986321]
 [-0.32695589]
 [ 0.8656565 ]]
activations:  [array([[-0.26986321],
       [-0.32695589],
       [ 0.8656565 ]]), array([[ 0.32365545],
       [-0.12079577]]), array([[ 0.85516079],
       [ 0.64596876],
       [ 0.36549696]])]
cost derivative:  [[ 1.12502401]
 [ 0.97292466]
 [-0.50015955]]
unit step:  1
delta:  [[ 1.12502401]
 [ 0.97292466]
 [-0.50015955]]
delta b updated:  [array([[ 0.24765151],
       [ 0.16876524]]), array([[ 1.12502401],
       [ 0.97292466],
       [-0.50015955]])]
delta w updated: [array([[-0.06683203, -0.08097112,  0.21438114],
       [-0.04554353, -0.05517879,  0.14609272]]), array([[ 0.36412016, -0.13589814],
       [ 0.31489237, -0.11752518],
       [-0.16187937,  0.06041716]])]
input:  [[-0.57477534]
 [-0.08211458]
 [ 1.03236081]]
activations:  [array([[-0.57477534],
       [-0.08211458],
       [ 1.03236081]]), array([[ 0.27645764],
       [ 0.07471257]]), array([[ 0.60102597],
       [ 0.54105793],
       [ 0.20988693]])]
cost derivative:  [[ 1.17580131]
 [ 0.62317251]
 [-0.82247387]]
unit step:  1
delta:  [[ 1.17580131]
 [ 0.62317251]
 [-0.82247387]]
delta b updated:  [array([[ 0.22987833],
       [-0.07493314]]), array([[ 1.17580131],
       [ 0.62317251],
       [-0.82247387]])]
delta w updated: [array([[-0.13212839, -0.01887636,  0.23731738],
       [ 0.04306972,  0.0061531 , -0.07735804]]), array([[ 0.32505925,  0.08784714],
       [ 0.1722808 ,  0.04655882],
       [-0.22737918, -0.06144914]])]
input:  [[ 0.83586808]
 [-0.38015222]
 [ 0.84564697]]
activations:  [array([[ 0.83586808],
       [-0.38015222],
       [ 0.84564697]]), array([[ 0.623893  ],
       [-0.54674643]]), array([[ 1.68989034],
       [ 0.76407995],
       [ 0.82753757]])]
cost derivative:  [[ 0.85402226]
 [ 1.14423217]
 [-0.01810941]]
unit step:  1
delta:  [[ 0.85402226]
 [ 1.14423217]
 [-0.01810941]]
delta b updated:  [array([[ 0.36186894],
       [ 0.85604601]]), array([[ 0.85402226],
       [ 1.14423217],
       [-0.01810941]])]
delta w updated: [array([[ 0.3024747 , -0.13756528,  0.30601337],
       [ 0.71554153, -0.32542779,  0.72391272]]), array([[ 0.53281851, -0.46693362],
       [ 0.71387844, -0.62560485],
       [-0.01129833,  0.00990125]])]
input:  [[-0.79480844]
 [-0.92433828]
 [ 0.43913113]]
activations:  [array([[-0.79480844],
       [-0.92433828],
       [ 0.43913113]]), array([[ 0.0836339 ],
       [-0.13045176]]), array([[ 0.51933489],
       [ 0.78402896],
       [ 0.22374915]])]
cost derivative:  [[ 1.31414333]
 [ 1.70836724]
 [-0.21538198]]
unit step:  1
delta:  [[ 1.31414333]
 [ 1.70836724]
 [-0.21538198]]
delta b updated:  [array([[ 0.06730751],
       [ 0.29381785]]), array([[ 1.31414333],
       [ 1.70836724],
       [-0.21538198]])]
delta w updated: [array([[-0.05349658, -0.06221491,  0.02955682],
       [-0.23352891, -0.27158709,  0.12902457]]), array([[ 0.10990694, -0.17143231],
       [ 0.14287742, -0.22285951],
       [-0.01801324,  0.02809696]])]
input:  [[-0.83754064]
 [-0.04312429]
 [ 1.05556754]]
activations:  [array([[-0.83754064],
       [-0.04312429],
       [ 1.05556754]]), array([[ 0.20875517],
       [ 0.18437419]]), array([[ 0.39849877],
       [ 0.50401443],
       [ 0.09736781]])]
cost derivative:  [[ 1.23603941]
 [ 0.54713872]
 [-0.95819973]]
unit step:  1
delta:  [[ 1.23603941]
 [ 0.54713872]
 [-0.95819973]]
delta b updated:  [array([[ 0.18270258],
       [-0.16985195]]), array([[ 1.23603941],
       [ 0.54713872],
       [-0.95819973]])]
delta w updated: [array([[-0.15302084, -0.00787892,  0.19285492],
       [ 0.14225791,  0.00732475, -0.17929021]]), array([[ 0.25802962,  0.22789377],
       [ 0.11421804,  0.10087826],
       [-0.20002915, -0.1766673 ]])]
input:  [[-0.56567595]
 [-0.08795369]
 [ 1.02841365]]
activations:  [array([[-0.56567595],
       [-0.08795369],
       [ 1.02841365]]), array([[ 0.27753329],
       [ 0.06897594]]), array([[ 0.60639481],
       [ 0.54286582],
       [ 0.21498529]])]
cost derivative:  [[ 1.17207076]
 [ 0.63081951]
 [-0.81342836]]
unit step:  1
delta:  [[ 1.17207076]
 [ 0.63081951]
 [-0.81342836]]
delta b updated:  [array([[ 0.22943573],
       [-0.06967596]]), array([[ 1.17207076],
       [ 0.63081951],
       [-0.81342836]])]
delta w updated: [array([[-0.12978627, -0.02017972,  0.23595484],
       [ 0.03941401,  0.00612826, -0.07165571]]), array([[ 0.32528865,  0.08084469],
       [ 0.17507341,  0.04351137],
       [-0.22575345, -0.05610699]])]
input:  [[-0.63582729]
 [-0.0470456 ]
 [ 1.0559671 ]]
activations:  [array([[-0.63582729],
       [-0.0470456 ],
       [ 1.0559671 ]]), array([[ 0.2641183 ],
       [ 0.10881827]]), array([[ 0.5488387 ],
       [ 0.52344496],
       [ 0.18118092]])]
cost derivative:  [[ 1.18466599]
 [ 0.57049056]
 [-0.87478618]]
unit step:  1
delta:  [[ 1.18466599]
 [ 0.57049056]
 [-0.87478618]]
delta b updated:  [array([[ 0.2218328 ],
       [-0.10252545]]), array([[ 1.18466599],
       [ 0.57049056],
       [-0.87478618]])]
delta w updated: [array([[-0.14104735, -0.01043626,  0.23424814],
       [ 0.06518848,  0.00482337, -0.1082635 ]]), array([[ 0.31289197,  0.1289133 ],
       [ 0.150677  ,  0.06207979],
       [-0.23104704, -0.09519272]])]
input:  [[-0.89286411]
 [-0.23476572]
 [ 0.92050079]]
activations:  [array([[-0.89286411],
       [-0.23476572],
       [ 0.92050079]]), array([[ 0.16294539],
       [ 0.13999281]]), array([[ 0.37385118],
       [ 0.55836403],
       [ 0.09869891]])]
cost derivative:  [[ 1.26671529]
 [ 0.79312975]
 [-0.82180188]]
unit step:  1
delta:  [[ 1.26671529]
 [ 0.79312975]
 [-0.82180188]]
delta b updated:  [array([[ 0.14125021],
       [-0.16846287]]), array([[ 1.26671529],
       [ 0.79312975],
       [-0.82180188]])]
delta w updated: [array([[-0.12611724, -0.03316071,  0.13002093],
       [ 0.15041445,  0.03954931, -0.1550702 ]]), array([[ 0.20640542,  0.17733103],
       [ 0.12923684,  0.11103246],
       [-0.13390883, -0.11504635]])]
input:  [[-0.87312378]
 [-0.10708939]
 [ 1.01021872]]
activations:  [array([[-0.87312378],
       [-0.10708939],
       [ 1.01021872]]), array([[ 0.18817895],
       [ 0.17623826]]), array([[ 0.37504331],
       [ 0.51992186],
       [ 0.09113813]])]
cost derivative:  [[ 1.24816709]
 [ 0.62701125]
 [-0.91908059]]
unit step:  1
delta:  [[ 1.24816709]
 [ 0.62701125]
 [-0.91908059]]
delta b updated:  [array([[ 0.16405379],
       [-0.17833713]]), array([[ 1.24816709],
       [ 0.62701125],
       [-0.91908059]])]
delta w updated: [array([[-0.14323927, -0.01756842,  0.16573021],
       [ 0.15571039,  0.01909801, -0.18015951]]), array([[ 0.23487878,  0.2199748 ],
       [ 0.11799032,  0.11050337],
       [-0.17295162, -0.16197716]])]
input:  [[-0.72842907]
 [-0.01346693]
 [ 1.07803774]]
activations:  [array([[-0.72842907],
       [-0.01346693],
       [ 1.07803774]]), array([[ 0.24300927],
       [ 0.1548002 ]]), array([[ 0.47352099],
       [ 0.50369478],
       [ 0.13928161]])]
cost derivative:  [[ 1.20195006]
 [ 0.51716171]
 [-0.93875613]]
unit step:  1
delta:  [[ 1.20195006]
 [ 0.51716171]
 [-0.93875613]]
delta b updated:  [array([[ 0.20753401],
       [-0.13652774]]), array([[ 1.20195006],
       [ 0.51716171],
       [-0.93875613]])]
delta w updated: [array([[-0.15117381, -0.00279485,  0.2237295 ],
       [ 0.09945077,  0.00183861, -0.14718205]]), array([[ 0.292085  ,  0.18606211],
       [ 0.12567509,  0.08005674],
       [-0.22812644, -0.14531964]])]
input:  [[ 0.52081854]
 [-1.02999117]
 [ 0.38566014]]
activations:  [array([[ 0.52081854],
       [-1.02999117],
       [ 0.38566014]]), array([[ 0.43406188],
       [-0.65176151]]), array([[ 1.51449555],
       [ 0.93664173],
       [ 0.7799734 ]])]
cost derivative:  [[ 0.99367701]
 [ 1.9666329 ]
 [ 0.39431327]]
unit step:  1
delta:  [[ 0.99367701]
 [ 1.9666329 ]
 [ 0.39431327]]
delta b updated:  [array([[ 0.25137672],
       [ 1.63917363]]), array([[ 0.99367701],
       [ 1.9666329 ],
       [ 0.39431327]])]
delta w updated: [array([[ 0.13092166, -0.2589158 ,  0.09694598],
       [ 0.85371202, -1.68833436,  0.63216393]]), array([[ 0.43131731, -0.64764043],
       [ 0.85364038, -1.28177563],
       [ 0.17115636, -0.25699821]])]
input:  [[ 0.87519723]
 [-0.65344906]
 [ 0.65487403]]
activations:  [array([[ 0.87519723],
       [-0.65344906],
       [ 0.65487403]]), array([[ 0.59140463],
       [-0.65593808]]), array([[ 1.7432034 ],
       [ 0.85129998],
       [ 0.87986003]])]
cost derivative:  [[ 0.86800617]
 [ 1.50474904]
 [ 0.22498599]]
unit step:  1
delta:  [[ 0.86800617]
 [ 1.50474904]
 [ 0.22498599]]
delta b updated:  [array([[ 0.3248401 ],
       [ 1.29636001]]), array([[ 0.86800617],
       [ 1.50474904],
       [ 0.22498599]])]
delta w updated: [array([[ 0.28429916, -0.21226646,  0.21272935],
       [ 1.13457069, -0.84710523,  0.84895251]]), array([[ 0.51334287, -0.5693583 ],
       [ 0.88991555, -0.98702219],
       [ 0.13305776, -0.14757688]])]
input:  [[ 0.76625553]
 [-1.11224554]
 [ 0.33188589]]
activations:  [array([[ 0.76625553],
       [-1.11224554],
       [ 0.33188589]]), array([[ 0.48937453],
       [-0.77292184]]), array([[ 1.70795157],
       [ 0.98496033],
       [ 0.8922809 ]])]
cost derivative:  [[ 0.94169604]
 [ 2.09720587]
 [ 0.560395  ]]
unit step:  1
delta:  [[ 0.94169604]
 [ 2.09720587]
 [ 0.560395  ]]
delta b updated:  [array([[ 0.26118857],
       [ 2.05457293]]), array([[ 0.94169604],
       [ 2.09720587],
       [ 0.560395  ]])]
delta w updated: [array([[ 0.20013719, -0.29050582,  0.0866848 ],
       [ 1.57432788, -2.28518958,  0.68188377]]), array([[ 0.46084205, -0.72785743],
       [ 1.02631913, -1.62097622],
       [ 0.27424304, -0.43314154]])]
input:  [[-0.87575982]
 [-0.11553038]
 [ 1.00426649]]
activations:  [array([[-0.87575982],
       [-0.11553038],
       [ 1.00426649]]), array([[ 0.18552795],
       [ 0.17310003]]), array([[ 0.37245234],
       [ 0.52127367],
       [ 0.09181017]])]
cost derivative:  [[ 1.24821216]
 [ 0.63680405]
 [-0.91245632]]
unit step:  1
delta:  [[ 1.24821216]
 [ 0.63680405]
 [-0.91245632]]
delta b updated:  [array([[ 0.16125268],
       [-0.17685711]]), array([[ 1.24821216],
       [ 0.63680405],
       [-0.91245632]])]
delta w updated: [array([[-0.14121862, -0.01862958,  0.16194066],
       [ 0.15488435,  0.02043237, -0.17761167]]), array([[ 0.23157824,  0.21606556],
       [ 0.11814495,  0.1102308 ],
       [-0.16928615, -0.15794622]])]
input:  [[-0.84591795]
 [-0.68208683]
 [ 0.60797968]]
activations:  [array([[-0.84591795],
       [-0.68208683],
       [ 0.60797968]]), array([[ 0.10562567],
       [-0.0309723 ]]), array([[ 0.45180635],
       [ 0.70138849],
       [ 0.17470693]])]
cost derivative:  [[ 1.2977243 ]
 [ 1.38347532]
 [-0.43327275]]
unit step:  1
delta:  [[ 1.2977243 ]
 [ 1.38347532]
 [-0.43327275]]
delta b updated:  [array([[ 0.08690007],
       [ 0.05813013]]), array([[ 1.2977243 ],
       [ 1.38347532],
       [-0.43327275]])]
delta w updated: [array([[-0.07351033, -0.0592734 ,  0.05283348],
       [-0.04917332, -0.0396498 ,  0.03534194]]), array([[ 0.137073  , -0.0401935 ],
       [ 0.14613051, -0.04284941],
       [-0.04576472,  0.01341945]])]
input:  [[ 0.88234155]
 [-0.88453597]
 [ 0.49315826]]
activations:  [array([[ 0.88234155],
       [-0.88453597],
       [ 0.49315826]]), array([[ 0.55687388],
       [-0.74026873]]), array([[ 1.77205312],
       [ 0.92380263],
       [ 0.91303676]])]
cost derivative:  [[ 0.88971156]
 [ 1.80833859]
 [ 0.4198785 ]]
unit step:  1
delta:  [[ 0.88971156]
 [ 1.80833859]
 [ 0.4198785 ]]
delta b updated:  [array([[ 0.29583319],
       [ 1.72027418]]), array([[ 0.88971156],
       [ 1.80833859],
       [ 0.4198785 ]])]
delta w updated: [array([[ 0.26102592, -0.2616751 ,  0.14589258],
       [ 1.51786939, -1.52164439,  0.84836743]]), array([[ 0.49545713, -0.65862565],
       [ 1.00701652, -1.33865651],
       [ 0.23381937, -0.31082292]])]
input:  [[ 0.8800997 ]
 [-0.71060845]
 [ 0.6149225 ]]
activations:  [array([[ 0.8800997 ],
       [-0.71060845],
       [ 0.6149225 ]]), array([[ 0.58302406],
       [-0.68168548]]), array([[ 1.75320093],
       [ 0.86914894],
       [ 0.89106488]])]
cost derivative:  [[ 0.87310124]
 [ 1.57975739]
 [ 0.27614238]]
unit step:  1
delta:  [[ 0.87310124]
 [ 1.57975739]
 [ 0.27614238]]
delta b updated:  [array([[ 0.3174376 ],
       [ 1.40544647]]), array([[ 0.87310124],
       [ 1.57975739],
       [ 0.27614238]])]
delta w updated: [array([[ 0.27937673, -0.22557384,  0.19519952],
       [ 1.23693301, -0.99872214,  0.86424065]]), array([[ 0.50903903, -0.59518044],
       [ 0.92103657, -1.07689768],
       [ 0.16099765, -0.18824225]])]
input:  [[-0.8624718 ]
 [-0.58812709]
 [ 0.67352033]]
activations:  [array([[-0.8624718 ],
       [-0.58812709],
       [ 0.67352033]]), array([[ 0.11531576],
       [ 0.00602037]]), array([[ 0.42941833],
       [ 0.6696886 ],
       [ 0.15667159]])]
cost derivative:  [[ 1.29189013]
 [ 1.25781568]
 [-0.51684873]]
unit step:  1
delta:  [[ 1.29189013]
 [ 1.25781568]
 [-0.51684873]]
delta b updated:  [array([[ 0.09582316],
       [-0.01042686]]), array([[ 1.29189013],
       [ 1.25781568],
       [-0.51684873]])]
delta w updated: [array([[-0.08264477, -0.05635619,  0.06453884],
       [ 0.00899288,  0.00613232, -0.00702271]]), array([[ 0.14897529,  0.00777765],
       [ 0.14504597,  0.00757251],
       [-0.0596008 , -0.00311162]])]
input:  [[ 0.69145814]
 [-1.11114508]
 [ 0.33149012]]
activations:  [array([[ 0.69145814],
       [-1.11114508],
       [ 0.33149012]]), array([[ 0.46772648],
       [-0.74962226]]), array([[ 1.65185075],
       [ 0.97696402],
       [ 0.86367394]])]
cost derivative:  [[ 0.96039261]
 [ 2.0881091 ]
 [ 0.53218382]]
unit step:  1
delta:  [[ 0.96039261]
 [ 2.0881091 ]
 [ 0.53218382]]
delta b updated:  [array([[ 0.25491702],
       [ 1.98509708]]), array([[ 0.96039261],
       [ 2.0881091 ],
       [ 0.53218382]])]
delta w updated: [array([[ 0.17626445, -0.28324979,  0.08450247],
       [ 1.37261154, -2.20573084,  0.65804006]]), array([[ 0.44920106, -0.71993168],
       [ 0.97666392, -1.56529307],
       [ 0.24891647, -0.39893684]])]
input:  [[-0.80326333]
 [-0.01910134]
 [ 1.07292504]]
activations:  [array([[-0.80326333],
       [-0.01910134],
       [ 1.07292504]]), array([[ 0.22022138],
       [ 0.17777418]]), array([[ 0.41543907],
       [ 0.49600605],
       [ 0.11050287]])]
cost derivative:  [[ 1.21870241]
 [ 0.51510739]
 [-0.96242217]]
unit step:  1
delta:  [[ 1.21870241]
 [ 0.51510739]
 [-0.96242217]]
delta b updated:  [array([[ 0.18986752],
       [-0.15628135]]), array([[ 1.21870241],
       [ 0.51510739],
       [-0.96242217]])]
delta w updated: [array([[-0.15251361, -0.00362672,  0.20371361],
       [ 0.12553508,  0.00298518, -0.16767818]]), array([[ 0.26838432,  0.21665383],
       [ 0.11343766,  0.09157279],
       [-0.21194594, -0.17109381]])]
input:  [[-0.31359679]
 [-0.2876391 ]
 [ 0.89250755]]
activations:  [array([[-0.31359679],
       [-0.2876391 ],
       [ 0.89250755]]), array([[ 0.31497042],
       [-0.09602387]]), array([[ 0.81088696],
       [ 0.6254202 ],
       [ 0.3465209 ]])]
cost derivative:  [[ 1.12448375]
 [ 0.91305931]
 [-0.54598664]]
unit step:  1
delta:  [[ 1.12448375]
 [ 0.91305931]
 [-0.54598664]]
delta b updated:  [array([[ 0.24061909],
       [ 0.12711294]]), array([[ 1.12448375],
       [ 0.91305931],
       [-0.54598664]])]
delta w updated: [array([[-0.07545737, -0.06921146,  0.21475435],
       [-0.03986221, -0.03656265,  0.11344926]]), array([[ 0.35417912, -0.10797728],
       [ 0.28758668, -0.08767549],
       [-0.17196964,  0.05242775]])]
input:  [[-0.3027292 ]
 [-0.29732748]
 [ 0.88589238]]
activations:  [array([[-0.3027292 ],
       [-0.29732748],
       [ 0.88589238]]), array([[ 0.31633894],
       [-0.10346255]]), array([[ 0.81950185],
       [ 0.62927288],
       [ 0.35237959]])]
cost derivative:  [[ 1.12223104]
 [ 0.92660036]
 [-0.53351278]]
unit step:  1
delta:  [[ 1.12223104]
 [ 0.92660036]
 [-0.53351278]]
delta b updated:  [array([[ 0.24062908],
       [ 0.13849723]]), array([[ 1.12223104],
       [ 0.92660036],
       [-0.53351278]])]
delta w updated: [array([[-0.07284545, -0.07154564,  0.21317146],
       [-0.04192716, -0.04117903,  0.12269364]]), array([[ 0.35500538, -0.11610889],
       [ 0.29311978, -0.09586844],
       [-0.16877087,  0.05519859]])]
input:  [[-0.73538449]
 [-0.01234762]
 [ 1.07871312]]
activations:  [array([[-0.73538449],
       [-0.01234762],
       [ 1.07871312]]), array([[ 0.2396953 ],
       [ 0.15479388]]), array([[ 0.46391661],
       [ 0.4996515 ],
       [ 0.13814083]])]
cost derivative:  [[ 1.1993011 ]
 [ 0.51199912]
 [-0.94057229]]
unit step:  1
delta:  [[ 1.1993011 ]
 [ 0.51199912]
 [-0.94057229]]
delta b updated:  [array([[ 0.20349444],
       [-0.13509122]]), array([[ 1.1993011 ],
       [ 0.51199912],
       [-0.94057229]])]
delta w updated: [array([[-0.14964665, -0.00251267,  0.21951212],
       [ 0.09934398,  0.00166805, -0.14572467]]), array([[ 0.28746684,  0.18564447],
       [ 0.12272378,  0.07925433],
       [-0.22545076, -0.14559483]])]
input:  [[ 0.6280486 ]
 [-1.08977712]
 [ 0.34546499]]
activations:  [array([[ 0.6280486 ],
       [-1.08977712],
       [ 0.34546499]]), array([[ 0.45276362],
       [-0.72064353]]), array([[ 1.60061824],
       [ 0.96366577],
       [ 0.83642178]])]
cost derivative:  [[ 0.97256964]
 [ 2.05344289]
 [ 0.49095679]]
unit step:  1
delta:  [[ 0.97256964]
 [ 2.05344289]
 [ 0.49095679]]
delta b updated:  [array([[ 0.25103966],
       [ 1.8798732 ]]), array([[ 0.97256964],
       [ 2.05344289],
       [ 0.49095679]])]
delta w updated: [array([[ 0.1576651 , -0.27357727,  0.08672541],
       [ 1.18065172, -2.0486428 ,  0.64943037]]), array([[ 0.44034415, -0.70087602],
       [ 0.92972423, -1.47980033],
       [ 0.22228737, -0.35380484]])]
input:  [[-0.86937796]
 [-0.5441958 ]
 [ 0.70417715]]
activations:  [array([[-0.86937796],
       [-0.5441958 ],
       [ 0.70417715]]), array([[ 0.11927928],
       [ 0.02202086]]), array([[ 0.41716096],
       [ 0.65398723],
       [ 0.14962224]])]
cost derivative:  [[ 1.28653892]
 [ 1.19818302]
 [-0.55455491]]
unit step:  1
delta:  [[ 1.28653892]
 [ 1.19818302]
 [-0.55455491]]
delta b updated:  [array([[ 0.09910368],
       [-0.03658044]]), array([[ 1.28653892],
       [ 1.19818302],
       [-0.55455491]])]
delta w updated: [array([[-0.08615855, -0.0539318 ,  0.06978654],
       [ 0.03180223,  0.01990692, -0.02575911]]), array([[ 0.15345743,  0.02833069],
       [ 0.14291841,  0.02638502],
       [-0.06614691, -0.01221177]])]
input:  [[ 0.67627288]
 [-1.10732743]
 [ 0.33392676]]
activations:  [array([[ 0.67627288],
       [-1.10732743],
       [ 0.33392676]]), array([[ 0.4632319 ],
       [-0.74628606]]), array([[ 1.63896036],
       [ 0.97330374],
       [ 0.85938801]])]
cost derivative:  [[ 0.96268747]
 [ 2.08063118]
 [ 0.52546125]]
unit step:  1
delta:  [[ 0.96268747]
 [ 2.08063118]
 [ 0.52546125]]
delta b updated:  [array([[ 0.25274964],
       [ 1.96894255]]), array([[ 0.96268747],
       [ 2.08063118],
       [ 0.52546125]])]
delta w updated: [array([[ 0.17092773, -0.27987661,  0.08439987],
       [ 1.33154246, -2.1802641 ,  0.6574826 ]]), array([[ 0.44594755, -0.71844024],
       [ 0.96381473, -1.55274604],
       [ 0.24341041, -0.3921444 ]])]
input:  [[ 0.4324114 ]
 [-0.96680394]
 [ 0.42853068]]
activations:  [array([[ 0.4324114 ],
       [-0.96680394],
       [ 0.42853068]]), array([[ 0.41678057],
       [-0.60900496]]), array([[ 1.44150296],
       [ 0.90669328],
       [ 0.74160005]])]
cost derivative:  [[ 1.00909156]
 [ 1.87349722]
 [ 0.31306937]]
unit step:  1
delta:  [[ 1.00909156]
 [ 1.87349722]
 [ 0.31306937]]
delta b updated:  [array([[ 0.24792829],
       [ 1.46535335]]), array([[ 1.00909156],
       [ 1.87349722],
       [ 0.31306937]])]
delta w updated: [array([[ 0.10720702, -0.23969805,  0.10624488],
       [ 0.63363549, -1.41670939,  0.62794887]]), array([[ 0.42056976, -0.61454177],
       [ 0.78083725, -1.14096911],
       [ 0.13048123, -0.1906608 ]])]
input:  [[-0.88477696]
 [-0.42422919]
 [ 0.78794808]]
activations:  [array([[-0.88477696],
       [-0.42422919],
       [ 0.78794808]]), array([[ 0.13334971],
       [ 0.06747082]]), array([[ 0.39297747],
       [ 0.61420548],
       [ 0.12885359]])]
cost derivative:  [[ 1.27775443]
 [ 1.03843467]
 [-0.65909448]]
unit step:  1
delta:  [[ 1.27775443]
 [ 1.03843467]
 [-0.65909448]]
delta b updated:  [array([[ 0.11219291],
       [-0.09969959]]), array([[ 1.27775443],
       [ 1.03843467],
       [-0.65909448]])]
delta w updated: [array([[-0.0992657 , -0.04759551,  0.08840219],
       [ 0.0882119 ,  0.04229548, -0.0785581 ]]), array([[ 0.17038818,  0.08621114],
       [ 0.13847496,  0.07006404],
       [-0.08789006, -0.04446965]])]
input:  [[ 0.46254887]
 [-0.98940729]
 [ 0.41317183]]
activations:  [array([[ 0.46254887],
       [-0.98940729],
       [ 0.41317183]]), array([[ 0.42143422],
       [-0.62908994]]), array([[ 1.46628924],
       [ 0.91612603],
       [ 0.75752184]])]
cost derivative:  [[ 1.00374036]
 [ 1.90553332]
 [ 0.34435001]]
unit step:  1
delta:  [[ 1.00374036]
 [ 1.90553332]
 [ 0.34435001]]
delta b updated:  [array([[ 0.24779091],
       [ 1.53603476]]), array([[ 1.00374036],
       [ 1.90553332],
       [ 0.34435001]])]
delta w updated: [array([[ 0.11461541, -0.24516614,  0.10238022],
       [ 0.71049114, -1.51976399,  0.63464629]]), array([[ 0.42301054, -0.63144297],
       [ 0.80305695, -1.19875184],
       [ 0.14512088, -0.21662713]])]
input:  [[ 0.5017083 ]
 [-1.01718375]
 [ 0.39433099]]
activations:  [array([[ 0.5017083 ],
       [-1.01718375],
       [ 0.39433099]]), array([[ 0.42784462],
       [-0.65446562]]), array([[ 1.49903332],
       [ 0.92839926],
       [ 0.77770556]])]
cost derivative:  [[ 0.99732502]
 [ 1.94558301]
 [ 0.38337456]]
unit step:  1
delta:  [[ 0.99732502]
 [ 1.94558301]
 [ 0.38337456]]
delta b updated:  [array([[ 0.24814361],
       [ 1.62725189]]), array([[ 0.99732502],
       [ 1.94558301],
       [ 0.38337456]])]
delta w updated: [array([[ 0.12449571, -0.25240765,  0.09785072],
       [ 0.81640578, -1.65521418,  0.64167585]]), array([[ 0.42670014, -0.65271494],
       [ 0.83240722, -1.2733172 ],
       [ 0.16402474, -0.25090547]])]
input:  [[-0.87822135]
 [-0.1243584 ]
 [ 0.99804596]]
activations:  [array([[-0.87822135],
       [-0.1243584 ],
       [ 0.99804596]]), array([[ 0.18158939],
       [ 0.16694692]]), array([[ 0.36634538],
       [ 0.51970735],
       [ 0.09440869]])]
cost derivative:  [[ 1.24456673]
 [ 0.64406574]
 [-0.90363727]]
unit step:  1
delta:  [[ 1.24456673]
 [ 0.64406574]
 [-0.90363727]]
delta b updated:  [array([[ 0.15639046],
       [-0.17118023]]), array([[ 1.24456673],
       [ 0.64406574],
       [-0.90363727]])]
delta w updated: [array([[-0.13734544, -0.01944847,  0.15608487],
       [ 0.15033413,  0.0212877 , -0.17084574]]), array([[ 0.22600011,  0.20777658],
       [ 0.1169555 ,  0.10752479],
       [-0.16409094, -0.15085946]])]
input:  [[-0.77443049]
 [-0.01156442]
 [ 1.07865268]]
activations:  [array([[-0.77443049],
       [-0.01156442],
       [ 1.07865268]]), array([[ 0.22799084],
       [ 0.16716727]]), array([[ 0.43202178],
       [ 0.49348881],
       [ 0.12329944]])]
cost derivative:  [[ 1.20645226]
 [ 0.50505323]
 [-0.95535325]]
unit step:  1
delta:  [[ 1.20645226]
 [ 0.50505323]
 [-0.95535325]]
delta b updated:  [array([[ 0.19424987],
       [-0.14438144]]), array([[ 1.20645226],
       [ 0.50505323],
       [-0.95535325]])]
delta w updated: [array([[-0.15043302, -0.00224639,  0.20952815],
       [ 0.11181339,  0.00166969, -0.15573743]]), array([[ 0.27506006,  0.20167933],
       [ 0.11514751,  0.08442837],
       [-0.21781179, -0.15970379]])]
input:  [[-0.89356616]
 [-0.27608096]
 [ 0.89155731]]
activations:  [array([[-0.89356616],
       [-0.27608096],
       [ 0.89155731]]), array([[ 0.15335249],
       [ 0.12073181]]), array([[ 0.36901554],
       [ 0.56568284],
       [ 0.10744859]])]
cost derivative:  [[ 1.2625817 ]
 [ 0.8417638 ]
 [-0.78410872]]
unit step:  1
delta:  [[ 1.2625817 ]
 [ 0.8417638 ]
 [-0.78410872]]
delta b updated:  [array([[ 0.13042014],
       [-0.15105051]]), array([[ 1.2625817 ],
       [ 0.8417638 ],
       [-0.78410872]])]
delta w updated: [array([[-0.11653902, -0.03600652,  0.11627703],
       [ 0.13497362,  0.04170217, -0.13467018]]), array([[ 0.19362004,  0.15243377],
       [ 0.12908657,  0.10162766],
       [-0.12024502, -0.09466686]])]
input:  [[ 0.88312225]
 [-0.76350839]
 [ 0.57792449]]
activations:  [array([[ 0.88312225],
       [-0.76350839],
       [ 0.57792449]]), array([[ 0.57348104],
       [-0.7107764 ]]), array([[ 1.75892366],
       [ 0.8829281 ],
       [ 0.90487633]])]
cost derivative:  [[ 0.87580141]
 [ 1.64643649]
 [ 0.32695184]]
unit step:  1
delta:  [[ 0.87580141]
 [ 1.64643649]
 [ 0.32695184]]
delta b updated:  [array([[ 0.30791205],
       [ 1.51772746]]), array([[ 0.87580141],
       [ 1.64643649],
       [ 0.32695184]])]
delta w updated: [array([[ 0.27192398, -0.23509343,  0.17794991],
       [ 1.34033888, -1.15879765,  0.87713186]]), array([[ 0.50225551, -0.62249897],
       [ 0.94420011, -1.17024819],
       [ 0.18750068, -0.23238965]])]
input:  [[-0.23663819]
 [-0.35734895]
 [ 0.84489076]]
activations:  [array([[-0.23663819],
       [-0.35734895],
       [ 0.84489076]]), array([[ 0.32387177],
       [-0.15334417]]), array([[ 0.87226839],
       [ 0.6514973 ],
       [ 0.39016183]])]
cost derivative:  [[ 1.10890657]
 [ 1.00884626]
 [-0.45472893]]
unit step:  1
delta:  [[ 1.10890657]
 [ 1.00884626]
 [-0.45472893]]
delta b updated:  [array([[ 0.23998348],
       [ 0.21901745]]), array([[ 1.10890657],
       [ 1.00884626],
       [-0.45472893]])]
delta w updated: [array([[-0.05678925, -0.08575784,  0.20275982],
       [-0.05182789, -0.07826566,  0.18504582]]), array([[ 0.35914353, -0.17004435],
       [ 0.32673682, -0.15470069],
       [-0.14727386,  0.06973003]])]
input:  [[ 0.88312251]
 [-0.87095692]
 [ 0.50267967]]
activations:  [array([[ 0.88312251],
       [-0.87095692],
       [ 0.50267967]]), array([[ 0.55634619],
       [-0.74926898]]), array([[ 1.76998034],
       [ 0.91655526],
       [ 0.91913083]])]
cost derivative:  [[ 0.88685783]
 [ 1.78751218]
 [ 0.41645116]]
unit step:  1
delta:  [[ 0.88685783]
 [ 1.78751218]
 [ 0.41645116]]
delta b updated:  [array([[ 0.29403314],
       [ 1.72044238]]), array([[ 0.88685783],
       [ 1.78751218],
       [ 0.41645116]])]
delta w updated: [array([[ 0.25966729, -0.2560902 ,  0.14780448],
       [ 1.51936138, -1.49843119,  0.86483141]]), array([[ 0.49339997, -0.66449506],
       [ 0.99447559, -1.33932743],
       [ 0.23169102, -0.31203394]])]
input:  [[ 0.08239468]
 [-0.65908384]
 [ 0.63856482]]
activations:  [array([[ 0.08239468],
       [-0.65908384],
       [ 0.63856482]]), array([[ 0.36560282],
       [-0.37789189]]), array([[ 1.14429086],
       [ 0.77582026],
       [ 0.56099334]])]
cost derivative:  [[ 1.06189618]
 [ 1.4349041 ]
 [-0.07757148]]
unit step:  1
delta:  [[ 1.06189618]
 [ 1.4349041 ]
 [-0.07757148]]
delta b updated:  [array([[ 0.24451633],
       [ 0.72127539]]), array([[ 1.06189618],
       [ 1.4349041 ],
       [-0.07757148]])]
delta w updated: [array([[ 0.02014685, -0.16115676,  0.15613953],
       [ 0.05942926, -0.47538096,  0.46058109]]), array([[ 0.38823224, -0.40128195],
       [ 0.52460498, -0.54223862],
       [-0.02836035,  0.02931363]])]
input:  [[-0.59269937]
 [-0.07103919]
 [ 1.03983725]]
activations:  [array([[-0.59269937],
       [-0.07103919],
       [ 1.03983725]]), array([[ 0.26866492],
       [ 0.07732678]]), array([[ 0.57319993],
       [ 0.52782146],
       [ 0.2070468 ]])]
cost derivative:  [[ 1.16589929]
 [ 0.59886065]
 [-0.83279044]]
unit step:  1
delta:  [[ 1.16589929]
 [ 0.59886065]
 [-0.83279044]]
delta b updated:  [array([[ 0.21926923],
       [-0.07466566]]), array([[ 1.16589929],
       [ 0.59886065],
       [-0.83279044]])]
delta w updated: [array([[-0.12996073, -0.01557671,  0.22800431],
       [ 0.04425429,  0.00530419, -0.07764013]]), array([[ 0.31323624,  0.09015524],
       [ 0.16089285,  0.04630797],
       [-0.22374158, -0.064397  ]])]
input:  [[ 0.87867669]
 [-0.69203369]
 [ 0.62790797]]
activations:  [array([[ 0.87867669],
       [-0.69203369],
       [ 0.62790797]]), array([[ 0.58246272],
       [-0.6879486 ]]), array([[ 1.74757104],
       [ 0.85932568],
       [ 0.89577564]])]
cost derivative:  [[ 0.86889435]
 [ 1.55135937]
 [ 0.26786767]]
unit step:  1
delta:  [[ 0.86889435]
 [ 1.55135937]
 [ 0.26786767]]
delta b updated:  [array([[ 0.31529743],
       [ 1.3933167 ]]), array([[ 0.86889435],
       [ 1.55135937],
       [ 0.26786767]])]
delta w updated: [array([[ 0.2770445 , -0.21819644,  0.19797777],
       [ 1.22427491, -0.9642221 ,  0.87487466]]), array([[ 0.50609856, -0.59775465],
       [ 0.90360899, -1.0672555 ],
       [ 0.15602293, -0.18427919]])]
input:  [[ 0.88131382]
 [-0.72870994]
 [ 0.60226519]]
activations:  [array([[ 0.88131382],
       [-0.72870994],
       [ 0.60226519]]), array([[ 0.57720691],
       [-0.70281836]]), array([[ 1.75365244],
       [ 0.87116571],
       [ 0.90196319]])]
cost derivative:  [[ 0.87233862]
 [ 1.59987565]
 [ 0.29969799]]
unit step:  1
delta:  [[ 0.87233862]
 [ 1.59987565]
 [ 0.29969799]]
delta b updated:  [array([[ 0.31066398],
       [ 1.46222567]]), array([[ 0.87233862],
       [ 1.59987565],
       [ 0.29969799]])]
delta w updated: [array([[ 0.27379246, -0.22638393,  0.1871021 ],
       [ 1.28867969, -1.06553838,  0.88064762]]), array([[ 0.50351987, -0.6130956 ],
       [ 0.92345927, -1.12442198],
       [ 0.17298775, -0.21063325]])]
input:  [[-0.06673768]
 [-0.51717072]
 [ 0.73561912]]
activations:  [array([[-0.06673768],
       [-0.51717072],
       [ 0.73561912]]), array([[ 0.34544053],
       [-0.27516649]]), array([[ 1.01629061],
       [ 0.71675219],
       [ 0.48224089]])]
cost derivative:  [[ 1.08302829]
 [ 1.23392292]
 [-0.25337823]]
unit step:  1
delta:  [[ 1.08302829]
 [ 1.23392292]
 [-0.25337823]]
delta b updated:  [array([[ 0.24203904],
       [ 0.46240309]]), array([[ 1.08302829],
       [ 1.23392292],
       [-0.25337823]])]
delta w updated: [array([[-0.01615312, -0.12517551,  0.17804855],
       [-0.03085971, -0.23914134,  0.34015255]]), array([[ 0.37412186, -0.2980131 ],
       [ 0.42624698, -0.33953424],
       [-0.08752711,  0.0697212 ]])]
input:  [[ 0.1280158 ]
 [-0.70199809]
 [ 0.60922395]]
activations:  [array([[ 0.1280158 ],
       [-0.70199809],
       [ 0.60922395]]), array([[ 0.37082063],
       [-0.41235246]]), array([[ 1.1822728 ],
       [ 0.79281921],
       [ 0.58662788]])]
cost derivative:  [[ 1.054257  ]
 [ 1.4948173 ]
 [-0.02259608]]
unit step:  1
delta:  [[ 1.054257  ]
 [ 1.4948173 ]
 [-0.02259608]]
delta b updated:  [array([[ 0.2433663 ],
       [ 0.81418048]]), array([[ 1.054257  ],
       [ 1.4948173 ],
       [-0.02259608]])]
delta w updated: [array([[ 0.03115473, -0.17084268,  0.14826458],
       [ 0.10422797, -0.57155314,  0.49601825]]), array([[ 0.39094024, -0.43472547],
       [ 0.55430909, -0.61639159],
       [-0.00837909,  0.00931755]])]
input:  [[ 0.64455448]
 [-1.09661287]
 [ 0.3409354 ]]
activations:  [array([[ 0.64455448],
       [-1.09661287],
       [ 0.3409354 ]]), array([[ 0.4532521 ],
       [-0.74303192]]), array([[ 1.61323845],
       [ 0.96474813],
       [ 0.85116769]])]
cost derivative:  [[ 0.96868397]
 [ 2.061361  ]
 [ 0.51023229]]
unit step:  1
delta:  [[ 0.96868397]
 [ 2.061361  ]
 [ 0.51023229]]
delta b updated:  [array([[ 0.24780633],
       [ 1.9404274 ]]), array([[ 0.96868397],
       [ 2.061361  ],
       [ 0.51023229]])]
delta w updated: [array([[ 0.15972468, -0.27174761,  0.08448595],
       [ 1.25071117, -2.12789766,  0.66156039]]), array([[ 0.43905805, -0.71976311],
       [ 0.93431621, -1.53165701],
       [ 0.23126386, -0.37911887]])]
input:  [[ 0.88431089]
 [-0.8122521 ]
 [ 0.54380843]]
activations:  [array([[ 0.88431089],
       [-0.8122521 ],
       [ 0.54380843]]), array([[ 0.56422493],
       [-0.73660708]]), array([[ 1.76502541],
       [ 0.89722928],
       [ 0.91538649]])]
cost derivative:  [[ 0.88071452]
 [ 1.70948138]
 [ 0.37157806]]
unit step:  1
delta:  [[ 0.88071452]
 [ 1.70948138]
 [ 0.37157806]]
delta b updated:  [array([[ 0.29977976],
       [ 1.62400255]]), array([[ 0.88071452],
       [ 1.70948138],
       [ 0.37157806]])]
delta w updated: [array([[ 0.26509851, -0.24349674,  0.16302276],
       [ 1.43612313, -1.31909948,  0.88314628]]), array([[ 0.49692109, -0.64874055],
       [ 0.96453201, -1.25921609],
       [ 0.2096536 , -0.27370703]])]
input:  [[-0.74221482]
 [-0.01150444]
 [ 1.07919707]]
activations:  [array([[-0.74221482],
       [-0.01150444],
       [ 1.07919707]]), array([[ 0.23536831],
       [ 0.15115434]]), array([[ 0.45317175],
       [ 0.49400515],
       [ 0.13866523]])]
cost derivative:  [[ 1.19538657]
 [ 0.50550959]
 [-0.94053184]]
unit step:  1
delta:  [[ 1.19538657]
 [ 0.50550959]
 [-0.94053184]]
delta b updated:  [array([[ 0.19813339],
       [-0.13002605]]), array([[ 1.19538657],
       [ 0.50550959],
       [-0.94053184]])]
delta w updated: [array([[-0.14705754, -0.00227941,  0.21382498],
       [ 0.09650726,  0.00149588, -0.14032373]]), array([[ 0.28135612,  0.18068786],
       [ 0.11898094,  0.07640997],
       [-0.22137139, -0.14216547]])]
input:  [[-0.02084301]
 [-0.56093583]
 [ 0.70568668]]
activations:  [array([[-0.02084301],
       [-0.56093583],
       [ 0.70568668]]), array([[ 0.35067737],
       [-0.31037527]]), array([[ 1.05502342],
       [ 0.73405398],
       [ 0.50823775]])]
cost derivative:  [[ 1.07586643]
 [ 1.29498981]
 [-0.19744893]]
unit step:  1
delta:  [[ 1.07586643]
 [ 1.29498981]
 [-0.19744893]]
delta b updated:  [array([[ 0.24159428],
       [ 0.5425165 ]]), array([[ 1.07586643],
       [ 1.29498981],
       [-0.19744893]])]
delta w updated: [array([[-0.00503555, -0.13551889,  0.17048987],
       [-0.01130767, -0.30431694,  0.38284667]]), array([[ 0.377282  , -0.33392234],
       [ 0.45412362, -0.40193281],
       [-0.06924087,  0.06128327]])]
input:  [[ 0.16203029]
 [-0.7336841 ]
 [ 0.58756508]]
activations:  [array([[ 0.16203029],
       [-0.7336841 ],
       [ 0.58756508]]), array([[ 0.37459069],
       [-0.43931486]]), array([[ 1.21098058],
       [ 0.80526675],
       [ 0.60633946]])]
cost derivative:  [[ 1.0489503 ]
 [ 1.53895085]
 [ 0.01877438]]
unit step:  1
delta:  [[ 1.0489503 ]
 [ 1.53895085]
 [ 0.01877438]]
delta b updated:  [array([[ 0.24251186],
       [ 0.88862098]]), array([[ 1.0489503 ],
       [ 1.53895085],
       [ 0.01877438]])]
delta w updated: [array([[ 0.03929427, -0.1779271 ,  0.1424915 ],
       [ 0.14398351, -0.65196709,  0.52212266]]), array([[ 0.39292701, -0.46081945],
       [ 0.57647666, -0.67608397],
       [ 0.00703271, -0.00824786]])]
input:  [[-0.891427  ]
 [-0.20937399]
 [ 0.9383047 ]]
activations:  [array([[-0.891427  ],
       [-0.20937399],
       [ 0.9383047 ]]), array([[ 0.16246275],
       [ 0.13818425]]), array([[ 0.36025193],
       [ 0.54223903],
       [ 0.10232382]])]
cost derivative:  [[ 1.25167894]
 [ 0.75161302]
 [-0.83598088]]
unit step:  1
delta:  [[ 1.25167894]
 [ 0.75161302]
 [-0.83598088]]
delta b updated:  [array([[ 0.1378209 ],
       [-0.15795934]]), array([[ 1.25167894],
       [ 0.75161302],
       [-0.83598088]])]
delta w updated: [array([[-0.12285727, -0.02885611,  0.129318  ],
       [ 0.14080922,  0.03307258, -0.14821399]]), array([[ 0.2033512 ,  0.17296232],
       [ 0.12210912,  0.10386108],
       [-0.13581575, -0.11551939]])]
input:  [[-0.03232454]
 [-0.54998373]
 [ 0.71317725]]
activations:  [array([[-0.03232454],
       [-0.54998373],
       [ 0.71317725]]), array([[ 0.34880717],
       [-0.30303444]]), array([[ 1.04409077],
       [ 0.72882563],
       [ 0.50269747]])]
cost derivative:  [[ 1.07641531]
 [ 1.27880936]
 [-0.21047977]]
unit step:  1
delta:  [[ 1.07641531]
 [ 1.27880936]
 [-0.21047977]]
delta b updated:  [array([[ 0.24062724],
       [ 0.52386436]]), array([[ 1.07641531],
       [ 1.27880936],
       [-0.21047977]])]
delta w updated: [array([[-0.00777817, -0.13234107,  0.17160987],
       [-0.01693368, -0.28811687,  0.37360814]]), array([[ 0.37546138, -0.32619091],
       [ 0.44605788, -0.38752328],
       [-0.07341686,  0.06378262]])]
input:  [[-0.87249431]
 [-0.52297891]
 [ 0.71898646]]
activations:  [array([[-0.87249431],
       [-0.52297891],
       [ 0.71898646]]), array([[ 0.11857487],
       [ 0.02232625]]), array([[ 0.4066515 ],
       [ 0.64258222],
       [ 0.15030461]])]
cost derivative:  [[ 1.27914581]
 [ 1.16556114]
 [-0.56868184]]
unit step:  1
delta:  [[ 1.27914581]
 [ 1.16556114]
 [-0.56868184]]
delta b updated:  [array([[ 0.09730373],
       [-0.03605027]]), array([[ 1.27914581],
       [ 1.16556114],
       [-0.56868184]])]
delta w updated: [array([[-0.08489695, -0.0508878 ,  0.06996007],
       [ 0.03145366,  0.01885353, -0.02591966]]), array([[ 0.15167455,  0.02855853],
       [ 0.13820626,  0.02602261],
       [-0.06743138, -0.01269653]])]
input:  [[-0.42968263]
 [-0.18852497]
 [ 0.96010561]]
activations:  [array([[-0.42968263],
       [-0.18852497],
       [ 0.96010561]]), array([[ 0.29413933],
       [-0.02859587]]), array([[ 0.70503253],
       [ 0.57743421],
       [ 0.292016  ]])]
cost derivative:  [[ 1.13471517]
 [ 0.76595919]
 [-0.6680896 ]]
unit step:  1
delta:  [[ 1.13471517]
 [ 0.76595919]
 [-0.6680896 ]]
delta b updated:  [array([[ 0.22846319],
       [ 0.03288396]]), array([[ 1.13471517],
       [ 0.76595919],
       [-0.6680896 ]])]
delta w updated: [array([[-0.09816667, -0.04307102,  0.21934879],
       [-0.01412967, -0.00619945,  0.03157207]]), array([[ 0.33376436, -0.03244817],
       [ 0.22529872, -0.02190327],
       [-0.19651143,  0.0191046 ]])]
input:  [[ 0.81047671]
 [-1.08986298]
 [ 0.34824972]]
activations:  [array([[ 0.81047671],
       [-1.08986298],
       [ 0.34824972]]), array([[ 0.49938838],
       [-0.8075531 ]]), array([[ 1.73594266],
       [ 0.97617336],
       [ 0.9220604 ]])]
cost derivative:  [[ 0.92546596]
 [ 2.06603633]
 [ 0.57381068]]
unit step:  1
delta:  [[ 0.92546596]
 [ 2.06603633]
 [ 0.57381068]]
delta b updated:  [array([[ 0.25874572],
       [ 2.10854313]]), array([[ 0.92546596],
       [ 2.06603633],
       [ 0.57381068]])]
delta w updated: [array([[ 0.20970738, -0.28199738,  0.09010812],
       [ 1.70892509, -2.29802308,  0.73429955]]), array([[ 0.46216694, -0.74736291],
       [ 1.03175453, -1.66843405],
       [ 0.28655438, -0.4633826 ]])]
input:  [[ 0.88410719]
 [-0.84248988]
 [ 0.52263013]]
activations:  [array([[ 0.88410719],
       [-0.84248988],
       [ 0.52263013]]), array([[ 0.55824456],
       [-0.75162728]]), array([[ 1.76632805],
       [ 0.90499277],
       [ 0.92203181]])]
cost derivative:  [[ 0.88222086]
 [ 1.74748265]
 [ 0.39940168]]
unit step:  1
delta:  [[ 0.88222086]
 [ 1.74748265]
 [ 0.39940168]]
delta b updated:  [array([[ 0.29373762],
       [ 1.6881556 ]]), array([[ 0.88222086],
       [ 1.74748265],
       [ 0.39940168]])]
delta w updated: [array([[ 0.25969554, -0.24747097,  0.15351613],
       [ 1.49251051, -1.42225401,  0.88228098]]), array([[ 0.49249499, -0.66310126],
       [ 0.97552268, -1.31345563],
       [ 0.22296381, -0.3002012 ]])]
input:  [[ 0.58500707]
 [-1.0686209 ]
 [ 0.35960921]]
activations:  [array([[ 0.58500707],
       [-1.0686209 ],
       [ 0.35960921]]), array([[ 0.4393162 ],
       [-0.71871691]]), array([[ 1.56492723],
       [ 0.94893138],
       [ 0.82695945]])]
cost derivative:  [[ 0.97992016]
 [ 2.01755228]
 [ 0.46735023]]
unit step:  1
delta:  [[ 0.97992016]
 [ 2.01755228]
 [ 0.46735023]]
delta b updated:  [array([[ 0.24397871],
       [ 1.83945339]]), array([[ 0.97992016],
       [ 2.01755228],
       [ 0.46735023]])]
delta w updated: [array([[ 0.14272927, -0.26072075,  0.08773699],
       [ 1.07609324, -1.96567834,  0.66148438]]), array([[ 0.4304948 , -0.70428519],
       [ 0.8863434 , -1.45004894],
       [ 0.20531453, -0.33589252]])]
input:  [[-0.89248299]
 [-0.32136112]
 [ 0.85986509]]
activations:  [array([[-0.89248299],
       [-0.32136112],
       [ 0.85986509]]), array([[ 0.14391785],
       [ 0.09778109]]), array([[ 0.36953349],
       [ 0.57599486],
       [ 0.11723333]])]
cost derivative:  [[ 1.26201648]
 [ 0.89735599]
 [-0.74263176]]
unit step:  1
delta:  [[ 1.26201648]
 [ 0.89735599]
 [-0.74263176]]
delta b updated:  [array([[ 0.12047513],
       [-0.12782572]]), array([[ 1.26201648],
       [ 0.89735599],
       [-0.74263176]])]
delta w updated: [array([[-0.107522  , -0.03871602,  0.10359236],
       [ 0.11408228,  0.04107822, -0.10991287]]), array([[ 0.1816267 ,  0.12340135],
       [ 0.12914555,  0.08774445],
       [-0.10687797, -0.07261534]])]
input:  [[ 0.78950553]
 [-1.1036475 ]
 [ 0.33826956]]
activations:  [array([[ 0.78950553],
       [-1.1036475 ],
       [ 0.33826956]]), array([[ 0.4905977 ],
       [-0.80974169]]), array([[ 1.72333007],
       [ 0.97863335],
       [ 0.91738365]])]
cost derivative:  [[ 0.93382454]
 [ 2.08228086]
 [ 0.57911409]]
unit step:  1
delta:  [[ 0.93382454]
 [ 2.08228086]
 [ 0.57911409]]
delta b updated:  [array([[ 0.25586136],
       [ 2.12899887]]), array([[ 0.93382454],
       [ 2.08228086],
       [ 0.57911409]])]
delta w updated: [array([[ 0.20200396, -0.28238075,  0.08655011],
       [ 1.68085638, -2.34966428,  0.7201755 ]]), array([[ 0.45813217, -0.75615666],
       [ 1.0215622 , -1.68610962],
       [ 0.28411204, -0.46893283]])]
input:  [[ 0.63635401]
 [-1.09331501]
 [ 0.34311697]]
activations:  [array([[ 0.63635401],
       [-1.09331501],
       [ 0.34311697]]), array([[ 0.44927696],
       [-0.75026643]]), array([[ 1.60747801],
       [ 0.96139804],
       [ 0.85309997]])]
cost derivative:  [[ 0.97112401]
 [ 2.05471305]
 [ 0.509983  ]]
unit step:  1
delta:  [[ 0.97112401]
 [ 2.05471305]
 [ 0.509983  ]]
delta b updated:  [array([[ 0.24554709],
       [ 1.95095043]]), array([[ 0.97112401],
       [ 2.05471305],
       [ 0.509983  ]])]
delta w updated: [array([[ 0.15625488, -0.26846032,  0.08425137],
       [ 1.24149513, -2.1330034 ,  0.66940419]]), array([[ 0.43630365, -0.72860174],
       [ 0.92313524, -1.54158223],
       [ 0.22912362, -0.38262313]])]
input:  [[ 0.86272391]
 [-0.54843756]
 [ 0.72821772]]
activations:  [array([[ 0.86272391],
       [-0.54843756],
       [ 0.72821772]]), array([[ 0.59724088],
       [-0.64782452]]), array([[ 1.72092577],
       [ 0.80969826],
       [ 0.87827526]])]
cost derivative:  [[ 0.85820187]
 [ 1.35813581]
 [ 0.15005753]]
unit step:  1
delta:  [[ 0.85820187]
 [ 1.35813581]
 [ 0.15005753]]
delta b updated:  [array([[ 0.33057139],
       [ 1.16744671]]), array([[ 0.85820187],
       [ 1.35813581],
       [ 0.15005753]])]
delta w updated: [array([[ 0.28519184, -0.18129777,  0.24072795],
       [ 1.00718419, -0.64027162,  0.85015539]]), array([[ 0.51255324, -0.55596421],
       [ 0.81113423, -0.87983367],
       [ 0.08962049, -0.09721095]])]
input:  [[-0.49957509]
 [-0.13409692]
 [ 0.99713094]]
activations:  [array([[-0.49957509],
       [-0.13409692],
       [ 0.99713094]]), array([[ 0.28222272],
       [ 0.01239036]]), array([[ 0.64622843],
       [ 0.55220428],
       [ 0.25767774]])]
cost derivative:  [[ 1.14580352]
 [ 0.6863012 ]
 [-0.73945321]]
unit step:  1
delta:  [[ 1.14580352]
 [ 0.6863012 ]
 [-0.73945321]]
delta b updated:  [array([[ 0.22312986],
       [-0.01311976]]), array([[ 1.14580352],
       [ 0.6863012 ],
       [-0.73945321]])]
delta w updated: [array([[-0.11147012, -0.02992103,  0.22248969],
       [ 0.00655431,  0.00175932, -0.01308212]]), array([[ 0.32337179,  0.01419692],
       [ 0.19368979,  0.00850352],
       [-0.2086905 , -0.00916209]])]
input:  [[-0.47005138]
 [-0.15648523]
 [ 0.9819131 ]]
activations:  [array([[-0.47005138],
       [-0.15648523],
       [ 0.9819131 ]]), array([[ 0.28678288],
       [-0.00660552]]), array([[ 0.67030053],
       [ 0.56187465],
       [ 0.27301193]])]
cost derivative:  [[ 1.14035191]
 [ 0.71835988]
 [-0.70890117]]
unit step:  1
delta:  [[ 1.14035191]
 [ 0.71835988]
 [-0.70890117]]
delta b updated:  [array([[ 0.22469353],
       [ 0.0072296 ]]), array([[ 1.14035191],
       [ 0.71835988],
       [-0.70890117]])]
delta w updated: [array([[-0.10561751, -0.03516122,  0.22062952],
       [-0.00339828, -0.00113133,  0.00709884]]), array([[ 0.32703341, -0.00753261],
       [ 0.20601332, -0.00474514],
       [-0.20330072,  0.00468266]])]
input:  [[ 0.76009975]
 [-1.11361334]
 [ 0.33083205]]
activations:  [array([[ 0.76009975],
       [-1.11361334],
       [ 0.33083205]]), array([[ 0.47992053],
       [-0.8069814 ]]), array([[ 1.7029257 ],
       [ 0.97890051],
       [ 0.90877955]])]
cost derivative:  [[ 0.94282595]
 [ 2.09251385]
 [ 0.57794751]]
unit step:  1
delta:  [[ 0.94282595]
 [ 2.09251385]
 [ 0.57794751]]
delta b updated:  [array([[ 0.25196766],
       [ 2.13047879]]), array([[ 0.94282595],
       [ 2.09251385],
       [ 0.57794751]])]
delta w updated: [array([[ 0.19152056, -0.28059455,  0.08335898],
       [ 1.61937639, -2.3725296 ,  0.70483066]]), array([[ 0.45248153, -0.76084301],
       [ 1.00424036, -1.68861976],
       [ 0.27736887, -0.46639289]])]
input:  [[-0.78075027]
 [-0.98418159]
 [ 0.39744286]]
activations:  [array([[-0.78075027],
       [-0.98418159],
       [ 0.39744286]]), array([[ 0.07069184],
       [-0.1785479 ]]), array([[ 0.52419996],
       [ 0.79529344],
       [ 0.25020624]])]
cost derivative:  [[ 1.30495023]
 [ 1.77947502]
 [-0.14723662]]
unit step:  1
delta:  [[ 1.30495023]
 [ 1.77947502]
 [-0.14723662]]
delta b updated:  [array([[ 0.05428582],
       [ 0.41214612]]), array([[ 1.30495023],
       [ 1.77947502],
       [-0.14723662]])]
delta w updated: [array([[-0.04238367, -0.05342711,  0.02157551],
       [-0.3217832 , -0.40562663,  0.16380453]]), array([[ 0.09224933, -0.23299612],
       [ 0.12579437, -0.31772153],
       [-0.01040843,  0.02628879]])]
input:  [[-0.18059023]
 [-0.40942288]
 [ 0.80929809]]
activations:  [array([[-0.18059023],
       [-0.40942288],
       [ 0.80929809]]), array([[ 0.32760783],
       [-0.20599162]]), array([[ 0.915966  ],
       [ 0.66811476],
       [ 0.42687134]])]
cost derivative:  [[ 1.09655623]
 [ 1.07753763]
 [-0.38242675]]
unit step:  1
delta:  [[ 1.09655623]
 [ 1.07753763]
 [-0.38242675]]
delta b updated:  [array([[ 0.23596137],
       [ 0.30867372]]), array([[ 1.09655623],
       [ 1.07753763],
       [-0.38242675]])]
delta w updated: [array([[-0.04261232, -0.09660798,  0.19096309],
       [-0.05574346, -0.12637808,  0.24980905]]), array([[ 0.35924041, -0.2258814 ],
       [ 0.35300976, -0.22196373],
       [-0.125286  ,  0.07877671]])]
input:  [[-0.7804745 ]
 [-0.01245835]
 [ 1.07793242]]
activations:  [array([[-0.7804745 ],
       [-0.01245835],
       [ 1.07793242]]), array([[ 0.22235489],
       [ 0.16031832]]), array([[ 0.41889742],
       [ 0.48652709],
       [ 0.12578041]])]
cost derivative:  [[ 1.19937191]
 [ 0.49898545]
 [-0.952152  ]]
unit step:  1
delta:  [[ 1.19937191]
 [ 0.49898545]
 [-0.952152  ]]
delta b updated:  [array([[ 0.18671907],
       [-0.13605075]]), array([[ 1.19937191],
       [ 0.49898545],
       [-0.952152  ]])]
delta w updated: [array([[-0.14572947, -0.00232621,  0.20127054],
       [ 0.10618414,  0.00169497, -0.14665351]]), array([[ 0.26668621,  0.19228129],
       [ 0.11095185,  0.07999651],
       [-0.21171565, -0.15264741]])]
input:  [[-0.87806208]
 [-0.48202356]
 [ 0.74758014]]
activations:  [array([[-0.87806208],
       [-0.48202356],
       [ 0.74758014]]), array([[ 0.12166828],
       [ 0.03341334]]), array([[ 0.39504565],
       [ 0.62631845],
       [ 0.14562413]])]
cost derivative:  [[ 1.27310773]
 [ 1.10834201]
 [-0.60195601]]
unit step:  1
delta:  [[ 1.27310773]
 [ 1.10834201]
 [-0.60195601]]
delta b updated:  [array([[ 0.09956132],
       [-0.05159738]]), array([[ 1.27310773],
       [ 1.10834201],
       [-0.60195601]])]
delta w updated: [array([[-0.08742102, -0.0479909 ,  0.07443006],
       [ 0.0453057 ,  0.02487115, -0.03857318]]), array([[ 0.15489683,  0.04253879],
       [ 0.13485007,  0.03703341],
       [-0.07323895, -0.02011336]])]
input:  [[-0.85040337]
 [-0.65782519]
 [ 0.62489984]]
activations:  [array([[-0.85040337],
       [-0.65782519],
       [ 0.62489984]]), array([[ 0.10183866],
       [-0.03848131]]), array([[ 0.43438688],
       [ 0.68429493],
       [ 0.17989843]])]
cost derivative:  [[ 1.28479024]
 [ 1.34212012]
 [-0.44500141]]
unit step:  1
delta:  [[ 1.28479024]
 [ 1.34212012]
 [-0.44500141]]
delta b updated:  [array([[ 0.08150451],
       [ 0.06964784]]), array([[ 1.28479024],
       [ 1.34212012],
       [-0.44500141]])]
delta w updated: [array([[-0.06931171, -0.05361572,  0.05093216],
       [-0.05922876, -0.0458161 ,  0.04352292]]), array([[ 0.13084131, -0.04944041],
       [ 0.13667971, -0.05164654],
       [-0.04531835,  0.01712424]])]
input:  [[-0.85867859]
 [-0.61084914]
 [ 0.65766752]]
activations:  [array([[-0.85867859],
       [-0.61084914],
       [ 0.65766752]]), array([[ 0.10679906],
       [-0.01898164]]), array([[ 0.42257074],
       [ 0.66825112],
       [ 0.17054914]])]
cost derivative:  [[ 1.28124932]
 [ 1.27910026]
 [-0.48711837]]
unit step:  1
delta:  [[ 1.28124932]
 [ 1.27910026]
 [-0.48711837]]
delta b updated:  [array([[ 0.08592831],
       [ 0.03299022]]), array([[ 1.28124932],
       [ 1.27910026],
       [-0.48711837]])]
delta w updated: [array([[-0.0737848 , -0.05248923,  0.05651226],
       [-0.02832799, -0.02015205,  0.02169659]]), array([[ 0.13683622, -0.02432021],
       [ 0.1366067 , -0.02427942],
       [-0.05202378,  0.00924631]])]
input:  [[ 0.83331994]
 [-1.06496602]
 [ 0.36604096]]
activations:  [array([[ 0.83331994],
       [-1.06496602],
       [ 0.36604096]]), array([[ 0.50736729],
       [-0.82024232]]), array([[ 1.75125765],
       [ 0.9681827 ],
       [ 0.93502435]])]
cost derivative:  [[ 0.91793771]
 [ 2.03314872]
 [ 0.56898338]]
unit step:  1
delta:  [[ 0.91793771]
 [ 2.03314872]
 [ 0.56898338]]
delta b updated:  [array([[ 0.26158635],
       [ 2.10786714]]), array([[ 0.91793771],
       [ 2.03314872],
       [ 0.56898338]])]
delta w updated: [array([[ 0.21798513, -0.27858058,  0.09575132],
       [ 1.75652772, -2.24480687,  0.77156572]]), array([[ 0.46573157, -0.75293136],
       [ 1.03155316, -1.66767463],
       [ 0.28868356, -0.46670425]])]
input:  [[ 0.87886468]
 [-0.92270113]
 [ 0.46637747]]
activations:  [array([[ 0.87886468],
       [-0.92270113],
       [ 0.46637747]]), array([[ 0.54202527],
       [-0.78984959]]), array([[ 1.77130337],
       [ 0.92741809],
       [ 0.93651463]])]
cost derivative:  [[ 0.89243869]
 [ 1.85011921]
 [ 0.47013716]]
unit step:  1
delta:  [[ 0.89243869]
 [ 1.85011921]
 [ 0.47013716]]
delta b updated:  [array([[ 0.2820184 ],
       [ 1.86445125]]), array([[ 0.89243869],
       [ 1.85011921],
       [ 0.47013716]])]
delta w updated: [array([[ 0.24785601, -0.26021869,  0.13152703],
       [ 1.63860035, -1.72033127,  0.86953806]]), array([[ 0.48372432, -0.70489233],
       [ 1.00281137, -1.4613159 ],
       [ 0.25482622, -0.37133764]])]
input:  [[-0.81885068]
 [-0.02741125]
 [ 1.06686264]]
activations:  [array([[-0.81885068],
       [-0.02741125],
       [ 1.06686264]]), array([[ 0.20879721],
       [ 0.16873692]]), array([[ 0.38928177],
       [ 0.48592488],
       [ 0.11249311]])]
cost derivative:  [[ 1.20813246]
 [ 0.51333613]
 [-0.95436954]]
unit step:  1
delta:  [[ 1.20813246]
 [ 0.51333613]
 [-0.95436954]]
delta b updated:  [array([[ 0.17575029],
       [-0.14581742]]), array([[ 1.20813246],
       [ 0.51333613],
       [-0.95436954]])]
delta w updated: [array([[-0.14391325, -0.00481754,  0.18750142],
       [ 0.1194027 ,  0.00399704, -0.15556716]]), array([[ 0.25225468,  0.20385655],
       [ 0.10718315,  0.08661876],
       [-0.19926969, -0.16103738]])]
input:  [[ 0.69887632]
 [-1.1126556 ]
 [ 0.330548  ]]
activations:  [array([[ 0.69887632],
       [-1.1126556 ],
       [ 0.330548  ]]), array([[ 0.4618887],
       [-0.78958  ]]), array([[ 1.65590471],
       [ 0.97106789],
       [ 0.88677646]])]
cost derivative:  [[ 0.95702838]
 [ 2.0837235 ]
 [ 0.55622846]]
unit step:  1
delta:  [[ 0.95702838]
 [ 2.0837235 ]
 [ 0.55622846]]
delta b updated:  [array([[ 0.24618014],
       [ 2.07586578]]), array([[ 0.95702838],
       [ 2.0837235 ],
       [ 0.55622846]])]
delta w updated: [array([[ 0.17204947, -0.27391372,  0.08137435],
       [ 1.45077344, -2.30972369,  0.68617327]]), array([[ 0.44204059, -0.75565047],
       [ 0.96244834, -1.6452664 ],
       [ 0.25691564, -0.43918687]])]
input:  [[-0.88923054]
 [-0.18566798]
 [ 0.95493997]]
activations:  [array([[-0.88923054],
       [-0.18566798],
       [ 0.95493997]]), array([[ 0.16422463],
       [ 0.13960141]]), array([[ 0.3525936 ],
       [ 0.52929155],
       [ 0.1038505 ]])]
cost derivative:  [[ 1.24182414]
 [ 0.71495953]
 [-0.85108947]]
unit step:  1
delta:  [[ 1.24182414]
 [ 0.71495953]
 [-0.85108947]]
delta b updated:  [array([[ 0.13785621],
       [-0.15276161]]), array([[ 1.24182414],
       [ 0.71495953],
       [-0.85108947]])]
delta w updated: [array([[-0.12258596, -0.02559548,  0.13164441],
       [ 0.13584029,  0.02836294, -0.14587817]]), array([[ 0.20393811,  0.1733604 ],
       [ 0.11741396,  0.09980936],
       [-0.13976985, -0.11881329]])]
input:  [[-0.89340573]
 [-0.2907287 ]
 [ 0.88130219]]
activations:  [array([[-0.89340573],
       [-0.2907287 ],
       [ 0.88130219]]), array([[ 0.14651514],
       [ 0.10444996]]), array([[ 0.36017388],
       [ 0.56204961],
       [ 0.11583109]])]
cost derivative:  [[ 1.25357962]
 [ 0.85277831]
 [-0.7654711 ]]
unit step:  1
delta:  [[ 1.25357962]
 [ 0.85277831]
 [-0.7654711 ]]
delta b updated:  [array([[ 0.1217908 ],
       [-0.13065668]]), array([[ 1.25357962],
       [ 0.85277831],
       [-0.7654711 ]])]
delta w updated: [array([[-0.1088086 , -0.03540808,  0.1073345 ],
       [ 0.11672943,  0.03798565, -0.11514802]]), array([[ 0.1836684 ,  0.13093635],
       [ 0.12494494,  0.08907266],
       [-0.11215311, -0.07995343]])]
input:  [[ 0.87704311]
 [-0.67298184]
 [ 0.64122427]]
activations:  [array([[ 0.87704311],
       [-0.67298184],
       [ 0.64122427]]), array([[ 0.57992652],
       [-0.70506192]]), array([[ 1.74272401],
       [ 0.8473455 ],
       [ 0.90555346]])]
cost derivative:  [[ 0.86568091]
 [ 1.52032734]
 [ 0.26432919]]
unit step:  1
delta:  [[ 0.86568091]
 [ 1.52032734]
 [ 0.26432919]]
delta b updated:  [array([[ 0.31258967],
       [ 1.39919107]]), array([[ 0.86568091],
       [ 1.52032734],
       [ 0.26432919]])]
delta w updated: [array([[ 0.27415462, -0.21036717,  0.20044008],
       [ 1.22715088, -0.94163018,  0.89719527]]), array([[ 0.50203131, -0.61035864],
       [ 0.88167814, -1.07192491],
       [ 0.15329151, -0.18636845]])]
input:  [[-0.05527359]
 [-0.52809735]
 [ 0.72814612]]
activations:  [array([[-0.05527359],
       [-0.52809735],
       [ 0.72814612]]), array([[ 0.34263493],
       [-0.29934448]]), array([[ 1.02059205],
       [ 0.71482029],
       [ 0.49734533]])]
cost derivative:  [[ 1.07586564]
 [ 1.24291764]
 [-0.23080079]]
unit step:  1
delta:  [[ 1.07586564]
 [ 1.24291764]
 [-0.23080079]]
delta b updated:  [array([[ 0.23576347],
       [ 0.50352608]]), array([[ 1.07586564],
       [ 1.24291764],
       [-0.23080079]])]
delta w updated: [array([[-0.01303149, -0.12450607,  0.17167026],
       [-0.02783169, -0.26591079,  0.36664056]]), array([[ 0.36862915, -0.32205444],
       [ 0.425867  , -0.37206054],
       [-0.07908041,  0.06908894]])]
input:  [[-0.66848697]
 [-0.03190354]
 [ 1.06606158]]
activations:  [array([[-0.66848697],
       [-0.03190354],
       [ 1.06606158]]), array([[ 0.24926072],
       [ 0.10879945]]), array([[ 0.50130685],
       [ 0.49996679],
       [ 0.17684269]])]
cost derivative:  [[ 1.16979382]
 [ 0.53187034]
 [-0.88921889]]
unit step:  1
delta:  [[ 1.16979382]
 [ 0.53187034]
 [-0.88921889]]
delta b updated:  [array([[ 0.20331954],
       [-0.09588954]]), array([[ 1.16979382],
       [ 0.53187034],
       [-0.88921889]])]
delta w updated: [array([[-0.13591647, -0.00648661,  0.21675115],
       [ 0.06410091,  0.00305922, -0.10222416]]), array([[ 0.29158365,  0.12727292],
       [ 0.13257438,  0.0578672 ],
       [-0.22164734, -0.09674652]])]
input:  [[ 0.88371996]
 [-0.780213  ]
 [ 0.56623579]]
activations:  [array([[ 0.88371996],
       [-0.780213  ],
       [ 0.56623579]]), array([[ 0.56454094],
       [-0.74676307]]), array([[ 1.75878854],
       [ 0.88161829],
       [ 0.92315101]])]
cost derivative:  [[ 0.87506858]
 [ 1.66183129]
 [ 0.35691523]]
unit step:  1
delta:  [[ 0.87506858]
 [ 1.66183129]
 [ 0.35691523]]
delta b updated:  [array([[ 0.29848281],
       [ 1.60153213]]), array([[ 0.87506858],
       [ 1.66183129],
       [ 0.35691523]])]
delta w updated: [array([[ 0.26377521, -0.23288017,  0.16901165],
       [ 1.41530591, -1.24953619,  0.90684481]]), array([[ 0.49401204, -0.6534689 ],
       [ 0.93817179, -1.24099423],
       [ 0.20149326, -0.26653111]])]
input:  [[-0.84595787]
 [-0.05303528]
 [ 1.04849575]]
activations:  [array([[-0.84595787],
       [-0.05303528],
       [ 1.04849575]]), array([[ 0.19625858],
       [ 0.1687674 ]]), array([[ 0.36842138],
       [ 0.48991593],
       [ 0.10563638]])]
cost derivative:  [[ 1.21437926]
 [ 0.54295121]
 [-0.94285936]]
unit step:  1
delta:  [[ 1.21437926]
 [ 0.54295121]
 [-0.94285936]]
delta b updated:  [array([[ 0.16470675],
       [-0.15119685]]), array([[ 1.21437926],
       [ 0.54295121],
       [-0.94285936]])]
delta w updated: [array([[-0.13933497, -0.00873527,  0.17269433],
       [ 0.12790616,  0.00801877, -0.15852925]]), array([[ 0.23833235,  0.20494763],
       [ 0.10655883,  0.09163247],
       [-0.18504424, -0.15912393]])]
input:  [[ 0.88021093]
 [-0.91040425]
 [ 0.47500981]]
activations:  [array([[ 0.88021093],
       [-0.91040425],
       [ 0.47500981]]), array([[ 0.54290149],
       [-0.7925792 ]]), array([[ 1.77034075],
       [ 0.92258981],
       [ 0.93934563]])]
cost derivative:  [[ 0.89012982]
 [ 1.83299405]
 [ 0.46433582]]
unit step:  1
delta:  [[ 0.89012982]
 [ 1.83299405]
 [ 0.46433582]]
delta b updated:  [array([[ 0.28183383],
       [ 1.85395974]]), array([[ 0.89012982],
       [ 1.83299405],
       [ 0.46433582]])]
delta w updated: [array([[ 0.24807322, -0.25658271,  0.13387383],
       [ 1.63187563, -1.68785282,  0.88064906]]), array([[ 0.48325281, -0.70549838],
       [ 0.99513521, -1.45279296],
       [ 0.25208861, -0.36802291]])]
input:  [[-0.76193823]
 [-0.01066996]
 [ 1.07947387]]
activations:  [array([[-0.76193823],
       [-0.01066996],
       [ 1.07947387]]), array([[ 0.22604492],
       [ 0.1511395 ]]), array([[ 0.42676822],
       [ 0.48380992],
       [ 0.13559356]])]
cost derivative:  [[ 1.18870645]
 [ 0.49447988]
 [-0.94388031]]
unit step:  1
delta:  [[ 1.18870645]
 [ 0.49447988]
 [-0.94388031]]
delta b updated:  [array([[ 0.18738706],
       [-0.12680747]]), array([[ 1.18870645],
       [ 0.49447988],
       [-0.94388031]])]
delta w updated: [array([[-0.14277737, -0.00199941,  0.20227944],
       [ 0.09661946,  0.00135303, -0.13688535]]), array([[ 0.26870105,  0.1796605 ],
       [ 0.11177466,  0.07473544],
       [-0.21335935, -0.1426576 ]])]
input:  [[ 0.85221913]
 [-1.03110487]
 [ 0.39004821]]
activations:  [array([[ 0.85221913],
       [-1.03110487],
       [ 0.39004821]]), array([[ 0.51592563],
       [-0.82603744]]), array([[ 1.76259136],
       [ 0.95836633],
       [ 0.94420904]])]
cost derivative:  [[ 0.91037223]
 [ 1.9894712 ]
 [ 0.55416083]]
unit step:  1
delta:  [[ 0.91037223]
 [ 1.9894712 ]
 [ 0.55416083]]
delta b updated:  [array([[ 0.26526105],
       [ 2.07936666]]), array([[ 0.91037223],
       [ 1.9894712 ],
       [ 0.55416083]])]
delta w updated: [array([[ 0.22606054, -0.27351196,  0.1034646 ],
       [ 1.77207605, -2.14404509,  0.81105324]]), array([[ 0.46968437, -0.75200155],
       [ 1.02641919, -1.6433777 ],
       [ 0.28590578, -0.4577576 ]])]
input:  [[ 0.82906   ]
 [-1.07064725]
 [ 0.36199604]]
activations:  [array([[ 0.82906   ],
       [-1.07064725],
       [ 0.36199604]]), array([[ 0.50303604],
       [-0.83312541]]), array([[ 1.75034922],
       [ 0.96899398],
       [ 0.94043686]])]
cost derivative:  [[ 0.92128922]
 [ 2.03964123]
 [ 0.57844083]]
unit step:  1
delta:  [[ 0.92128922]
 [ 2.03964123]
 [ 0.57844083]]
delta b updated:  [array([[ 0.25928913],
       [ 2.14494421]]), array([[ 0.92128922],
       [ 2.03964123],
       [ 0.57844083]])]
delta w updated: [array([[ 0.21496625, -0.27760719,  0.09386164],
       [ 1.77828746, -2.29647862,  0.7764613 ]]), array([[ 0.46344168, -0.76754946],
       [ 1.02601304, -1.69927694],
       [ 0.29097658, -0.48191375]])]
input:  [[ 0.70617593]
 [-1.1138955 ]
 [ 0.32979354]]
activations:  [array([[ 0.70617593],
       [-1.1138955 ],
       [ 0.32979354]]), array([[ 0.46181273],
       [-0.80329547]]), array([[ 1.66289871],
       [ 0.97154221],
       [ 0.89537575]])]
cost derivative:  [[ 0.95672278]
 [ 2.08543772]
 [ 0.56558221]]
unit step:  1
delta:  [[ 0.95672278]
 [ 2.08543772]
 [ 0.56558221]]
delta b updated:  [array([[ 0.24527388],
       [ 2.11119648]]), array([[ 0.95672278],
       [ 2.08543772],
       [ 0.56558221]])]
delta w updated: [array([[ 0.17320651, -0.27320947,  0.08088974],
       [ 1.49087614, -2.35165227,  0.69625896]]), array([[ 0.44182676, -0.76853107],
       [ 0.96308168, -1.67522266],
       [ 0.26119306, -0.45432962]])]
input:  [[ 0.35980925]
 [-0.90878401]
 [ 0.46802911]]
activations:  [array([[ 0.35980925],
       [-0.90878401],
       [ 0.46802911]]), array([[ 0.39728984],
       [-0.59952501]]), array([[ 1.37804329],
       [ 0.87396319],
       [ 0.72406761]])]
cost derivative:  [[ 1.01823405]
 [ 1.7827472 ]
 [ 0.2560385 ]]
unit step:  1
delta:  [[ 1.01823405]
 [ 1.7827472 ]
 [ 0.2560385 ]]
delta b updated:  [array([[ 0.23750136],
       [ 1.37193206]]), array([[ 1.01823405],
       [ 1.7827472 ],
       [ 0.2560385 ]])]
delta w updated: [array([[ 0.08545518, -0.21583744,  0.11115755],
       [ 0.49363384, -1.24678992,  0.64210415]]), array([[ 0.40453404, -0.61045678],
       [ 0.70826735, -1.06880153],
       [ 0.10172149, -0.15350148]])]
input:  [[ 0.11663588]
 [-0.69133326]
 [ 0.61651493]]
activations:  [array([[ 0.11663588],
       [-0.69133326],
       [ 0.61651493]]), array([[ 0.36349176],
       [-0.42998339]]), array([[ 1.16935639],
       [ 0.78175424],
       [ 0.5940048 ]])]
cost derivative:  [[ 1.05272052]
 [ 1.4730875 ]
 [-0.02251014]]
unit step:  1
delta:  [[ 1.05272052]
 [ 1.4730875 ]
 [-0.02251014]]
delta b updated:  [array([[ 0.23609511],
       [ 0.83381892]]), array([[ 1.05272052],
       [ 1.4730875 ],
       [-0.02251014]])]
delta w updated: [array([[ 0.02753716, -0.1632204 ,  0.14555616],
       [ 0.0972532 , -0.57644675,  0.51406181]]), array([[ 0.38265523, -0.45265234],
       [ 0.53545517, -0.63340316],
       [-0.00818225,  0.00967898]])]
input:  [[ 0.85258341]
 [-0.47941491]
 [ 0.77639526]]
activations:  [array([[ 0.85258341],
       [-0.47941491],
       [ 0.77639526]]), array([[ 0.60128671],
       [-0.63878479]]), array([[ 1.70436948],
       [ 0.78232415],
       [ 0.87534041]])]
cost derivative:  [[ 0.85178607]
 [ 1.26173905]
 [ 0.09894515]]
unit step:  1
delta:  [[ 0.85178607]
 [ 1.26173905]
 [ 0.09894515]]
delta b updated:  [array([[ 0.33557622],
       [ 1.07922269]]), array([[ 0.85178607],
       [ 1.26173905],
       [ 0.09894515]])]
delta w updated: [array([[ 0.28610672, -0.16088024,  0.26053979],
       [ 0.92012737, -0.51739545,  0.83790338]]), array([[ 0.51216764, -0.54410798],
       [ 0.75866692, -0.80597971],
       [ 0.0594944 , -0.06320466]])]
input:  [[-0.70682931]
 [-0.01844346]
 [ 1.07488957]]
activations:  [array([[-0.70682931],
       [-0.01844346],
       [ 1.07488957]]), array([[ 0.2394245 ],
       [ 0.12416051]]), array([[ 0.46893324],
       [ 0.49006741],
       [ 0.16088367]])]
cost derivative:  [[ 1.17576256]
 [ 0.50851087]
 [-0.9140059 ]]
unit step:  1
delta:  [[ 1.17576256]
 [ 0.50851087]
 [-0.9140059 ]]
delta b updated:  [array([[ 0.19616417],
       [-0.10590733]]), array([[ 1.17576256],
       [ 0.50851087],
       [-0.9140059 ]])]
delta w updated: [array([[-0.13865459, -0.00361795,  0.21085482],
       [ 0.07485841,  0.0019533 , -0.11383869]]), array([[ 0.28150637,  0.14598328],
       [ 0.12174996,  0.06313697],
       [-0.21883541, -0.11348344]])]
input:  [[-0.82561786]
 [-0.78438004]
 [ 0.53666163]]
activations:  [array([[-0.82561786],
       [-0.78438004],
       [ 0.53666163]]), array([[ 0.08634494],
       [-0.1010561 ]]), array([[ 0.4633115 ],
       [ 0.72331678],
       [ 0.21137102]])]
cost derivative:  [[ 1.28892936]
 [ 1.50769682]
 [-0.32529061]]
unit step:  1
delta:  [[ 1.28892936]
 [ 1.50769682]
 [-0.32529061]]
delta b updated:  [array([[ 0.06714061],
       [ 0.20100027]]), array([[ 1.28892936],
       [ 1.50769682],
       [-0.32529061]])]
delta w updated: [array([[-0.05543248, -0.05266375,  0.03603179],
       [-0.16594941, -0.1576606 ,  0.10786913]]), array([[ 0.11129252, -0.13025418],
       [ 0.13018199, -0.15236197],
       [-0.0280872 ,  0.0328726 ]])]
input:  [[-0.33519014]
 [-0.26856694]
 [ 0.9055268 ]]
activations:  [array([[-0.33519014],
       [-0.26856694],
       [ 0.9055268 ]]), array([[ 0.3034496 ],
       [-0.10757582]]), array([[ 0.77788504],
       [ 0.60392897],
       [ 0.34993611]])]
cost derivative:  [[ 1.11307518]
 [ 0.87249592]
 [-0.55559069]]
unit step:  1
delta:  [[ 1.11307518]
 [ 0.87249592]
 [-0.55559069]]
delta b updated:  [array([[ 0.22609965],
       [ 0.13568243]]), array([[ 1.11307518],
       [ 0.87249592],
       [-0.55559069]])]
delta w updated: [array([[-0.07578637, -0.06072289,  0.20473929],
       [-0.04547941, -0.03643982,  0.12286408]]), array([[ 0.33776221, -0.11973997],
       [ 0.26475853, -0.09385946],
       [-0.16859377,  0.05976812]])]
input:  [[ 0.10523791]
 [-0.6806234 ]
 [ 0.62383717]]
activations:  [array([[ 0.10523791],
       [-0.6806234 ],
       [ 0.62383717]]), array([[ 0.361363  ],
       [-0.42314964]]), array([[ 1.15769639],
       [ 0.77618668],
       [ 0.5888998 ]])]
cost derivative:  [[ 1.05245848]
 [ 1.45681007]
 [-0.03493737]]
unit step:  1
delta:  [[ 1.05245848]
 [ 1.45681007]
 [-0.03493737]]
delta b updated:  [array([[ 0.23460817],
       [ 0.8120966 ]]), array([[ 1.05245848],
       [ 1.45681007],
       [-0.03493737]])]
delta w updated: [array([[ 0.02468967, -0.15967981,  0.14635729],
       [ 0.08546335, -0.55273195,  0.50661604]]), array([[ 0.38031956, -0.44534743],
       [ 0.52643726, -0.61644866],
       [-0.01262507,  0.01478373]])]
input:  [[-0.43987726]
 [-0.18029201]
 [ 0.96571207]]
activations:  [array([[-0.43987726],
       [-0.18029201],
       [ 0.96571207]]), array([[ 0.28785283],
       [-0.03655435]]), array([[ 0.68786624],
       [ 0.56567842],
       [ 0.29483437]])]
cost derivative:  [[ 1.1277435 ]
 [ 0.74597043]
 [-0.6708777 ]]
unit step:  1
delta:  [[ 1.1277435 ]
 [ 0.74597043]
 [-0.6708777 ]]
delta b updated:  [array([[ 0.22047084],
       [ 0.04087533]]), array([[ 1.1277435 ],
       [ 0.74597043],
       [-0.6708777 ]])]
delta w updated: [array([[-0.09698011, -0.03974913,  0.21291135],
       [-0.01798013, -0.0073695 ,  0.0394738 ]]), array([[ 0.32462416, -0.04122393],
       [ 0.2147297 , -0.02726847],
       [-0.19311405,  0.0245235 ]])]
input:  [[-0.32441767]
 [-0.27805098]
 [ 0.89905324]]
activations:  [array([[-0.32441767],
       [-0.27805098],
       [ 0.89905324]]), array([[ 0.30452609],
       [-0.1156651 ]]), array([[ 0.78582448],
       [ 0.60742892],
       [ 0.35626606]])]
cost derivative:  [[ 1.11024215]
 [ 0.8854799 ]
 [-0.54278718]]
unit step:  1
delta:  [[ 1.11024215]
 [ 0.8854799 ]
 [-0.54278718]]
delta b updated:  [array([[ 0.22561478],
       [ 0.14745272]]), array([[ 1.11024215],
       [ 0.8854799 ],
       [-0.54278718]])]
delta w updated: [array([[-0.07319342, -0.06273241,  0.20283969],
       [-0.04783627, -0.04099937,  0.13256784]]), array([[ 0.3380977 , -0.12841626],
       [ 0.26965173, -0.10241912],
       [-0.16529286,  0.06278153]])]
input:  [[ 0.8773334 ]
 [-0.93457826]
 [ 0.45803619]]
activations:  [array([[ 0.8773334 ],
       [-0.93457826],
       [ 0.45803619]]), array([[ 0.53609294],
       [-0.81106089]]), array([[ 1.77091209],
       [ 0.92818523],
       [ 0.9469368 ]])]
cost derivative:  [[ 0.89357869]
 [ 1.86276349]
 [ 0.48890061]]
unit step:  1
delta:  [[ 0.89357869]
 [ 1.86276349]
 [ 0.48890061]]
delta b updated:  [array([[ 0.27666403],
       [ 1.92199035]]), array([[ 0.89357869],
       [ 1.86276349],
       [ 0.48890061]])]
delta w updated: [array([[ 0.2427266 , -0.25856419,  0.12672214],
       [ 1.68622634, -1.7962504 ,  0.88034114]]), array([[ 0.47904122, -0.72474672],
       [ 0.99861435, -1.51081461],
       [ 0.26209616, -0.39652816]])]
input:  [[ 0.78390241]
 [-1.10627369]
 [ 0.3363431 ]]
activations:  [array([[ 0.78390241],
       [-1.10627369],
       [ 0.3363431 ]]), array([[ 0.48297062],
       [-0.83768813]]), array([[ 1.71991171],
       [ 0.97445679],
       [ 0.9308839 ]])]
cost derivative:  [[ 0.9360093 ]
 [ 2.08073048]
 [ 0.59454081]]
unit step:  1
delta:  [[ 0.9360093 ]
 [ 2.08073048]
 [ 0.59454081]]
delta b updated:  [array([[ 0.2497782 ],
       [ 2.19322002]]), array([[ 0.9360093 ],
       [ 2.08073048],
       [ 0.59454081]])]
delta w updated: [array([[ 0.19580173, -0.27632305,  0.08401117],
       [ 1.71927047, -2.4263016 ,  0.73767441]]), array([[ 0.45206499, -0.78408388],
       [ 1.00493169, -1.74300322],
       [ 0.28714574, -0.49803978]])]
input:  [[-0.0896365]
 [-0.4953697]
 [ 0.750529 ]]
activations:  [array([[-0.0896365],
       [-0.4953697],
       [ 0.750529 ]]), array([[ 0.33541176],
       [-0.28549506]]), array([[ 0.98873265],
       [ 0.69823646],
       [ 0.4842855 ]])]
cost derivative:  [[ 1.07836915]
 [ 1.19360617]
 [-0.2662435 ]]
unit step:  1
delta:  [[ 1.07836915]
 [ 1.19360617]
 [-0.2662435 ]]
delta b updated:  [array([[ 0.23157684],
       [ 0.46286045]]), array([[ 1.07836915],
       [ 1.19360617],
       [-0.2662435 ]])]
delta w updated: [array([[-0.02075774, -0.11471615,  0.17380513],
       [-0.04148919, -0.22928705,  0.34739019]]), array([[ 0.36169769, -0.30786907],
       [ 0.40034954, -0.34076867],
       [-0.0893012 ,  0.07601121]])]
input:  [[-0.52840239]
 [-0.11323031]
 [ 1.01129402]]
activations:  [array([[-0.52840239],
       [-0.11323031],
       [ 1.01129402]]), array([[ 0.27306204],
       [ 0.01938792]]), array([[ 0.61215763],
       [ 0.5351704 ],
       [ 0.24983819]])]
cost derivative:  [[ 1.14056001]
 [ 0.64840071]
 [-0.76145583]]
unit step:  1
delta:  [[ 1.14056001]
 [ 0.64840071]
 [-0.76145583]]
delta b updated:  [array([[ 0.21357275],
       [-0.01952718]]), array([[ 1.14056001],
       [ 0.64840071],
       [-0.76145583]])]
delta w updated: [array([[-0.11285235, -0.02418291,  0.21598484],
       [ 0.01031821,  0.00221107, -0.01974772]]), array([[ 0.31144365,  0.02211309],
       [ 0.17705362,  0.01257114],
       [-0.20792468, -0.01476305]])]
input:  [[-0.69183527]
 [-0.02307173]
 [ 1.07188228]]
activations:  [array([[-0.69183527],
       [-0.02307173],
       [ 1.07188228]]), array([[ 0.24154622],
       [ 0.114548  ]]), array([[ 0.47720964],
       [ 0.49104296],
       [ 0.16944503]])]
cost derivative:  [[ 1.16904491]
 [ 0.51411469]
 [-0.90243725]]
unit step:  1
delta:  [[ 1.16904491]
 [ 0.51411469]
 [-0.90243725]]
delta b updated:  [array([[ 0.19602745],
       [-0.09807696]]), array([[ 1.16904491],
       [ 0.51411469],
       [-0.90243725]])]
delta w updated: [array([[-0.1356187 , -0.00452269,  0.21011835],
       [ 0.0678531 ,  0.00226281, -0.10512696]]), array([[ 0.28237838,  0.13391175],
       [ 0.12418246,  0.05889081],
       [-0.21798031, -0.10337238]])]
input:  [[ 0.8708618 ]
 [-0.61292545]
 [ 0.68318458]]
activations:  [array([[ 0.8708618 ],
       [-0.61292545],
       [ 0.68318458]]), array([[ 0.58384567],
       [-0.69852803]]), array([[ 1.73014555],
       [ 0.8244109 ],
       [ 0.90416204]])]
cost derivative:  [[ 0.85928375]
 [ 1.43733636]
 [ 0.22097745]]
unit step:  1
delta:  [[ 0.85928375]
 [ 1.43733636]
 [ 0.22097745]]
delta b updated:  [array([[ 0.31595813],
       [ 1.31741878]]), array([[ 0.85928375],
       [ 1.43733636],
       [ 0.22097745]])]
delta w updated: [array([[ 0.27515586, -0.19365878,  0.21585772],
       [ 1.14728969, -0.8074795 ,  0.9000402 ]]), array([[ 0.5016891 , -0.60023378],
       [ 0.83918261, -1.00401973],
       [ 0.12901673, -0.15435895]])]
input:  [[ 0.21820126]
 [-0.78523648]
 [ 0.55233957]]
activations:  [array([[ 0.21820126],
       [-0.78523648],
       [ 0.55233957]]), array([[ 0.37509114],
       [-0.50844354]]), array([[ 1.25368628],
       [ 0.81885165],
       [ 0.65272484]])]
cost derivative:  [[ 1.03548502]
 [ 1.60408813]
 [ 0.10038527]]
unit step:  1
delta:  [[ 1.03548502]
 [ 1.60408813]
 [ 0.10038527]]
delta b updated:  [array([[ 0.23316888],
       [ 1.05868258]]), array([[ 1.03548502],
       [ 1.60408813],
       [ 0.10038527]])]
delta w updated: [array([[ 0.05087774, -0.18309271,  0.1287884 ],
       [ 0.23100588, -0.83131619,  0.58475228]]), array([[ 0.38840125, -0.52648566],
       [ 0.60167924, -0.81558824],
       [ 0.03765362, -0.05104024]])]
input:  [[-0.75549339]
 [-0.01066178]
 [ 1.0795801 ]]
activations:  [array([[-0.75549339],
       [-0.01066178],
       [ 1.0795801 ]]), array([[ 0.22537942],
       [ 0.14264912]]), array([[ 0.4266651 ],
       [ 0.48076072],
       [ 0.14159321]])]
cost derivative:  [[ 1.18215849]
 [ 0.49142251]
 [-0.93798688]]
unit step:  1
delta:  [[ 1.18215849]
 [ 0.49142251]
 [-0.93798688]]
delta b updated:  [array([[ 0.18489465],
       [-0.11845577]]), array([[ 1.18215849],
       [ 0.49142251],
       [-0.93798688]])]
delta w updated: [array([[-0.13968669, -0.00197131,  0.19960858],
       [ 0.08949255,  0.00126295, -0.1278825 ]]), array([[ 0.26643419,  0.16863387],
       [ 0.11075652,  0.07010099],
       [-0.21140294, -0.133803  ]])]
input:  [[ 0.13937598]
 [-0.71261405]
 [ 0.60196689]]
activations:  [array([[ 0.13937598],
       [-0.71261405],
       [ 0.60196689]]), array([[ 0.364287 ],
       [-0.4527892]]), array([[ 1.18498372],
       [ 0.78796749],
       [ 0.61054218]])]
cost derivative:  [[ 1.04560774]
 [ 1.50058155]
 [ 0.0085753 ]]
unit step:  1
delta:  [[ 1.04560774]
 [ 1.50058155]
 [ 0.0085753 ]]
delta b updated:  [array([[ 0.23223769],
       [ 0.88974909]]), array([[ 1.04560774],
       [ 1.50058155],
       [ 0.0085753 ]])]
delta w updated: [array([[ 0.03236835, -0.16549584,  0.1397994 ],
       [ 0.12400965, -0.6340477 ,  0.53559949]]), array([[ 0.3809013 , -0.47343989],
       [ 0.54664234, -0.67944712],
       [ 0.00312387, -0.0038828 ]])]
input:  [[-0.89074637]
 [-0.35380162]
 [ 0.83717451]]
activations:  [array([[-0.89074637],
       [-0.35380162],
       [ 0.83717451]]), array([[ 0.13377548],
       [ 0.07269637]]), array([[ 0.36165257],
       [ 0.57759119],
       [ 0.13021687]])]
cost derivative:  [[ 1.25239893]
 [ 0.93139281]
 [-0.70695764]]
unit step:  1
delta:  [[ 1.25239893]
 [ 0.93139281]
 [-0.70695764]]
delta b updated:  [array([[ 0.10866197],
       [-0.09671028]]), array([[ 1.25239893],
       [ 0.93139281],
       [-0.70695764]])]
delta w updated: [array([[-0.09679026, -0.03844478,  0.09096903],
       [ 0.08614433,  0.03421625, -0.08096338]]), array([[ 0.16754027,  0.09104486],
       [ 0.12459752,  0.06770888],
       [-0.0945736 , -0.05139325]])]
input:  [[ 0.22934215]
 [-0.7953239 ]
 [ 0.54544921]]
activations:  [array([[ 0.22934215],
       [-0.7953239 ],
       [ 0.54544921]]), array([[ 0.37616511],
       [-0.5174971 ]]), array([[ 1.26196508],
       [ 0.82220171],
       [ 0.6597122 ]])]
cost derivative:  [[ 1.03262293]
 [ 1.61752561]
 [ 0.11426299]]
unit step:  1
delta:  [[ 1.03262293]
 [ 1.61752561]
 [ 0.11426299]]
delta b updated:  [array([[ 0.23222795],
       [ 1.08475274]]), array([[ 1.03262293],
       [ 1.61752561],
       [ 0.11426299]])]
delta w updated: [array([[ 0.05325966, -0.18469644,  0.12666855],
       [ 0.24877952, -0.86272977,  0.59167753]]), array([[ 0.38843672, -0.53437937],
       [ 0.6084567 , -0.83706481],
       [ 0.04298175, -0.05913077]])]
input:  [[ 0.84468781]
 [-0.43082952]
 [ 0.81029585]]
activations:  [array([[ 0.84468781],
       [-0.43082952],
       [ 0.81029585]]), array([[ 0.60421636],
       [-0.6267836 ]]), array([[ 1.68849592],
       [ 0.76246487],
       [ 0.87096949]])]
cost derivative:  [[ 0.84380812]
 [ 1.19329439]
 [ 0.06067364]]
unit step:  1
delta:  [[ 0.84380812]
 [ 1.19329439]
 [ 0.06067364]]
delta b updated:  [array([[ 0.33655661],
       [ 1.00788713]]), array([[ 0.84380812],
       [ 1.19329439],
       [ 0.06067364]])]
delta w updated: [array([[ 0.28428526, -0.14499852,  0.27271042],
       [ 0.85134997, -0.43422753,  0.81668676]]), array([[ 0.50984267, -0.52888509],
       [ 0.72100799, -0.74793735],
       [ 0.03666001, -0.03802924]])]
input:  [[-0.45000473]
 [-0.17220518]
 [ 0.97121724]]
activations:  [array([[-0.45000473],
       [-0.17220518],
       [ 0.97121724]]), array([[ 0.28440925],
       [-0.03428619]]), array([[ 0.67538863],
       [ 0.55986127],
       [ 0.29233354]])]
cost derivative:  [[ 1.12539336]
 [ 0.73206646]
 [-0.6788837 ]]
unit step:  1
delta:  [[ 1.12539336]
 [ 0.73206646]
 [-0.6788837 ]]
delta b updated:  [array([[ 0.21667581],
       [ 0.03766864]]), array([[ 1.12539336],
       [ 0.73206646],
       [-0.6788837 ]])]
delta w updated: [array([[-0.09750514, -0.0373127 ,  0.21043928],
       [-0.01695107, -0.00648673,  0.03658443]]), array([[ 0.32007228, -0.03858545],
       [ 0.20820647, -0.02509977],
       [-0.19308081,  0.02327634]])]
input:  [[-0.8641857 ]
 [-0.08405028]
 [ 1.02649209]]
activations:  [array([[-0.8641857 ],
       [-0.08405028],
       [ 1.02649209]]), array([[ 0.18286721],
       [ 0.15742854]]), array([[ 0.35009772],
       [ 0.49317159],
       [ 0.10655125]])]
cost derivative:  [[ 1.21428342]
 [ 0.57722187]
 [-0.91994084]]
unit step:  1
delta:  [[ 1.21428342]
 [ 0.57722187]
 [-0.91994084]]
delta b updated:  [array([[ 0.15122764],
       [-0.14595101]]), array([[ 1.21428342],
       [ 0.57722187],
       [-0.91994084]])]
delta w updated: [array([[-0.13068877, -0.01271073,  0.15523398],
       [ 0.12612878,  0.01226722, -0.14981756]]), array([[ 0.22205262,  0.19116287],
       [ 0.10555495,  0.0908712 ],
       [-0.16822701, -0.14482494]])]
input:  [[ 0.85956852]
 [-0.52593896]
 [ 0.74392399]]
activations:  [array([[ 0.85956852],
       [-0.52593896],
       [ 0.74392399]]), array([[ 0.59302655],
       [-0.66717766]]), array([[ 1.70931233],
       [ 0.79384006],
       [ 0.89054817]])]
cost derivative:  [[ 0.8497438 ]
 [ 1.31977903]
 [ 0.14662418]]
unit step:  1
delta:  [[ 0.8497438 ]
 [ 1.31977903]
 [ 0.14662418]]
delta b updated:  [array([[ 0.32371154],
       [ 1.16787345]]), array([[ 0.8497438 ],
       [ 1.31977903],
       [ 0.14662418]])]
delta w updated: [array([[ 0.27825225, -0.17025251,  0.24081678],
       [ 1.00386726, -0.61423016,  0.86880908]]), array([[ 0.50392064, -0.56693009],
       [ 0.782664  , -0.88052709],
       [ 0.08695203, -0.09782438]])]
input:  [[ 0.80545352]
 [-1.09380872]
 [ 0.34540823]]
activations:  [array([[ 0.80545352],
       [-1.09380872],
       [ 0.34540823]]), array([[ 0.48887421],
       [-0.84905998]]), array([[ 1.73222618],
       [ 0.97026531],
       [ 0.94289359]])]
cost derivative:  [[ 0.92677267]
 [ 2.06407404]
 [ 0.59748536]]
unit step:  1
delta:  [[ 0.92677267]
 [ 2.06407404]
 [ 0.59748536]]
delta b updated:  [array([[ 0.24907772],
       [ 2.20285442]]), array([[ 0.92677267],
       [ 2.06407404],
       [ 0.59748536]])]
delta w updated: [array([[ 0.20062052, -0.27244338,  0.08603349],
       [ 1.77429683, -2.40950138,  0.76088404]]), array([[ 0.45307526, -0.78688558],
       [ 1.00907257, -1.75252266],
       [ 0.29209519, -0.50730091]])]
input:  [[ 0.74738816]
 [-1.11543764]
 [ 0.32935628]]
activations:  [array([[ 0.74738816],
       [-1.11543764],
       [ 0.32935628]]), array([[ 0.46910304],
       [-0.83639389]]), array([[ 1.69161301],
       [ 0.97199304],
       [ 0.92213603]])]
cost derivative:  [[ 0.94422486]
 [ 2.08743068]
 [ 0.59277975]]
unit step:  1
delta:  [[ 0.94422486]
 [ 2.08743068]
 [ 0.59277975]]
delta b updated:  [array([[ 0.24259824],
       [ 2.19256259]]), array([[ 0.94422486],
       [ 2.08743068],
       [ 0.59277975]])]
delta w updated: [array([[ 0.18131505, -0.27060321,  0.07990125],
       [ 1.63869531, -2.44566683,  0.72213427]]), array([[ 0.44293875, -0.78974391],
       [ 0.97922008, -1.74591428],
       [ 0.27807478, -0.49579736]])]
input:  [[-0.11248479]
 [-0.47366382]
 [ 0.76537305]]
activations:  [array([[-0.11248479],
       [-0.47366382],
       [ 0.76537305]]), array([[ 0.33038557],
       [-0.27524052]]), array([[ 0.96565901],
       [ 0.68686922],
       [ 0.47556534]])]
cost derivative:  [[ 1.0781438 ]
 [ 1.16053304]
 [-0.28980771]]
unit step:  1
delta:  [[ 1.0781438 ]
 [ 1.16053304]
 [-0.28980771]]
delta b updated:  [array([[ 0.22779494],
       [ 0.43478275]]), array([[ 1.0781438 ],
       [ 1.16053304],
       [-0.28980771]])]
delta w updated: [array([[-0.02562347, -0.10789822,  0.17434811],
       [-0.04890645, -0.20594086,  0.332771  ]]), array([[ 0.35620315, -0.29674886],
       [ 0.38342337, -0.31942572],
       [-0.09574828,  0.07976682]])]
input:  [[-0.36720003]
 [-0.24077752]
 [ 0.9244882 ]]
activations:  [array([[-0.36720003],
       [-0.24077752],
       [ 0.9244882 ]]), array([[ 0.29591992],
       [-0.09339248]]), array([[ 0.74508963],
       [ 0.58848539],
       [ 0.33756705]])]
cost derivative:  [[ 1.11228966]
 [ 0.82926291]
 [-0.58692115]]
unit step:  1
delta:  [[ 1.11228966]
 [ 0.82926291]
 [-0.58692115]]
delta b updated:  [array([[ 0.21986317],
       [ 0.11267855]]), array([[ 1.11228966],
       [ 0.82926291],
       [-0.58692115]])]
delta w updated: [array([[-0.08073376, -0.05293811,  0.20326091],
       [-0.04137557, -0.02713046,  0.10416999]]), array([[ 0.32914867, -0.10387949],
       [ 0.24539542, -0.07744692],
       [-0.17368166,  0.05481402]])]
input:  [[ 0.72041262]
 [-1.11554813]
 [ 0.32885824]]
activations:  [array([[ 0.72041262],
       [-1.11554813],
       [ 0.32885824]]), array([[ 0.46112879],
       [-0.82836786]]), array([[ 1.67118205],
       [ 0.96914717],
       [ 0.91204078]])]
cost derivative:  [[ 0.95076943]
 [ 2.0846953 ]
 [ 0.58318254]]
unit step:  1
delta:  [[ 0.95076943]
 [ 2.0846953 ]
 [ 0.58318254]]
delta b updated:  [array([[ 0.240061  ],
       [ 2.16845066]]), array([[ 0.95076943],
       [ 2.0846953 ],
       [ 0.58318254]])]
delta w updated: [array([[ 0.17294298, -0.2677996 ,  0.07894604],
       [ 1.56217922, -2.41901109,  0.71311287]]), array([[ 0.43842716, -0.78758684],
       [ 0.96131303, -1.72689459],
       [ 0.26892226, -0.48308967]])]
input:  [[-0.6015206 ]
 [-0.06581055]
 [ 1.04336123]]
activations:  [array([[-0.6015206 ],
       [-0.06581055],
       [ 1.04336123]]), array([[ 0.25795259],
       [ 0.05933512]]), array([[ 0.54665426],
       [ 0.51035079],
       [ 0.21599287]])]
cost derivative:  [[ 1.14817487]
 [ 0.57616134]
 [-0.82736836]]
unit step:  1
delta:  [[ 1.14817487]
 [ 0.57616134]
 [-0.82736836]]
delta b updated:  [array([[ 0.20356897],
       [-0.05468415]]), array([[ 1.14817487],
       [ 0.57616134],
       [-0.82736836]])]
delta w updated: [array([[-0.12245093, -0.01339699,  0.21239597],
       [ 0.03289364,  0.00359879, -0.05705532]]), array([[ 0.29617468,  0.0681271 ],
       [ 0.14862231,  0.0341866 ],
       [-0.21342181, -0.049092  ]])]
input:  [[-0.04380197]
 [-0.53903629]
 [ 0.72066461]]
activations:  [array([[-0.04380197],
       [-0.53903629],
       [ 0.72066461]]), array([[ 0.33869962],
       [-0.32687025]]), array([[ 1.02436629],
       [ 0.71354406],
       [ 0.51422064]])]
cost derivative:  [[ 1.06816826]
 [ 1.25258036]
 [-0.20644397]]
unit step:  1
delta:  [[ 1.06816826]
 [ 1.25258036]
 [-0.20644397]]
delta b updated:  [array([[ 0.22798064],
       [ 0.54982325]]), array([[ 1.06816826],
       [ 1.25258036],
       [-0.20644397]])]
delta w updated: [array([[-0.009986  , -0.12288984,  0.16429758],
       [-0.02408334, -0.29637469,  0.39623816]]), array([[ 0.36178819, -0.34915243],
       [ 0.42424849, -0.40943125],
       [-0.0699225 ,  0.06748039]])]
input:  [[ 0.15071471]
 [-0.72317733]
 [ 0.59474638]]
activations:  [array([[ 0.15071471],
       [-0.72317733],
       [ 0.59474638]]), array([[ 0.36379314],
       [-0.46873888]]), array([[ 1.19306034],
       [ 0.79033699],
       [ 0.62092528]])]
cost derivative:  [[ 1.04234563]
 [ 1.51351432]
 [ 0.02617891]]
unit step:  1
delta:  [[ 1.04234563]
 [ 1.51351432]
 [ 0.02617891]]
delta b updated:  [array([[ 0.22953721],
       [ 0.92595019]]), array([[ 1.04234563],
       [ 1.51351432],
       [ 0.02617891]])]
delta w updated: [array([[ 0.03459463, -0.16599611,  0.13651643],
       [ 0.13955431, -0.66962619,  0.55070552]]), array([[ 0.37919819, -0.48858793],
       [ 0.55060613, -0.70944301],
       [ 0.00952371, -0.01227107]])]
input:  [[ 0.85618893]
 [-0.50293269]
 [ 0.75998228]]
activations:  [array([[ 0.85618893],
       [-0.50293269],
       [ 0.75998228]]), array([[ 0.59419363],
       [-0.66528244]]), array([[ 1.70452928],
       [ 0.78488169],
       [ 0.88964461]])]
cost derivative:  [[ 0.84834035]
 [ 1.28781438]
 [ 0.12966232]]
unit step:  1
delta:  [[ 0.84834035]
 [ 1.28781438]
 [ 0.12966232]]
delta b updated:  [array([[ 0.32574177],
       [ 1.13965947]]), array([[ 0.84834035],
       [ 1.28781438],
       [ 0.12966232]])]
delta w updated: [array([[ 0.27889649, -0.16382618,  0.24755797],
       [ 0.97576382, -0.573172  ,  0.86612101]]), array([[ 0.50407843, -0.56438594],
       [ 0.7652111 , -0.8567603 ],
       [ 0.07704453, -0.08626207]])]
input:  [[ 0.77743051]
 [-0.09431641]
 [ 1.04490281]]
activations:  [array([[ 0.77743051],
       [-0.09431641],
       [ 1.04490281]]), array([[ 0.63601684],
       [-0.48950022]]), array([[ 1.59800924],
       [ 0.64674099],
       [ 0.80256916]])]
cost derivative:  [[ 0.82057873]
 [ 0.7410574 ]
 [-0.24233365]]
unit step:  1
delta:  [[ 0.82057873]
 [ 0.7410574 ]
 [-0.24233365]]
delta b updated:  [array([[ 0.3758003 ],
       [ 0.53583065]]), array([[ 0.82057873],
       [ 0.7410574 ],
       [-0.24233365]])]
delta w updated: [array([[ 0.29215862, -0.03544413,  0.39267479],
       [ 0.4165711 , -0.05053762,  0.55989096]]), array([[ 0.52190189, -0.40167347],
       [ 0.47132499, -0.36274776],
       [-0.15412828,  0.11862238]])]
input:  [[ 0.5761078 ]
 [-1.06372307]
 [ 0.36290032]]
activations:  [array([[ 0.5761078 ],
       [-1.06372307],
       [ 0.36290032]]), array([[ 0.42805306],
       [-0.75791421]]), array([[ 1.5549396 ],
       [ 0.93849181],
       [ 0.84640748]])]
cost derivative:  [[ 0.9788318 ]
 [ 2.00221488]
 [ 0.48350716]]
unit step:  1
delta:  [[ 0.9788318 ]
 [ 2.00221488]
 [ 0.48350716]]
delta b updated:  [array([[ 0.23236521],
       [ 1.91238177]]), array([[ 0.9788318 ],
       [ 2.00221488],
       [ 0.48350716]])]
delta w updated: [array([[ 0.13386741, -0.24717223,  0.08432541],
       [ 1.10173805, -2.03424461,  0.69400396]]), array([[ 0.41899194, -0.74187053],
       [ 0.8570542 , -1.51750712],
       [ 0.20696672, -0.36645695]])]
input:  [[ 0.74083576]
 [-1.11590179]
 [ 0.32892906]]
activations:  [array([[ 0.74083576],
       [-1.11590179],
       [ 0.32892906]]), array([[ 0.46542303],
       [-0.84251973]]), array([[ 1.68694631],
       [ 0.97048797],
       [ 0.92355738]])]
cost derivative:  [[ 0.94611055]
 [ 2.08638976]
 [ 0.59462832]]
unit step:  1
delta:  [[ 0.94611055]
 [ 2.08638976]
 [ 0.59462832]]
delta b updated:  [array([[ 0.24027044],
       [ 2.20466394]]), array([[ 0.94611055],
       [ 2.08638976],
       [ 0.59462832]])]
delta w updated: [array([[ 0.17800093, -0.26811821,  0.07903193],
       [ 1.63329389, -2.46018843,  0.72517805]]), array([[ 0.44034164, -0.79711681],
       [ 0.97105384, -1.75782455],
       [ 0.27675371, -0.50098609]])]
input:  [[ 0.82007365]
 [-1.08094931]
 [ 0.3546415 ]]
activations:  [array([[ 0.82007365],
       [-1.08094931],
       [ 0.3546415 ]]), array([[ 0.49266279],
       [-0.86308446]]), array([[ 1.74431557],
       [ 0.96679974],
       [ 0.95322175]])]
cost derivative:  [[ 0.92424192]
 [ 2.04774905]
 [ 0.59858025]]
unit step:  1
delta:  [[ 0.92424192]
 [ 2.04774905]
 [ 0.59858025]]
delta b updated:  [array([[ 0.25072408],
       [ 2.22007964]]), array([[ 0.92424192],
       [ 2.04774905],
       [ 0.59858025]])]
delta w updated: [array([[ 0.20561221, -0.27102002,  0.08891716],
       [ 1.82062882, -2.39979355,  0.78733238]]), array([[ 0.4553396 , -0.79769884],
       [ 1.00884976, -1.76738038],
       [ 0.29489822, -0.51662531]])]
input:  [[ 0.88137046]
 [-0.8976838 ]
 [ 0.48393586]]
activations:  [array([[ 0.88137046],
       [-0.8976838 ],
       [ 0.48393586]]), array([[ 0.53814604],
       [-0.82345351]]), array([[ 1.77097575],
       [ 0.91387783],
       [ 0.95552046]])]
cost derivative:  [[ 0.88960529]
 [ 1.81156163]
 [ 0.47158461]]
unit step:  1
delta:  [[ 0.88960529]
 [ 1.81156163]
 [ 0.47158461]]
delta b updated:  [array([[ 0.27751047],
       [ 1.89777061]]), array([[ 0.88960529],
       [ 1.81156163],
       [ 0.47158461]])]
delta w updated: [array([[ 0.24458953, -0.24911665,  0.13429727],
       [ 1.67263895, -1.70359794,  0.91839925]]), array([[ 0.47873756, -0.7325486 ],
       [ 0.97488471, -1.49173678],
       [ 0.25378139, -0.388328  ]])]
input:  [[-0.46006334]
 [-0.16426831]
 [ 0.97661847]]
activations:  [array([[-0.46006334],
       [-0.16426831],
       [ 0.97661847]]), array([[ 0.28065804],
       [-0.03583535]]), array([[ 0.66515346],
       [ 0.55374697],
       [ 0.2907202 ]])]
cost derivative:  [[ 1.1252168 ]
 [ 0.71801529]
 [-0.68589827]]
unit step:  1
delta:  [[ 1.1252168 ]
 [ 0.71801529]
 [-0.68589827]]
delta b updated:  [array([[ 0.21338142],
       [ 0.03866547]]), array([[ 1.1252168 ],
       [ 0.71801529],
       [-0.68589827]])]
delta w updated: [array([[-0.09816897, -0.03505181,  0.20839223],
       [-0.01778857, -0.00635151,  0.03776142]]), array([[ 0.31580114, -0.04032254],
       [ 0.20151677, -0.02573033],
       [-0.19250287,  0.0245794 ]])]
input:  [[-0.41942256]
 [-0.19690025]
 [ 0.95440051]]
activations:  [array([[-0.41942256],
       [-0.19690025],
       [ 0.95440051]]), array([[ 0.28666554],
       [-0.06352217]]), array([[ 0.69928207],
       [ 0.56785044],
       [ 0.31244435]])]
cost derivative:  [[ 1.11870463]
 [ 0.76475069]
 [-0.64195616]]
unit step:  1
delta:  [[ 1.11870463]
 [ 0.76475069]
 [-0.64195616]]
delta b updated:  [array([[ 0.21534927],
       [ 0.07184853]]), array([[ 1.11870463],
       [ 0.76475069],
       [-0.64195616]])]
delta w updated: [array([[-0.09032234, -0.04240233,  0.20552945],
       [-0.03013489, -0.01414699,  0.06857227]]), array([[ 0.32069406, -0.07106254],
       [ 0.21922767, -0.04857862],
       [-0.18402671,  0.04077845]])]
input:  [[ 0.38085591]
 [-0.92606427]
 [ 0.45625618]]
activations:  [array([[ 0.38085591],
       [-0.92606427],
       [ 0.45625618]]), array([[ 0.39435756],
       [-0.63932377]]), array([[ 1.3925894 ],
       [ 0.87612831],
       [ 0.74868818]])]
cost derivative:  [[ 1.01173349]
 [ 1.80219258]
 [ 0.292432  ]]
unit step:  1
delta:  [[ 1.01173349]
 [ 1.80219258]
 [ 0.292432  ]]
delta b updated:  [array([[ 0.22963527],
       [ 1.46864358]]), array([[ 1.01173349],
       [ 1.80219258],
       [ 0.292432  ]])]
delta w updated: [array([[ 0.08745795, -0.21265702,  0.10477251],
       [ 0.55934159, -1.36005834,  0.67007771]]), array([[ 0.39898476, -0.64682527],
       [ 0.71070828, -1.15218455],
       [ 0.11532277, -0.18695873]])]
input:  [[-0.87538845]
 [-0.50225611]
 [ 0.73345324]]
activations:  [array([[-0.87538845],
       [-0.50225611],
       [ 0.73345324]]), array([[ 0.11201528],
       [ 0.00464444]]), array([[ 0.38680155],
       [ 0.62324878],
       [ 0.16083682]])]
cost derivative:  [[ 1.26219   ]
 [ 1.12550489]
 [-0.57261642]]
unit step:  1
delta:  [[ 1.26219   ]
 [ 1.12550489]
 [-0.57261642]]
delta b updated:  [array([[ 0.08850456],
       [-0.00716016]]), array([[ 1.26219   ],
       [ 1.12550489],
       [-0.57261642]])]
delta w updated: [array([[-0.07747587, -0.04445196,  0.06491395],
       [ 0.00626792,  0.00359623, -0.00525164]]), array([[ 0.14138456,  0.00586217],
       [ 0.12607374,  0.00522734],
       [-0.06414179, -0.00265948]])]
input:  [[-0.88261408]
 [-0.14319077]
 [ 0.98478939]]
activations:  [array([[-0.88261408],
       [-0.14319077],
       [ 0.98478939]]), array([[ 0.16621176],
       [ 0.13666187]]), array([[ 0.33921639],
       [ 0.50692829],
       [ 0.10985541]])]
cost derivative:  [[ 1.22183047]
 [ 0.65011906]
 [-0.87493398]]
unit step:  1
delta:  [[ 1.22183047]
 [ 0.65011906]
 [-0.87493398]]
delta b updated:  [array([[ 0.13604731],
       [-0.13724631]]), array([[ 1.22183047],
       [ 0.65011906],
       [-0.87493398]])]
delta w updated: [array([[-0.12007727, -0.01948072,  0.13397795],
       [ 0.12113552,  0.0196524 , -0.13515871]]), array([[ 0.20308259,  0.16697764],
       [ 0.10805743,  0.08884649],
       [-0.14542431, -0.11957012]])]
input:  [[ 0.45257334]
 [-0.98203513]
 [ 0.41817889]]
activations:  [array([[ 0.45257334],
       [-0.98203513],
       [ 0.41817889]]), array([[ 0.40522318],
       [-0.68860697]]), array([[ 1.45292756],
       [ 0.90002957],
       [ 0.78735271]])]
cost derivative:  [[ 1.00035422]
 [ 1.88206471]
 [ 0.36917382]]
unit step:  1
delta:  [[ 1.00035422]
 [ 1.88206471]
 [ 0.36917382]]
delta b updated:  [array([[ 0.22976042],
       [ 1.64317651]]), array([[ 1.00035422],
       [ 1.88206471],
       [ 0.36917382]])]
delta w updated: [array([[ 0.10398344, -0.22563281,  0.09608096],
       [ 0.74365788, -1.61365706,  0.68714173]]), array([[ 0.40536672, -0.68885089],
       [ 0.76265625, -1.29600288],
       [ 0.14959779, -0.25421567]])]
input:  [[ 0.88371162]
 [-0.85694283]
 [ 0.51250275]]
activations:  [array([[ 0.88371162],
       [-0.85694283],
       [ 0.51250275]]), array([[ 0.54430333],
       [-0.8140152 ]]), array([[ 1.76734111],
       [ 0.89973075],
       [ 0.95359076]])]
cost derivative:  [[ 0.88362949]
 [ 1.75667358]
 [ 0.44108802]]
unit step:  1
delta:  [[ 0.88362949]
 [ 1.75667358]
 [ 0.44108802]]
delta b updated:  [array([[ 0.28157653],
       [ 1.8243047 ]]), array([[ 0.88362949],
       [ 1.75667358],
       [ 0.44108802]])]
delta w updated: [array([[ 0.24883246, -0.24129499,  0.14430875],
       [ 1.61215926, -1.56332483,  0.93496116]]), array([[ 0.48096248, -0.71928783],
       [ 0.95616328, -1.42995898],
       [ 0.24008568, -0.35905235]])]
input:  [[-0.89352823]
 [-0.26187376]
 [ 0.90150702]]
activations:  [array([[-0.89352823],
       [-0.26187376],
       [ 0.90150702]]), array([[ 0.14428   ],
       [ 0.09714898]]), array([[ 0.34418609],
       [ 0.54347325],
       [ 0.1216741 ]])]
cost derivative:  [[ 1.23771432]
 [ 0.80534701]
 [-0.77983292]]
unit step:  1
delta:  [[ 1.23771432]
 [ 0.80534701]
 [-0.77983292]]
delta b updated:  [array([[ 0.11685636],
       [-0.11453315]]), array([[ 1.23771432],
       [ 0.80534701],
       [-0.77983292]])]
delta w updated: [array([[-0.10441446, -0.03060162,  0.10534683],
       [ 0.1023386 ,  0.02999323, -0.10325243]]), array([[ 0.17857742,  0.12024268],
       [ 0.11619547,  0.07823864],
       [-0.11251429, -0.07575997]])]
input:  [[-0.62740077]
 [-0.05140675]
 [ 1.05304444]]
activations:  [array([[-0.62740077],
       [-0.05140675],
       [ 1.05304444]]), array([[ 0.25101825],
       [ 0.06853943]]), array([[ 0.52192981],
       [ 0.50026096],
       [ 0.20628859]])]
cost derivative:  [[ 1.14933058]
 [ 0.55166771]
 [-0.84675585]]
unit step:  1
delta:  [[ 1.14933058]
 [ 0.55166771]
 [-0.84675585]]
delta b updated:  [array([[ 0.19800609],
       [-0.06102084]]), array([[ 1.14933058],
       [ 0.55166771],
       [-0.84675585]])]
delta w updated: [array([[-0.12422918, -0.01017885,  0.20850922],
       [ 0.03828452,  0.00313688, -0.06425766]]), array([[ 0.28850296,  0.07877446],
       [ 0.13847867,  0.03781099],
       [-0.21255118, -0.05803616]])]
input:  [[ 0.19582107]
 [-0.76482712]
 [ 0.56628298]]
activations:  [array([[ 0.19582107],
       [-0.76482712],
       [ 0.56628298]]), array([[ 0.36748043],
       [-0.51210995]]), array([[ 1.231818  ],
       [ 0.80588525],
       [ 0.65093176]])]
cost derivative:  [[ 1.03599692]
 [ 1.57071237]
 [ 0.08464879]]
unit step:  1
delta:  [[ 1.03599692]
 [ 1.57071237]
 [ 0.08464879]]
delta b updated:  [array([[ 0.22735601],
       [ 1.04228456]]), array([[ 1.03599692],
       [ 1.57071237],
       [ 0.08464879]])]
delta w updated: [array([[ 0.0445211 , -0.17388804,  0.12874784],
       [ 0.20410128, -0.7971675 ,  0.59022801]]), array([[ 0.3807086 , -0.53054433],
       [ 0.57720606, -0.80437743],
       [ 0.03110677, -0.04334949]])]
input:  [[ 0.85550694]
 [-1.02321488]
 [ 0.39562474]]
activations:  [array([[ 0.85550694],
       [-1.02321488],
       [ 0.39562474]]), array([[ 0.5098851 ],
       [-0.86526091]]), array([[ 1.76470751],
       [ 0.94992466],
       [ 0.96539612]])]
cost derivative:  [[ 0.90920057]
 [ 1.97313954]
 [ 0.56977139]]
unit step:  1
delta:  [[ 0.90920057]
 [ 1.97313954]
 [ 0.56977139]]
delta b updated:  [array([[ 0.25868456],
       [ 2.15008321]]), array([[ 0.90920057],
       [ 1.97313954],
       [ 0.56977139]])]
delta w updated: [array([[ 0.22130644, -0.26468989,  0.10234201],
       [ 1.83941111, -2.19999714,  0.85062611]]), array([[ 0.46358782, -0.78669572],
       [ 1.00607444, -1.70728052],
       [ 0.29051794, -0.49300091]])]
input:  [[-0.40909873]
 [-0.20541402]
 [ 0.94859942]]
activations:  [array([[-0.40909873],
       [-0.20541402],
       [ 0.94859942]]), array([[ 0.28706534],
       [-0.07416468]]), array([[ 0.70585015],
       [ 0.56956592],
       [ 0.32012358]])]
cost derivative:  [[ 1.11494888]
 [ 0.77497995]
 [-0.62847584]]
unit step:  1
delta:  [[ 1.11494888]
 [ 0.77497995]
 [-0.62847584]]
delta b updated:  [array([[ 0.21413832],
       [ 0.08457376]]), array([[ 1.11494888],
       [ 0.77497995],
       [-0.62847584]])]
delta w updated: [array([[-0.08760371, -0.04398701,  0.20313148],
       [-0.03459902, -0.01737264,  0.08022662]]), array([[ 0.32006318, -0.08268983],
       [ 0.22246988, -0.05747614],
       [-0.18041363,  0.04661071]])]
input:  [[-0.76825116]
 [-0.01096956]
 [ 1.07916561]]
activations:  [array([[-0.76825116],
       [-0.01096956],
       [ 1.07916561]]), array([[ 0.21775788],
       [ 0.13738414]]), array([[ 0.40869174],
       [ 0.47352409],
       [ 0.14188059]])]
cost derivative:  [[ 1.1769429 ]
 [ 0.48449365]
 [-0.93728502]]
unit step:  1
delta:  [[ 1.1769429 ]
 [ 0.48449365]
 [-0.93728502]]
delta b updated:  [array([[ 0.17630683],
       [-0.11187275]]), array([[ 1.1769429 ],
       [ 0.48449365],
       [-0.93728502]])]
delta w updated: [array([[-0.13544793, -0.00193401,  0.19026427],
       [ 0.08594637,  0.00122719, -0.12072922]]), array([[ 0.25628859,  0.16169328],
       [ 0.10550231,  0.06656174],
       [-0.2041012 , -0.12876809]])]
input:  [[ 0.87372259]
 [-0.95708859]
 [ 0.44221619]]
activations:  [array([[ 0.87372259],
       [-0.95708859],
       [ 0.44221619]]), array([[ 0.52491882],
       [-0.85065872]]), array([[ 1.77085679],
       [ 0.93012577],
       [ 0.96551556]])]
cost derivative:  [[ 0.8971342 ]
 [ 1.88721436]
 [ 0.52329937]]
unit step:  1
delta:  [[ 0.8971342 ]
 [ 1.88721436]
 [ 0.52329937]]
delta b updated:  [array([[ 0.26756771],
       [ 2.03074258]]), array([[ 0.8971342 ],
       [ 1.88721436],
       [ 0.52329937]])]
delta w updated: [array([[ 0.23377995, -0.256086  ,  0.11832277],
       [ 1.77430566, -1.94360056,  0.89802724]]), array([[ 0.47092262, -0.76315504],
       [ 0.99063433, -1.60537536],
       [ 0.27468969, -0.44514918]])]
input:  [[-0.37776181]
 [-0.23174803]
 [ 0.93064673]]
activations:  [array([[-0.37776181],
       [-0.23174803],
       [ 0.93064673]]), array([[ 0.29122863],
       [-0.09686735]]), array([[ 0.73187085],
       [ 0.5804976 ],
       [ 0.33759208]])]
cost derivative:  [[ 1.10963266]
 [ 0.81224564]
 [-0.59305465]]
unit step:  1
delta:  [[ 1.10963266]
 [ 0.81224564]
 [-0.59305465]]
delta b updated:  [array([[ 0.21496607],
       [ 0.11443672]]), array([[ 1.10963266],
       [ 0.81224564],
       [-0.59305465]])]
delta w updated: [array([[-0.08120597, -0.04981796,  0.20005747],
       [-0.04322982, -0.02652048,  0.10650016]]), array([[ 0.3231568 , -0.10748717],
       [ 0.23654919, -0.07868008],
       [-0.1727145 ,  0.05744763]])]
input:  [[ 0.24044795]
 [-0.80532804]
 [ 0.53861663]]
activations:  [array([[ 0.24044795],
       [-0.80532804],
       [ 0.53861663]]), array([[ 0.37266641],
       [-0.5480944 ]]), array([[ 1.27021585],
       [ 0.8223489 ],
       [ 0.67735088]])]
cost derivative:  [[ 1.02976789]
 [ 1.62767695]
 [ 0.13873425]]
unit step:  1
delta:  [[ 1.02976789]
 [ 1.62767695]
 [ 0.13873425]]
delta b updated:  [array([[ 0.22662773],
       [ 1.14969874]]), array([[ 1.02976789],
       [ 1.62767695],
       [ 0.13873425]])]
delta w updated: [array([[ 0.05449217, -0.18250967,  0.12206546],
       [ 0.27644271, -0.92588464,  0.61924686]]), array([[ 0.38375991, -0.56441001],
       [ 0.60658053, -0.89212062],
       [ 0.0517016 , -0.07603947]])]
input:  [[ 0.6839231 ]
 [-1.10936775]
 [ 0.33261725]]
activations:  [array([[ 0.6839231 ],
       [-1.10936775],
       [ 0.33261725]]), array([[ 0.44786563],
       [-0.8337421 ]]), array([[ 1.6442105 ],
       [ 0.96115327],
       [ 0.90684436]])]
cost derivative:  [[ 0.9602874 ]
 [ 2.07052102]
 [ 0.57422711]]
unit step:  1
delta:  [[ 0.9602874 ]
 [ 2.07052102]
 [ 0.57422711]]
delta b updated:  [array([[ 0.2345221 ],
       [ 2.16302723]]), array([[ 0.9602874 ],
       [ 2.07052102],
       [ 0.57422711]])]
delta w updated: [array([[ 0.16039508, -0.26017125,  0.0780061 ],
       [ 1.47934428, -2.39959264,  0.71946018]]), array([[ 0.43007972, -0.80063204],
       [ 0.92731519, -1.72628055],
       [ 0.25717658, -0.47875732]])]
input:  [[ 0.59381163]
 [-1.07330163]
 [ 0.35646866]]
activations:  [array([[ 0.59381163],
       [-1.07330163],
       [ 0.35646866]]), array([[ 0.4283103 ],
       [-0.78711538]]), array([[ 1.57217726],
       [ 0.94128361],
       [ 0.86451704]])]
cost derivative:  [[ 0.97836563]
 [ 2.01458524]
 [ 0.50804838]]
unit step:  1
delta:  [[ 0.97836563]
 [ 2.01458524]
 [ 0.50804838]]
delta b updated:  [array([[ 0.23116701],
       [ 1.99265919]]), array([[ 0.97836563],
       [ 2.01458524],
       [ 0.50804838]])]
delta w updated: [array([[ 0.13726966, -0.24811193,  0.08240379],
       [ 1.18326419, -2.13872436,  0.71032054]]), array([[ 0.41904408, -0.77008664],
       [ 0.86286762, -1.58571103],
       [ 0.21760236, -0.3998927 ]])]
input:  [[ 0.87164646]
 [-0.96772944]
 [ 0.43473216]]
activations:  [array([[ 0.87164646],
       [-0.96772944],
       [ 0.43473216]]), array([[ 0.52172776],
       [-0.86036561]]), array([[ 1.77257281],
       [ 0.93306018],
       [ 0.96888623]])]
cost derivative:  [[ 0.90092635]
 [ 1.90078962]
 [ 0.53415406]]
unit step:  1
delta:  [[ 0.90092635]
 [ 1.90078962]
 [ 0.53415406]]
delta b updated:  [array([[ 0.26660064],
       [ 2.0662592 ]]), array([[ 0.90092635],
       [ 1.90078962],
       [ 0.53415406]])]
delta w updated: [array([[ 0.23238151, -0.25799729,  0.11589987],
       [ 1.80104752, -1.99957985,  0.89826933]]), array([[ 0.47003829, -0.77512604],
       [ 0.99169471, -1.63537401],
       [ 0.278683  , -0.45956778]])]
input:  [[-0.8608687 ]
 [-0.07711913]
 [ 1.03139762]]
activations:  [array([[-0.8608687 ],
       [-0.07711913],
       [ 1.03139762]]), array([[ 0.18097763],
       [ 0.14714179]]), array([[ 0.34507479],
       [ 0.48489752],
       [ 0.11268452]])]
cost derivative:  [[ 1.20594349]
 [ 0.56201665]
 [-0.9187131 ]]
unit step:  1
delta:  [[ 1.20594349]
 [ 0.56201665]
 [-0.9187131 ]]
delta b updated:  [array([[ 0.14765577],
       [-0.13255459]]), array([[ 1.20594349],
       [ 0.56201665],
       [-0.9187131 ]])]
delta w updated: [array([[-0.12711223, -0.01138708,  0.15229181],
       [ 0.1141121 ,  0.01022249, -0.13671649]]), array([[ 0.21824879,  0.17744468],
       [ 0.10171244,  0.08269613],
       [-0.16626651, -0.13518109]])]
input:  [[ 0.66850921]
 [-1.10502797]
 [ 0.33541597]]
activations:  [array([[ 0.66850921],
       [-1.10502797],
       [ 0.33541597]]), array([[ 0.44355256],
       [-0.83179269]]), array([[ 1.63409494],
       [ 0.95843006],
       [ 0.90220001]])]
cost derivative:  [[ 0.96558573]
 [ 2.06345803]
 [ 0.56678404]]
unit step:  1
delta:  [[ 0.96558573]
 [ 2.06345803]
 [ 0.56678404]]
delta b updated:  [array([[ 0.23420591],
       [ 2.15078008]]), array([[ 0.96558573],
       [ 2.06345803],
       [ 0.56678404]])]
delta w updated: [array([[ 0.15656881, -0.25880408,  0.0785564 ],
       [ 1.4378163 , -2.37667214,  0.721406  ]]), array([[ 0.42828802, -0.80316715],
       [ 0.91525208, -1.7163693 ],
       [ 0.25139851, -0.47144682]])]
input:  [[-0.6841651 ]
 [-0.02576757]
 [ 1.07011403]]
activations:  [array([[-0.6841651 ],
       [-0.02576757],
       [ 1.07011403]]), array([[ 0.23782559],
       [ 0.09530331]]), array([[ 0.47341272],
       [ 0.48432083],
       [ 0.18115182]])]
cost derivative:  [[ 1.15757781]
 [ 0.5100884 ]
 [-0.88896221]]
unit step:  1
delta:  [[ 1.15757781]
 [ 0.5100884 ]
 [-0.88896221]]
delta b updated:  [array([[ 0.18914666],
       [-0.08015811]]), array([[ 1.15757781],
       [ 0.5100884 ],
       [-0.88896221]])]
delta w updated: [array([[-0.12940754, -0.00487385,  0.20240849],
       [ 0.05484138,  0.00206548, -0.08577832]]), array([[ 0.27530162,  0.11032099],
       [ 0.12131207,  0.04861311],
       [-0.21141796, -0.08472104]])]
input:  [[ 0.56711552]
 [-1.05861197]
 [ 0.36633933]]
activations:  [array([[ 0.56711552],
       [-1.05861197],
       [ 0.36633933]]), array([[ 0.42245028],
       [-0.77666941]]), array([[ 1.55155583],
       [ 0.93396097],
       [ 0.85381376]])]
cost derivative:  [[ 0.98444032]
 [ 1.99257294]
 [ 0.48747443]]
unit step:  1
delta:  [[ 0.98444032]
 [ 1.99257294]
 [ 0.48747443]]
delta b updated:  [array([[ 0.23050438],
       [ 1.94626592]]), array([[ 0.98444032],
       [ 1.99257294],
       [ 0.48747443]])]
delta w updated: [array([[ 0.13072261, -0.24401469,  0.08444282],
       [ 1.1037576 , -2.06034039,  0.71299375]]), array([[ 0.41587709, -0.76458468],
       [ 0.84176299, -1.54757045],
       [ 0.20593371, -0.37860648]])]
input:  [[ 0.7843778 ]
 [-0.12539678]
 [ 1.02324597]]
activations:  [array([[ 0.7843778 ],
       [-0.12539678],
       [ 1.02324597]]), array([[ 0.62906107],
       [-0.52430788]]), array([[ 1.60703559],
       [ 0.65264637],
       [ 0.81970888]])]
cost derivative:  [[ 0.82265779]
 [ 0.77804314]
 [-0.20353709]]
unit step:  1
delta:  [[ 0.82265779]
 [ 0.77804314]
 [-0.20353709]]
delta b updated:  [array([[ 0.37099   ],
       [ 0.59585496]]), array([[ 0.82265779],
       [ 0.77804314],
       [-0.20353709]])]
delta w updated: [array([[ 0.29099632, -0.04652095,  0.37961403],
       [ 0.4673754 , -0.07471829,  0.60970619]]), array([[ 0.51750199, -0.43132596],
       [ 0.48943665, -0.40793415],
       [-0.12803726,  0.1067161 ]])]
input:  [[-0.35658302]
 [-0.24992639]
 [ 0.91824693]]
activations:  [array([[-0.35658302],
       [-0.24992639],
       [ 0.91824693]]), array([[ 0.29298104],
       [-0.11733528]]), array([[ 0.74962329],
       [ 0.58685698],
       [ 0.35157654]])]
cost derivative:  [[ 1.10620631]
 [ 0.83678337]
 [-0.56667039]]
unit step:  1
delta:  [[ 1.10620631]
 [ 0.83678337]
 [-0.56667039]]
delta b updated:  [array([[ 0.21459621],
       [ 0.14160516]]), array([[ 1.10620631],
       [ 0.83678337],
       [-0.56667039]])]
delta w updated: [array([[-0.07652136, -0.05363326,  0.19705231],
       [-0.050494  , -0.03539087,  0.13002851]]), array([[ 0.32409747, -0.12979703],
       [ 0.24516166, -0.09818421],
       [-0.16602368,  0.06649043]])]
input:  [[-0.54721097]
 [-0.10021561]
 [ 1.02011474]]
activations:  [array([[-0.54721097],
       [-0.10021561],
       [ 1.02011474]]), array([[ 0.26350091],
       [ 0.01279563]]), array([[ 0.58559845],
       [ 0.52063651],
       [ 0.25026174]])]
cost derivative:  [[ 1.13280942]
 [ 0.62085212]
 [-0.769853  ]]
unit step:  1
delta:  [[ 1.13280942]
 [ 0.62085212]
 [-0.769853  ]]
delta b updated:  [array([[ 0.20262355],
       [-0.01233493]]), array([[ 1.13280942],
       [ 0.62085212],
       [-0.769853  ]])]
delta w updated: [array([[-0.11087783, -0.02030604,  0.20669927],
       [ 0.00674981,  0.00123615, -0.01258304]]), array([[ 0.29849631,  0.01449501],
       [ 0.1635951 ,  0.00794419],
       [-0.20285696, -0.00985075]])]
input:  [[-0.19185916]
 [-0.39888405]
 [ 0.81650256]]
activations:  [array([[-0.19185916],
       [-0.39888405],
       [ 0.81650256]]), array([[ 0.31497545],
       [-0.23709357]]), array([[ 0.89211804],
       [ 0.64995218],
       [ 0.44231656]])]
cost derivative:  [[ 1.08397721]
 [ 1.04883623]
 [-0.374186  ]]
unit step:  1
delta:  [[ 1.08397721]
 [ 1.04883623]
 [-0.374186  ]]
delta b updated:  [array([[ 0.21958074],
       [ 0.34243418]]), array([[ 1.08397721],
       [ 1.04883623],
       [-0.374186  ]])]
delta w updated: [array([[-0.04212858, -0.08758726,  0.17928824],
       [-0.06569913, -0.13659153,  0.27959838]]), array([[ 0.34142621, -0.25700402],
       [ 0.33035766, -0.24867232],
       [-0.1178594 ,  0.08871709]])]
input:  [[-0.34591249]
 [-0.2591908 ]
 [ 0.91192558]]
activations:  [array([[-0.34591249],
       [-0.2591908 ],
       [ 0.91192558]]), array([[ 0.29405384],
       [-0.12525273]]), array([[ 0.75734072],
       [ 0.59036181],
       [ 0.35793154]])]
cost derivative:  [[ 1.10325321]
 [ 0.84955261]
 [-0.55399404]]
unit step:  1
delta:  [[ 1.10325321]
 [ 0.84955261]
 [-0.55399404]]
delta b updated:  [array([[ 0.21409692],
       [ 0.15281693]]), array([[ 1.10325321],
       [ 0.84955261],
       [-0.55399404]])]
delta w updated: [array([[-0.0740588 , -0.05549195,  0.19524046],
       [-0.05286129, -0.03960874,  0.13935767]]), array([[ 0.32441584, -0.13818547],
       [ 0.2498142 , -0.10640878],
       [-0.16290407,  0.06938927]])]
input:  [[ 0.88430752]
 [-0.82759425]
 [ 0.53306447]]
activations:  [array([[ 0.88430752],
       [-0.82759425],
       [ 0.53306447]]), array([[ 0.54579131],
       [-0.82074924]]), array([[ 1.76454577],
       [ 0.88780826],
       [ 0.95902806]])]
cost derivative:  [[ 0.88023826]
 [ 1.7154025 ]
 [ 0.42596358]]
unit step:  1
delta:  [[ 0.88023826]
 [ 1.7154025 ]
 [ 0.42596358]]
delta b updated:  [array([[ 0.28276416],
       [ 1.79757504]]), array([[ 0.88023826],
       [ 1.7154025 ],
       [ 0.42596358]])]
delta w updated: [array([[ 0.25005047, -0.23401399,  0.15073153],
       [ 1.58960912, -1.48766276,  0.95822339]]), array([[ 0.4804264 , -0.72245489],
       [ 0.93625178, -1.40791531],
       [ 0.23248722, -0.34960929]])]
input:  [[ 0.8261106 ]
 [-0.32735242]
 [ 0.88246983]]
activations:  [array([[ 0.8261106 ],
       [-0.32735242],
       [ 0.88246983]]), array([[ 0.60790418],
       [-0.61683723]]), array([[ 1.66092443],
       [ 0.72094092],
       [ 0.86664032]])]
cost derivative:  [[ 0.83481383]
 [ 1.04829334]
 [-0.01582951]]
unit step:  1
delta:  [[ 0.83481383]
 [ 1.04829334]
 [-0.01582951]]
delta b updated:  [array([[ 0.34378189],
       [ 0.88764218]]), array([[ 0.83481383],
       [ 1.04829334],
       [-0.01582951]])]
delta w updated: [array([[ 0.28400186, -0.11253783,  0.30337715],
       [ 0.73329061, -0.29057181,  0.78331744]]), array([[ 0.50748682, -0.51494425],
       [ 0.6372619 , -0.64662636],
       [-0.00962283,  0.00976423]])]
input:  [[ 0.88232077]
 [-0.74634198]
 [ 0.58993341]]
activations:  [array([[ 0.88232077],
       [-0.74634198],
       [ 0.58993341]]), array([[ 0.55744626],
       [-0.79271431]]), array([[ 1.75369975],
       [ 0.86145479],
       [ 0.94802047]])]
cost derivative:  [[ 0.87137898]
 [ 1.60779676]
 [ 0.35808707]]
unit step:  1
delta:  [[ 0.87137898]
 [ 1.60779676]
 [ 0.35808707]]
delta b updated:  [array([[ 0.29242264],
       [ 1.63960725]]), array([[ 0.87137898],
       [ 1.60779676],
       [ 0.35808707]])]
delta w updated: [array([[ 0.25801057, -0.21824729,  0.17250988],
       [ 1.44665953, -1.22370772,  0.96725909]]), array([[ 0.48574695, -0.69075459],
       [ 0.89626029, -1.27452351],
       [ 0.1996143 , -0.28386074]])]
input:  [[ 0.18458517]
 [-0.75451282]
 [ 0.57333073]]
activations:  [array([[ 0.18458517],
       [-0.75451282],
       [ 0.57333073]]), array([[ 0.3626552 ],
       [-0.51935237]]), array([[ 1.22173923],
       [ 0.79921437],
       [ 0.65242615]])]
cost derivative:  [[ 1.03715405]
 [ 1.55372718]
 [ 0.07909542]]
unit step:  1
delta:  [[ 1.03715405]
 [ 1.55372718]
 [ 0.07909542]]
delta b updated:  [array([[ 0.22384299],
       [ 1.04371498]]), array([[ 1.03715405],
       [ 1.55372718],
       [ 0.07909542]])]
delta w updated: [array([[ 0.0413181 , -0.16889241,  0.12833607],
       [ 0.19265431, -0.78749633,  0.59839387]]), array([[ 0.37612931, -0.53864842],
       [ 0.56346724, -0.8069319 ],
       [ 0.02868436, -0.04107839]])]
input:  [[-0.66048242]
 [-0.03533603]
 [ 1.06378268]]
activations:  [array([[-0.66048242],
       [-0.03533603],
       [ 1.06378268]]), array([[ 0.24134671],
       [ 0.07893481]]), array([[ 0.48982296],
       [ 0.48827568],
       [ 0.19452949]])]
cost derivative:  [[ 1.15030538]
 [ 0.52361171]
 [-0.86925319]]
unit step:  1
delta:  [[ 1.15030538]
 [ 0.52361171]
 [-0.86925319]]
delta b updated:  [array([[ 0.18986319],
       [-0.067336  ]]), array([[ 1.15030538],
       [ 0.52361171],
       [-0.86925319]])]
delta w updated: [array([[-0.1254013 , -0.00670901,  0.20197317],
       [ 0.04447424,  0.00237939, -0.07163087]]), array([[ 0.27762242,  0.09079914],
       [ 0.12637196,  0.04133119],
       [-0.2097914 , -0.06861434]])]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.8411984 ]
 [-0.70686931]
 [ 0.59069842]]
dot product : [[-0.5584329 ]
 [-0.51838107]]
result : [[ 0.08575923]
 [-0.09409634]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.08575923]
 [-0.09409634]]
dot product : [[ 0.20934922]
 [ 0.01020012]
 [ 0.11323733]]
result : [[ 0.43127316]
 [ 0.68815376]
 [ 0.20936446]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.67638176]
 [-0.02871278]
 [ 1.06817291]]
dot product : [[-0.40637274]
 [-0.33654353]]
result : [[ 0.2378194]
 [ 0.0877412]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.2378194]
 [ 0.0877412]]
dot product : [[ 0.25426109]
 [-0.19342194]
 [ 0.09089458]]
result : [[ 0.47618504]
 [ 0.4845317 ]
 [ 0.18702172]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.86435564]
 [-0.99724056]
 [ 0.41395221]]
dot product : [[-0.13157322]
 [-1.30356373]]
result : [[ 0.51261892]
 [-0.87927901]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.51261892]
 [-0.87927901]]
dot product : [[ 1.54784576]
 [ 0.26242369]
 [ 0.8796074 ]]
result : [[ 1.76976971]
 [ 0.94037733]
 [ 0.97573454]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.55648726]
 [-0.09398864]
 [ 1.02433075]]
dot product : [[-0.38340544]
 [-0.4081109 ]]
result : [[ 0.2607867 ]
 [ 0.01617383]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.2607867 ]
 [ 0.01617383]]
dot product : [[ 0.35371657]
 [-0.16120764]
 [ 0.15089179]]
result : [[ 0.57564051]
 [ 0.516746  ]
 [ 0.24701892]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.80968627]
 [-0.24410611]
 [ 0.94051003]]
dot product : [[-0.02854386]
 [-1.00695701]]
result : [[ 0.61564828]
 [-0.58267228]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.61564828]
 [-0.58267228]]
dot product : [[ 1.41601126]
 [ 0.01420107]
 [ 0.75350732]]
result : [[ 1.6379352 ]
 [ 0.69215471]
 [ 0.84963446]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.83110741]
 [-0.35401954]
 [ 0.86387311]]
dot product : [[-0.03985663]
 [-1.05559757]]
result : [[ 0.60433551]
 [-0.63131284]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.60433551]
 [-0.63131284]]
dot product : [[ 1.44552733]
 [ 0.05167609]
 [ 0.77763841]]
result : [[ 1.66745128]
 [ 0.72962973]
 [ 0.87376555]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.80146246]
 [-0.89525142]
 [ 0.45939652]]
dot product : [[-0.57698496]
 [-0.60295025]]
result : [[ 0.06720717]
 [-0.17866552]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.06720717]
 [-0.17866552]]
dot product : [[ 0.26224729]
 [ 0.07470987]
 [ 0.15588357]]
result : [[ 0.48417124]
 [ 0.7526635 ]
 [ 0.25201071]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.88050667]
 [-0.13357725]
 [ 0.99155448]]
dot product : [[-0.47936724]
 [-0.29352016]]
result : [[ 0.1648249 ]
 [ 0.13076457]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.1648249 ]
 [ 0.13076457]]
dot product : [[ 0.11075888]
 [-0.17853463]
 [ 0.01823172]]
result : [[ 0.33268283]
 [ 0.49941901]
 [ 0.11435886]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.85862676]
 [-1.01494338]
 [ 0.40146581]]
dot product : [[-0.13593776]
 [-1.30774241]]
result : [[ 0.50825438]
 [-0.88345768]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.50825438]
 [-0.88345768]]
dot product : [[ 1.54558295]
 [ 0.26760656]
 [ 0.87958284]]
result : [[ 1.7675069 ]
 [ 0.9455602 ]
 [ 0.97570997]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.05949974]
 [-0.63741001]
 [ 0.65338569]]
dot product : [[-0.29805007]
 [-0.85172789]]
result : [[ 0.34614207]
 [-0.42744316]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.34614207]
 [-0.42744316]]
dot product : [[ 0.88956735]
 [ 0.07146853]
 [ 0.48754166]]
result : [[ 1.11149129]
 [ 0.74942216]
 [ 0.58366879]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.53784878]
 [-0.10663077]
 [ 1.01576828]]
dot product : [[-0.38022641]
 [-0.42014688]]
result : [[ 0.26396573]
 [ 0.00413785]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.26396573]
 [ 0.00413785]]
dot product : [[ 0.36947589]
 [-0.15539435]
 [ 0.16055931]]
result : [[ 0.59139984]
 [ 0.52255929]
 [ 0.25668645]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.53959763]
 [-1.04203725]
 [ 0.37751727]]
dot product : [[-0.22855679]
 [-1.19057939]]
result : [[ 0.41563535]
 [-0.76629466]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.41563535]
 [-0.76629466]]
dot product : [[ 1.30494613]
 [ 0.24670944]
 [ 0.74734353]]
result : [[ 1.52687008]
 [ 0.92466308]
 [ 0.84347067]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.12388573]
 [-0.46285611]
 [ 0.77276375]]
dot product : [[-0.32145721]
 [-0.71499793]]
result : [[ 0.32273493]
 [-0.2907132 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.32273493]
 [-0.2907132 ]]
dot product : [[ 0.72851223]
 [-0.00192479]
 [ 0.38557422]]
result : [[ 0.95043618]
 [ 0.67602884]
 [ 0.48170136]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.89304525]
 [-0.30582081]
 [ 0.870739  ]]
dot product : [[-0.50986655]
 [-0.35138223]]
result : [[ 0.13432558]
 [ 0.0729025 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.13432558]
 [ 0.0729025 ]]
dot product : [[ 0.12176714]
 [-0.12409241]
 [ 0.03640092]]
result : [[ 0.34369109]
 [ 0.55386122]
 [ 0.13252806]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.84514637]
 [-1.04575562]
 [ 0.37967818]]
dot product : [[-0.14450635]
 [-1.31361804]]
result : [[ 0.49968579]
 [-0.88933331]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.49968579]
 [-0.88933331]]
dot product : [[ 1.53896196]
 [ 0.27630142]
 [ 0.87804485]]
result : [[ 1.76088591]
 [ 0.95425506]
 [ 0.97417198]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.01360924]
 [-0.59378189]
 [ 0.68322227]]
dot product : [[-0.3039157]
 [-0.8175316]]
result : [[ 0.34027644]
 [-0.39324687]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.34027644]
 [-0.39324687]]
dot product : [[ 0.84927107]
 [ 0.05311944]
 [ 0.46203241]]
result : [[ 1.07119502]
 [ 0.73107307]
 [ 0.55815954]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.84992859]
 [-0.05851777]
 [ 1.04459451]]
dot product : [[-0.45912005]
 [-0.27830673]]
result : [[ 0.18507208]
 [ 0.145978  ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.18507208]
 [ 0.145978  ]]
dot product : [[ 0.12515976]
 [-0.19992561]
 [ 0.02101509]]
result : [[ 0.34708371]
 [ 0.47802803]
 [ 0.11714223]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.15797529]
 [-0.43065982]
 [ 0.7947788 ]]
dot product : [[-0.32584783]
 [-0.68967297]]
result : [[ 0.3183443 ]
 [-0.26538825]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.3183443 ]
 [-0.26538825]]
dot product : [[ 0.69860375]
 [-0.01548668]
 [ 0.36665381]]
result : [[ 0.92052769]
 [ 0.66246696]
 [ 0.46278095]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.72135026]
 [-0.01485856]
 [ 1.07717359]]
dot product : [[-0.41665473]
 [-0.31357956]]
result : [[ 0.22753741]
 [ 0.11070516]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.22753741]
 [ 0.11070516]]
dot product : [[ 0.21822934]
 [-0.20207312]
 [ 0.06984243]]
result : [[ 0.44015328]
 [ 0.47588052]
 [ 0.16596957]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.21431142]
 [-0.37798482]
 [ 0.8307879 ]]
dot product : [[-0.33318728]
 [-0.64801541]]
result : [[ 0.31100486]
 [-0.22373069]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.31100486]
 [-0.22373069]]
dot product : [[ 0.64924087]
 [-0.03772708]
 [ 0.33545877]]
result : [[ 0.87116481]
 [ 0.64022656]
 [ 0.4315859 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.60251976]
 [-1.07776145]
 [ 0.35348131]]
dot product : [[-0.21673339]
 [-1.22867404]]
result : [[ 0.42745875]
 [-0.80438931]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.42745875]
 [-0.80438931]]
dot product : [[ 1.35731696]
 [ 0.26408939]
 [ 0.77903102]]
result : [[ 1.5792409 ]
 [ 0.94204303]
 [ 0.87515815]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.48980896]
 [-0.14139571]
 [ 0.99217199]]
dot product : [[-0.37237475]
 [-0.45196474]]
result : [[ 0.27181739]
 [-0.02768001]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.27181739]
 [-0.02768001]]
dot product : [[ 0.41035551]
 [-0.13970695]
 [ 0.18577452]]
result : [[ 0.63227946]
 [ 0.53824669]
 [ 0.28190166]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.82375085]
 [-0.03083545]
 [ 1.0643883 ]]
dot product : [[-0.44752553]
 [-0.27862987]]
result : [[ 0.19666661]
 [ 0.14565486]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.19666661]
 [ 0.14565486]]
dot product : [[ 0.14186121]
 [-0.20643017]
 [ 0.02839064]]
result : [[ 0.36378516]
 [ 0.47152347]
 [ 0.12451778]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.61963995]
 [-1.08600301]
 [ 0.34797682]]
dot product : [[-0.21328443]
 [-1.23849951]]
result : [[ 0.43090771]
 [-0.81421478]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.43090771]
 [-0.81421478]]
dot product : [[ 1.37138953]
 [ 0.26834092]
 [ 0.7874509 ]]
result : [[ 1.59331347]
 [ 0.94629455]
 [ 0.88357804]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.40166683]
 [-0.94279731]
 [ 0.44486278]]
dot product : [[-0.25119075]
 [-1.09943501]]
result : [[ 0.39300139]
 [-0.67515028]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.39300139]
 [-0.67515028]]
dot product : [[ 1.18764245]
 [ 0.20185421]
 [ 0.67502488]]
result : [[ 1.4095664 ]
 [ 0.87980784]
 [ 0.77115201]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.79107532]
 [-0.15591211]
 [ 1.00198092]]
dot product : [[-0.01986063]
 [-0.96736147]]
result : [[ 0.62433151]
 [-0.54307674]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.62433151]
 [-0.54307674]]
dot product : [[ 1.39124012]
 [-0.01600091]
 [ 0.73353843]]
result : [[ 1.61316407]
 [ 0.66195273]
 [ 0.82966557]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.82464401]
 [-1.07597374]
 [ 0.3581971 ]]
dot product : [[-0.15492674]
 [-1.31648043]]
result : [[ 0.4892654]
 [-0.8921957]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.4892654]
 [-0.8921957]]
dot product : [[ 1.52690212]
 [ 0.284152  ]
 [ 0.87343371]]
result : [[ 1.74882607]
 [ 0.96210563]
 [ 0.96956085]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.71414978]
 [-0.01651868]
 [ 1.07612332]]
dot product : [[-0.41492075]
 [-0.3170529 ]]
result : [[ 0.22927139]
 [ 0.10723183]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.22927139]
 [ 0.10723183]]
dot product : [[ 0.2239321 ]
 [-0.2008681 ]
 [ 0.07313716]]
result : [[ 0.44585605]
 [ 0.47708554]
 [ 0.1692643 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.84039431]
 [-0.40575427]
 [ 0.82778877]]
dot product : [[-0.04540181]
 [-1.07817512]]
result : [[ 0.59879033]
 [-0.65389039]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.59879033]
 [-0.65389039]]
dot product : [[ 1.45881185]
 [ 0.06924112]
 [ 0.78865752]]
result : [[ 1.6807358 ]
 [ 0.74719476]
 [ 0.88478465]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.75381005]
 [-1.11467609]
 [ 0.32998973]]
dot product : [[-0.1806197 ]
 [-1.30239485]]
result : [[ 0.46357244]
 [-0.87811012]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.46357244]
 [-0.87811012]]
dot product : [[ 1.47738157]
 [ 0.29006483]
 [ 0.84853451]]
result : [[ 1.69930551]
 [ 0.96801847]
 [ 0.94466164]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.89224133]
 [-0.22185723]
 [ 0.92955015]]
dot product : [[-0.49646939]
 [-0.32106224]]
result : [[ 0.14772275]
 [ 0.10322249]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.14772275]
 [ 0.10322249]]
dot product : [[ 0.11234314]
 [-0.15112461]
 [ 0.02528214]]
result : [[ 0.33426708]
 [ 0.52682903]
 [ 0.12140928]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.53025033]
 [-1.03611129]
 [ 0.38152138]]
dot product : [[-0.23021607]
 [-1.18469441]]
result : [[ 0.41397607]
 [-0.76040968]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.41397607]
 [-0.76040968]]
dot product : [[ 1.29709226]
 [ 0.24392775]
 [ 0.74255175]]
result : [[ 1.51901621]
 [ 0.92188139]
 [ 0.83867889]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.84876504]
 [-1.03861718]
 [ 0.38473357]]
dot product : [[-0.14238395]
 [-1.31245416]]
result : [[ 0.50180819]
 [-0.88816943]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.50180819]
 [-0.88816943]]
dot product : [[ 1.54087473]
 [ 0.27433308]
 [ 0.87861233]]
result : [[ 1.76279868]
 [ 0.95228672]
 [ 0.97473947]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.07095282]
 [-0.6482618 ]
 [ 0.64596492]]
dot product : [[-0.2965804 ]
 [-0.86024902]]
result : [[ 0.34761173]
 [-0.43596429]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.34761173]
 [-0.43596429]]
dot product : [[ 0.89961987]
 [ 0.07603615]
 [ 0.4939031 ]]
result : [[ 1.12154382]
 [ 0.75398979]
 [ 0.59003024]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.28086071]
 [-0.31698969]
 [ 0.8724642 ]]
dot product : [[-0.34205018]
 [-0.59925438]]
result : [[ 0.30214196]
 [-0.17496965]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.30214196]
 [-0.17496965]]
dot product : [[ 0.59107598]
 [-0.06360256]
 [ 0.29877619]]
result : [[ 0.81299993]
 [ 0.61435108]
 [ 0.39490333]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.41197964]
 [-0.95094907]
 [ 0.43931503]]
dot product : [[-0.24961328]
 [-1.10651673]]
result : [[ 0.39457886]
 [-0.682232  ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.39457886]
 [-0.682232  ]]
dot product : [[ 1.1965005 ]
 [ 0.20544419]
 [ 0.68053188]]
result : [[ 1.41842444]
 [ 0.88339783]
 [ 0.77665902]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.47996716]
 [-0.14885975]
 [ 0.98709849]]
dot product : [[-0.37081983]
 [-0.45860794]]
result : [[ 0.27337231]
 [-0.03432321]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.27337231]
 [-0.03432321]]
dot product : [[ 0.41877129]
 [-0.13638275]
 [ 0.19098696]]
result : [[ 0.64069524]
 [ 0.54157089]
 [ 0.2871141 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.86603769]
 [-0.56591058]
 [ 0.68902265]]
dot product : [[-0.5431957 ]
 [-0.45705015]]
result : [[ 0.10099644]
 [-0.03276542]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.10099644]
 [-0.03276542]]
dot product : [[ 0.17350848]
 [-0.03761521]
 [ 0.08341198]]
result : [[ 0.39543242]
 [ 0.64033843]
 [ 0.17953912]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.38826665]
 [-0.22284173]
 [ 0.93671988]]
dot product : [[-0.35702803]
 [-0.52212438]]
result : [[ 0.28716411]
 [-0.09783966]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.28716411]
 [-0.09783966]]
dot product : [[ 0.49771526]
 [-0.10397753]
 [ 0.24015918]]
result : [[ 0.71963921]
 [ 0.57397611]
 [ 0.33628632]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.58378371]
 [-0.07647514]
 [ 1.03616955]]
dot product : [[-0.38821828]
 [-0.39084931]]
result : [[ 0.25597385]
 [ 0.03343542]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.25597385]
 [ 0.03343542]]
dot product : [[ 0.3307564 ]
 [-0.16939809]
 [ 0.13687017]]
result : [[ 0.55268035]
 [ 0.50855554]
 [ 0.2329973 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.88785181]
 [-0.17443756]
 [ 0.96282598]]
dot product : [[-0.48781305]
 [-0.30550585]]
result : [[ 0.15637909]
 [ 0.11877888]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.15637909]
 [ 0.11877888]]
dot product : [[ 0.11002921]
 [-0.16602575]
 [ 0.02067955]]
result : [[ 0.33195315]
 [ 0.51192788]
 [ 0.11680668]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.51887351]
 [-0.1200104 ]
 [ 1.00669461]]
dot product : [[-0.37706982]
 [-0.43258611]]
result : [[ 0.26712232]
 [-0.00830138]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.26712232]
 [-0.00830138]]
dot product : [[ 0.38558084]
 [-0.14931168]
 [ 0.170471  ]]
result : [[ 0.60750479]
 [ 0.52864196]
 [ 0.26659814]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.86939212]
 [-0.97796583]
 [ 0.42752859]]
dot product : [[-0.12715382]
 [-1.29853569]]
result : [[ 0.51703832]
 [-0.87425096]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.51703832]
 [-0.87425096]]
dot product : [[ 1.54939136]
 [ 0.256669  ]
 [ 0.87912237]]
result : [[ 1.77131531]
 [ 0.93462264]
 [ 0.9752495 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.74891835]
 [-0.01094122]
 [ 1.07948694]]
dot product : [[-0.42367615]
 [-0.30117133]]
result : [[ 0.22051599]
 [ 0.1231134 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.22051599]
 [ 0.1231134 ]]
dot product : [[ 0.19668705]
 [-0.20589942]
 [ 0.05756099]]
result : [[ 0.418611  ]
 [ 0.47205422]
 [ 0.15368813]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.81540173]
 [-0.27239952]
 [ 0.92078564]]
dot product : [[-0.03140017]
 [-1.01955802]]
result : [[ 0.61279197]
 [-0.59527329]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.61279197]
 [-0.59527329]]
dot product : [[ 1.42376305]
 [ 0.02386642]
 [ 0.75980482]]
result : [[ 1.645687  ]
 [ 0.70182006]
 [ 0.85593196]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.83309753]
 [-0.03868815]
 [ 1.0587434 ]]
dot product : [[-0.45134661]
 [-0.27777327]]
result : [[ 0.19284553]
 [ 0.14651146]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.19284553]
 [ 0.14651146]]
dot product : [[ 0.13565516]
 [-0.20476349]
 [ 0.02547996]]
result : [[ 0.35757911]
 [ 0.47319015]
 [ 0.1216071 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.32782706]
 [-0.8819045 ]
 [ 0.48635374]]
dot product : [[-0.26208909]
 [-1.04780794]]
result : [[ 0.38210305]
 [-0.62352321]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.38210305]
 [-0.62352321]]
dot product : [[ 1.12391672]
 [ 0.17533432]
 [ 0.6352498 ]]
result : [[ 1.34584066]
 [ 0.85328796]
 [ 0.73137694]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.80786871]
 [-0.86671599]
 [ 0.47927961]]
dot product : [[-0.57428202]
 [-0.58998582]]
result : [[ 0.06991012]
 [-0.16570109]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.06991012]
 [-0.16570109]]
dot product : [[ 0.2539385 ]
 [ 0.06490219]
 [ 0.14925869]]
result : [[ 0.47586245]
 [ 0.74285583]
 [ 0.24538583]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.8756188 ]
 [-0.94603947]
 [ 0.44998331]]
dot product : [[-0.12041962]
 [-1.28936478]]
result : [[ 0.52377252]
 [-0.86508005]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.52377252]
 [-0.86508005]]
dot product : [[ 1.55033417]
 [ 0.24694045]
 [ 0.87741748]]
result : [[ 1.77225812]
 [ 0.92489408]
 [ 0.97354462]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.09382361]
 [-0.66987231]
 [ 0.63118801]]
dot product : [[-0.29363628]
 [-0.87724323]]
result : [[ 0.35055586]
 [-0.4529585 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.35055586]
 [-0.4529585 ]]
dot product : [[ 0.91968676]
 [ 0.08513806]
 [ 0.50659822]]
result : [[ 1.1416107 ]
 [ 0.7630917 ]
 [ 0.60272535]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.8841156 ]
 [-0.79645963]
 [ 0.55486465]]
dot product : [[-0.09459594]
 [-1.2381636 ]]
result : [[ 0.5495962 ]
 [-0.81387887]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.5495962 ]
 [-0.81387887]]
dot product : [[ 1.53894588]
 [ 0.19943944]
 [ 0.86061976]]
result : [[ 1.76086983]
 [ 0.87739308]
 [ 0.9567469 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.14663269]
 [-0.44135029]
 [ 0.78746928]]
dot product : [[-0.32438346]
 [-0.69809124]]
result : [[ 0.31980868]
 [-0.27380651]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.31980868]
 [-0.27380651]]
dot product : [[ 0.70855253]
 [-0.0109814 ]
 [ 0.37294616]]
result : [[ 0.93047648]
 [ 0.66697224]
 [ 0.4690733 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.87031495]
 [-0.09903159]
 [ 1.01590529]]
dot product : [[-0.47112378]
 [-0.28497244]]
result : [[ 0.17306836]
 [ 0.13931229]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.17306836]
 [ 0.13931229]]
dot product : [[ 0.11441953]
 [-0.18874038]
 [ 0.01785878]]
result : [[ 0.33634348]
 [ 0.48921326]
 [ 0.11398592]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.80860522]
 [-0.02154802]
 [ 1.07112836]]
dot product : [[-0.44187308]
 [-0.28127228]]
result : [[ 0.20231906]
 [ 0.14301245]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.20231906]
 [ 0.14301245]]
dot product : [[ 0.15232863]
 [-0.2080212 ]
 [ 0.0335764 ]]
result : [[ 0.37425258]
 [ 0.46993244]
 [ 0.12970353]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.31706324]
 [-0.8727042 ]
 [ 0.49262874]]
dot product : [[-0.26362697]
 [-1.04016396]]
result : [[ 0.38056517]
 [-0.61587924]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.38056517]
 [-0.61587924]]
dot product : [[ 1.11458853]
 [ 0.17136392]
 [ 0.62940748]]
result : [[ 1.33651248]
 [ 0.84931755]
 [ 0.72553462]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.73415457]
 [-1.11607237]
 [ 0.32870542]]
dot product : [[-0.18628315]
 [-1.29507678]]
result : [[ 0.45790899]
 [-0.87079205]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.45790899]
 [-0.87079205]]
dot product : [[ 1.46252322]
 [ 0.28868922]
 [ 0.84034994]]
result : [[ 1.68444717]
 [ 0.96664286]
 [ 0.93647708]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.22549134]
 [-0.36763205]
 [ 0.83786346]]
dot product : [[-0.33465958]
 [-0.63978517]]
result : [[ 0.30953256]
 [-0.21550044]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.30953256]
 [-0.21550044]]
dot product : [[ 0.63945682]
 [-0.04210821]
 [ 0.32928183]]
result : [[ 0.86138076]
 [ 0.63584543]
 [ 0.42540897]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.86733502]
 [-0.09135316]
 [ 1.02132887]]
dot product : [[-0.46909357]
 [-0.28335714]]
result : [[ 0.17509857]
 [ 0.14092759]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.17509857]
 [ 0.14092759]]
dot product : [[ 0.11577947]
 [-0.1909424 ]
 [ 0.01808039]]
result : [[ 0.33770341]
 [ 0.48701124]
 [ 0.11420753]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.65236982]
 [-0.03900642]
 [ 1.06133886]]
dot product : [[-0.40133682]
 [-0.34986242]]
result : [[ 0.24285531]
 [ 0.07442231]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.24285531]
 [ 0.07442231]]
dot product : [[ 0.27384728]
 [-0.18786755]
 [ 0.10253114]]
result : [[ 0.49577122]
 [ 0.49008609]
 [ 0.19865828]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.83105005]
 [-0.75801209]
 [ 0.55504205]]
dot product : [[-0.56364659]
 [-0.54108566]]
result : [[ 0.08054555]
 [-0.11680093]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.08054555]
 [-0.11680093]]
dot product : [[ 0.22322148]
 [ 0.0276541 ]
 [ 0.12454269]]
result : [[ 0.44514543]
 [ 0.70560773]
 [ 0.22066983]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.79752477]
 [-0.18586622]
 [ 0.98110502]]
dot product : [[-0.02277421]
 [-0.98086081]]
result : [[ 0.62141793]
 [-0.55657608]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.62141793]
 [-0.55657608]]
dot product : [[ 1.39975155]
 [-0.00573121]
 [ 0.74037538]]
result : [[ 1.6216755 ]
 [ 0.67222243]
 [ 0.83650251]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.44252695]
 [-0.97449941]
 [ 0.42329939]]
dot product : [[-0.2448472 ]
 [-1.12727593]]
result : [[ 0.39934494]
 [-0.7029912 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.39934494]
 [-0.7029912 ]]
dot product : [[ 1.22266748]
 [ 0.21588566]
 [ 0.69676274]]
result : [[ 1.44459143]
 [ 0.8938393 ]
 [ 0.79288988]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.88658559]
 [-0.40591942]
 [ 0.80074197]]
dot product : [[-0.52378349]
 [-0.39048289]]
result : [[ 0.12040865]
 [ 0.03380184]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.12040865]
 [ 0.03380184]]
dot product : [[ 0.13867273]
 [-0.09117624]
 [ 0.05281719]]
result : [[ 0.36059668]
 [ 0.5867774 ]
 [ 0.14894432]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.88051691]
 [-0.46227744]
 [ 0.76136981]]
dot product : [[-0.5309455 ]
 [-0.41346595]]
result : [[ 0.11324664]
 [ 0.01081878]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.11324664]
 [ 0.01081878]]
dot product : [[ 0.15004989]
 [-0.07241766]
 [ 0.06309611]]
result : [[ 0.37197384]
 [ 0.60553598]
 [ 0.15922325]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.39129169]
 [-0.9345011 ]
 [ 0.45051071]]
dot product : [[-0.25276282]
 [-1.09227574]]
result : [[ 0.39142932]
 [-0.66799101]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.39142932]
 [-0.66799101]]
dot product : [[ 1.17871947]
 [ 0.19821179]
 [ 0.66947158]]
result : [[ 1.40064342]
 [ 0.87616543]
 [ 0.76559872]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.8199447 ]
 [-0.81128412]
 [ 0.51790952]]
dot product : [[-0.56892928]
 [-0.56494838]]
result : [[ 0.07526286]
 [-0.14066365]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.07526286]
 [-0.14066365]]
dot product : [[ 0.23807988]
 [ 0.0458844 ]
 [ 0.13654649]]
result : [[ 0.46000383]
 [ 0.72383804]
 [ 0.23267362]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.13526893]
 [-0.45208366]
 [ 0.78013005]]
dot product : [[-0.32291996]
 [-0.70653358]]
result : [[ 0.32127218]
 [-0.28224885]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.32127218]
 [-0.28224885]]
dot product : [[ 0.71852261]
 [-0.00646031]
 [ 0.37925338]]
result : [[ 0.94044656]
 [ 0.67149333]
 [ 0.47538052]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.04803713]
 [-0.62653231]
 [ 0.66082445]]
dot product : [[-0.2995183 ]
 [-0.84319351]]
result : [[ 0.34467384]
 [-0.41890878]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.34467384]
 [-0.41890878]]
dot product : [[ 0.87950444]
 [ 0.06689165]
 [ 0.48117262]]
result : [[ 1.10142839]
 [ 0.74484529]
 [ 0.57729975]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.61887301]
 [-0.05599051]
 [ 1.04996748]]
dot product : [[-0.39472348]
 [-0.36940005]]
result : [[ 0.24946866]
 [ 0.05488468]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.24946866]
 [ 0.05488468]]
dot product : [[ 0.3014839 ]
 [-0.17927187]
 [ 0.11912246]]
result : [[ 0.52340785]
 [ 0.49868177]
 [ 0.21524959]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.85373844]
 [-0.0643567 ]
 [ 1.04044617]]
dot product : [[-0.46109151]
 [-0.27892025]]
result : [[ 0.18310063]
 [ 0.14536448]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.18310063]
 [ 0.14536448]]
dot product : [[ 0.12294548]
 [-0.19839457]
 [ 0.02018876]]
result : [[ 0.34486943]
 [ 0.47955906]
 [ 0.11631589]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.65264831]
 [-1.09966686]
 [ 0.33892295]]
dot product : [[-0.20628541]
 [-1.256631  ]]
result : [[ 0.43790673]
 [-0.83234627]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.43790673]
 [-0.83234627]]
dot product : [[ 1.3982558 ]
 [ 0.2758193 ]
 [ 0.80338086]]
result : [[ 1.62017975]
 [ 0.95377294]
 [ 0.899508  ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.836243  ]
 [-0.73217645]
 [ 0.57305343]]
dot product : [[-0.56103118]
 [-0.52958963]]
result : [[ 0.08316096]
 [-0.1053049 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.08316096]
 [-0.1053049 ]]
dot product : [[ 0.21616296]
 [ 0.01883076]
 [ 0.11880333]]
result : [[ 0.43808691]
 [ 0.6967844 ]
 [ 0.21493047]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.00935906]
 [-0.57188877]
 [ 0.69819556]]
dot product : [[-0.3068425 ]
 [-0.80039543]]
result : [[ 0.33734964]
 [-0.3761107 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.33734964]
 [-0.3761107 ]]
dot product : [[ 0.82909586]
 [ 0.04391723]
 [ 0.44925717]]
result : [[ 1.05101981]
 [ 0.72187087]
 [ 0.5453843 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.81402889]
 [-0.83872816]
 [ 0.49878306]]
dot product : [[-0.57159683]
 [-0.57731923]]
result : [[ 0.07259531]
 [-0.1530345 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.07259531]
 [-0.1530345 ]]
dot product : [[ 0.24588329]
 [ 0.05529416]
 [ 0.14281341]]
result : [[ 0.46780724]
 [ 0.7332478 ]
 [ 0.23894055]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.89042284]
 [-0.19731218]
 [ 0.94676709]]
dot product : [[-0.49211439]
 [-0.31282941]]
result : [[ 0.15207775]
 [ 0.11145532]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.15207775]
 [ 0.11145532]]
dot product : [[ 0.11079868]
 [-0.15887979]
 [ 0.02270651]]
result : [[ 0.33272263]
 [ 0.51907385]
 [ 0.11883364]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.00212559]
 [-0.58283873]
 [ 0.69070654]]
dot product : [[-0.30537949]
 [-0.80896496]]
result : [[ 0.33881264]
 [-0.38468023]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.33881264]
 [-0.38468023]]
dot product : [[ 0.83918425]
 [ 0.04851948]
 [ 0.45564546]]
result : [[ 1.0611082 ]
 [ 0.72647311]
 [ 0.5517726 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.66063379]
 [-1.10247317]
 [ 0.33708225]]
dot product : [[-0.20451384]
 [-1.26083522]]
result : [[ 0.43967829]
 [-0.83655049]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.43967829]
 [-0.83655049]]
dot product : [[ 1.40469568]
 [ 0.2774673 ]
 [ 0.80716653]]
result : [[ 1.62661962]
 [ 0.95542094]
 [ 0.90329367]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.25882582]
 [-0.33700705]
 [ 0.85878993]]
dot product : [[-0.33908761]
 [-0.61533432]]
result : [[ 0.30510453]
 [-0.19104959]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.30510453]
 [-0.19104959]]
dot product : [[ 0.61031339]
 [-0.05509265]
 [ 0.31089765]]
result : [[ 0.83223734]
 [ 0.62286098]
 [ 0.40702479]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.79496623]
 [-1.10069716]
 [ 0.3404208 ]]
dot product : [[-0.16702646]
 [-1.31368366]]
result : [[ 0.47716567]
 [-0.88939894]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.47716567]
 [-0.88939894]]
dot product : [[ 1.50717137]
 [ 0.28937608]
 [ 0.8641629 ]]
result : [[ 1.72909532]
 [ 0.96732972]
 [ 0.96029004]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.42222839]
 [-0.95895256]
 [ 0.43387011]]
dot product : [[-0.24803028]
 [-1.11351884]]
result : [[ 0.39616186]
 [-0.68923412]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.39616186]
 [-0.68923412]]
dot product : [[ 1.20529186]
 [ 0.20898036]
 [ 0.68599136]]
result : [[ 1.4272158]
 [ 0.886934 ]
 [ 0.7821185]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.72734629]
 [-1.11595321]
 [ 0.32868269]]
dot product : [[-0.18815028]
 [-1.29232196]]
result : [[ 0.45604186]
 [-0.86803724]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.45604186]
 [-0.86803724]]
dot product : [[ 1.4573045 ]
 [ 0.28801813]
 [ 0.83743268]]
result : [[ 1.67922845]
 [ 0.96597176]
 [ 0.93355982]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.83742212]
 [-1.05892622]
 [ 0.37033453]]
dot product : [[-0.14871245]
 [-1.31534817]]
result : [[ 0.49547969]
 [-0.89106344]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.49547969]
 [-0.89106344]]
dot product : [[ 1.53463195]
 [ 0.2798357 ]
 [ 0.87655139]]
result : [[ 1.7565559 ]
 [ 0.95778933]
 [ 0.97267853]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.88818223]
 [-0.38808078]
 [ 0.81320924]]
dot product : [[-0.52142673]
 [-0.38333733]]
result : [[ 0.12276541]
 [ 0.0409474 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.12276541]
 [ 0.0409474 ]]
dot product : [[ 0.13531944]
 [-0.09708365]
 [ 0.04970182]]
result : [[ 0.35724339]
 [ 0.58086999]
 [ 0.14582896]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.69939058]
 [-0.02062908]
 [ 1.07347501]]
dot product : [[-0.41147756]
 [-0.32443058]]
result : [[ 0.23271458]
 [ 0.09985415]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.23271458]
 [ 0.09985415]]
dot product : [[ 0.23570594]
 [-0.19816967]
 [ 0.07998711]]
result : [[ 0.45762989]
 [ 0.47978397]
 [ 0.17611425]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.26254751]
 [-0.82507121]
 [ 0.52513537]]
dot product : [[-0.27125331]
 [-1.0010713 ]]
result : [[ 0.37293883]
 [-0.57678658]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.37293883]
 [-0.57678658]]
dot product : [[ 1.06722004]
 [ 0.15092044]
 [ 0.59967636]]
result : [[ 1.28914398]
 [ 0.82887408]
 [ 0.69580349]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.03656671]
 [-0.6156325 ]
 [ 0.66827857]]
dot product : [[-0.30098523]
 [-0.83464795]]
result : [[ 0.3432069 ]
 [-0.41036322]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.3432069 ]
 [-0.41036322]]
dot product : [[ 0.86943292]
 [ 0.06230692]
 [ 0.47479723]]
result : [[ 1.09135687]
 [ 0.74026055]
 [ 0.57092437]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.86836884]
 [-0.59192698]
 [ 0.69785067]]
dot product : [[-0.06686498]
 [-1.15725418]]
result : [[ 0.57732715]
 [-0.73296945]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.57732715]
 [-0.73296945]]
dot product : [[ 1.50245497]
 [ 0.13194471]
 [ 0.82599065]]
result : [[ 1.72437892]
 [ 0.80989835]
 [ 0.92211779]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.10106781]
 [-0.48450296]
 [ 0.75796058]]
dot product : [[-0.31853342]
 [-0.73198435]]
result : [[ 0.32565872]
 [-0.30769962]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.32565872]
 [-0.30769962]]
dot product : [[ 0.74854305]
 [ 0.00718393]
 [ 0.39825176]]
result : [[ 0.97046699]
 [ 0.68513757]
 [ 0.4943789 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.37036119]
 [-0.91749063]
 [ 0.46209653]]
dot product : [[-0.25589129]
 [-1.07773289]]
result : [[ 0.38830085]
 [-0.65344816]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.38830085]
 [-0.65344816]]
dot product : [[ 1.16068579]
 [ 0.19077525]
 [ 0.65823115]]
result : [[ 1.38260973]
 [ 0.86872889]
 [ 0.75435828]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.2918166 ]
 [-0.30711228]
 [ 0.87921038]]
dot product : [[-0.34353501]
 [-0.59128682]]
result : [[ 0.30065713]
 [-0.16700209]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.30065713]
 [-0.16700209]]
dot product : [[ 0.58152002]
 [-0.06780941]
 [ 0.2927596 ]]
result : [[ 0.80344397]
 [ 0.61014423]
 [ 0.38888674]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.82087594]
 [-0.30014702]
 [ 0.90143979]]
dot product : [[-0.03423766]
 [-1.03186373]]
result : [[ 0.60995448]
 [-0.607579  ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.60995448]
 [-0.607579  ]]
dot product : [[ 1.43126516]
 [ 0.03333312]
 [ 0.76592501]]
result : [[ 1.6531891 ]
 [ 0.71128676]
 [ 0.86205214]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.82850036]
 [-0.03459315]
 [ 1.06168277]]
dot product : [[-0.44943071]
 [-0.27810969]]
result : [[ 0.19476143]
 [ 0.14617504]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.19476143]
 [ 0.14617504]]
dot product : [[ 0.13867979]
 [-0.20565835]
 [ 0.02687982]]
result : [[ 0.36060374]
 [ 0.47229529]
 [ 0.12300696]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.34920177]
 [-0.89994823]
 [ 0.47405128]]
dot product : [[-0.2589997 ]
 [-1.06290476]]
result : [[ 0.38519243]
 [-0.63862003]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.38519243]
 [-0.63862003]]
dot product : [[ 1.14241351]
 [ 0.18314572]
 [ 0.64682056]]
result : [[ 1.36433746]
 [ 0.86109935]
 [ 0.7429477 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.80028279]
 [-1.09741885]
 [ 0.34279947]]
dot product : [[-0.16503944]
 [-1.3146046 ]]
result : [[ 0.4791527 ]
 [-0.89031987]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.4791527 ]
 [-0.89031987]]
dot product : [[ 1.51084357]
 [ 0.28881172]
 [ 0.86598078]]
result : [[ 1.73276752]
 [ 0.96676536]
 [ 0.96210791]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.55803192]
 [-1.05329141]
 [ 0.36992359]]
dot product : [[-0.22521654]
 [-1.20202755]]
result : [[ 0.4189756 ]
 [-0.77774282]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.4189756 ]
 [-0.77774282]]
dot product : [[ 1.32038343]
 [ 0.25205566]
 [ 0.75673459]]
result : [[ 1.54230738]
 [ 0.9300093 ]
 [ 0.85286172]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.89329364]
 [-0.24810329]
 [ 0.91115396]]
dot product : [[-0.50087906]
 [-0.33022092]]
result : [[ 0.14331308]
 [ 0.09406381]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.14331308]
 [ 0.09406381]]
dot product : [[ 0.11467665]
 [-0.14274908]
 [ 0.02841643]]
result : [[ 0.33660059]
 [ 0.53520455]
 [ 0.12454357]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.86696128]
 [-0.9878016 ]
 [ 0.42060282]]
dot product : [[-0.12937044]
 [-1.30115692]]
result : [[ 0.5148217 ]
 [-0.87687219]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.5148217 ]
 [-0.87687219]]
dot product : [[ 1.54870909]
 [ 0.25961852]
 [ 0.87942921]]
result : [[ 1.77063304]
 [ 0.93757216]
 [ 0.97555634]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.51130396]
 [-1.02368072]
 [ 0.38993089]]
dot product : [[-0.23351357]
 [-1.17261302]]
result : [[ 0.41067856]
 [-0.74832829]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.41067856]
 [-0.74832829]]
dot product : [[ 1.28112287]
 [ 0.23815416]
 [ 0.73278192]]
result : [[ 1.50304682]
 [ 0.91610779]
 [ 0.82890906]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.2844863 ]
 [-0.84443541]
 [ 0.51191699]]
dot product : [[-0.26821487]
 [-1.01687463]]
result : [[ 0.37597727]
 [-0.5925899 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.37597727]
 [-0.5925899 ]]
dot product : [[ 1.0863059 ]
 [ 0.15921054]
 [ 0.61166772]]
result : [[ 1.30822985]
 [ 0.83716418]
 [ 0.70779485]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.20310013]
 [-0.38840343]
 [ 0.82366671]]
dot product : [[-0.33171662]
 [-0.65628218]]
result : [[ 0.31247552]
 [-0.23199745]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.31247552]
 [-0.23199745]]
dot product : [[ 0.65905677]
 [-0.03332177]
 [ 0.34165806]]
result : [[ 0.88098072]
 [ 0.64463187]
 [ 0.43778519]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.71335526]
 [-1.11486096]
 [ 0.32922941]]
dot product : [[-0.19185427]
 [-1.28635159]]
result : [[ 0.45233787]
 [-0.86206686]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.45233787]
 [-0.86206686]]
dot product : [[ 1.44647873]
 [ 0.28636546]
 [ 0.83132203]]
result : [[ 1.66840268]
 [ 0.9643191 ]
 [ 0.92744917]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.24775025]
 [-0.34713934]
 [ 0.85186713]]
dot product : [[-0.33760961]
 [-0.62344255]]
result : [[ 0.30658252]
 [-0.19915782]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.30658252]
 [-0.19915782]]
dot product : [[ 0.61999132]
 [-0.05079239]
 [ 0.31700003]]
result : [[ 0.84191527]
 [ 0.62716125]
 [ 0.41312717]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.87313736]
 [-0.63343154]
 [ 0.66885992]]
dot product : [[-0.07205652]
 [-1.17429912]]
result : [[ 0.57213562]
 [-0.75001439]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.57213562]
 [-0.75001439]]
dot product : [[ 1.5110624 ]
 [ 0.14578718]
 [ 0.83368804]]
result : [[ 1.73298635]
 [ 0.82374082]
 [ 0.92981517]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.84875027]
 [-0.45538179]
 [ 0.79316557]]
dot product : [[-0.0508742 ]
 [-1.09961296]]
result : [[ 0.59331793]
 [-0.67532823]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.59331793]
 [-0.67532823]]
dot product : [[ 1.4711328 ]
 [ 0.08603936]
 [ 0.79899231]]
result : [[ 1.69305675]
 [ 0.763993  ]
 [ 0.89511945]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.76277979]
 [-0.03044527]
 [ 1.08940248]]
dot product : [[-0.00801155]
 [-0.91030747]]
result : [[ 0.63618059]
 [-0.48602274]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.63618059]
 [-0.48602274]]
dot product : [[ 1.35460951]
 [-0.05913597]
 [ 0.70435509]]
result : [[ 1.57653346]
 [ 0.61881766]
 [ 0.80048222]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.79777761]
 [-0.01697286]
 [ 1.07450114]]
dot product : [[-0.43815607]
 [-0.28391469]]
result : [[ 0.20603607]
 [ 0.14037004]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.20603607]
 [ 0.14037004]]
dot product : [[ 0.1600586 ]
 [-0.20849215]
 [ 0.03756549]]
result : [[ 0.38198255]
 [ 0.46946149]
 [ 0.13369263]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.86565678]
 [-0.57043228]
 [ 0.71286083]]
dot product : [[-0.06424353]
 [-1.14833024]]
result : [[ 0.57994861]
 [-0.72404552]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.57994861]
 [-0.72404552]]
dot product : [[ 1.49781192]
 [ 0.12475334]
 [ 0.82190095]]
result : [[ 1.71973586]
 [ 0.80270698]
 [ 0.91802808]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.07819255]
 [-0.50626023]
 [ 0.74308096]]
dot product : [[-0.31561108]
 [-0.74903389]]
result : [[ 0.32858106]
 [-0.32474917]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.32858106]
 [-0.32474917]]
dot product : [[ 0.76863089]
 [ 0.01633364]
 [ 0.41096882]]
result : [[ 0.99055484]
 [ 0.69428728]
 [ 0.50709595]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.78638149]
 [-0.01365519]
 [ 1.07700217]]
dot product : [[-0.4344789 ]
 [-0.28724239]]
result : [[ 0.20971324]
 [ 0.13704234]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.20971324]
 [ 0.13704234]]
dot product : [[ 0.16837351]
 [-0.20850431]
 [ 0.04196849]]
result : [[ 0.39029745]
 [ 0.46944933]
 [ 0.13809562]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.47245184]
 [-0.99661205]
 [ 0.40828086]]
dot product : [[-0.24002795]
 [-1.1472626 ]]
result : [[ 0.40416419]
 [-0.72297787]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.40416419]
 [-0.72297787]]
dot product : [[ 1.24818678]
 [ 0.22580514]
 [ 0.71253214]]
result : [[ 1.47011072]
 [ 0.90375878]
 [ 0.80865927]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.27353785]
 [-0.83480259]
 [ 0.51849199]]
dot product : [[-0.26973602]
 [-1.00899929]]
result : [[ 0.37445612]
 [-0.58471456]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.37445612]
 [-0.58471456]]
dot product : [[ 1.07678488]
 [ 0.15508335]
 [ 0.60568769]]
result : [[ 1.29870882]
 [ 0.83303699]
 [ 0.70181483]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.84136483]
 [-1.05252402]
 [ 0.37487938]]
dot product : [[-0.14661581]
 [-1.31458202]]
result : [[ 0.49757633]
 [-0.89029729]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.49757633]
 [-0.89029729]]
dot product : [[ 1.53688045]
 [ 0.27813516]
 [ 0.87735745]]
result : [[ 1.7588044 ]
 [ 0.9560888 ]
 [ 0.97348459]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.64415088]
 [-0.04291088]
 [ 1.05873279]]
dot product : [[-0.3996729 ]
 [-0.35456035]]
result : [[ 0.24451924]
 [ 0.06972438]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.24451924]
 [ 0.06972438]]
dot product : [[ 0.28059691]
 [-0.18584332]
 [ 0.10656619]]
result : [[ 0.50252086]
 [ 0.49211031]
 [ 0.20269333]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.16929504]
 [-0.42001607]
 [ 0.80205595]]
dot product : [[-0.32731321]
 [-0.68128086]]
result : [[ 0.31687893]
 [-0.25699613]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.31687893]
 [-0.25699613]]
dot product : [[ 0.68867802]
 [-0.01997474]
 [ 0.36037758]]
result : [[ 0.91060197]
 [ 0.65797889]
 [ 0.45650472]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.61024572]
 [-0.06079305]
 [ 1.04673886]]
dot product : [[-0.39308736]
 [-0.37458834]]
result : [[ 0.25110478]
 [ 0.04969639]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.25110478]
 [ 0.04969639]]
dot product : [[ 0.30865306]
 [-0.17691976]
 [ 0.12345409]]
result : [[ 0.53057701]
 [ 0.50103388]
 [ 0.21958123]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.81380157]
 [-0.02431671]
 [ 1.06910845]]
dot product : [[-0.44374685]
 [-0.28021324]]
result : [[ 0.20044529]
 [ 0.14407149]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.20044529]
 [ 0.14407149]]
dot product : [[ 0.14868739]
 [-0.2076102 ]
 [ 0.03174018]]
result : [[ 0.37061134]
 [ 0.47034344]
 [ 0.12786732]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.207027  ]
 [-0.77506961]
 [ 0.55928504]]
dot product : [[-0.27878631]
 [-0.96071414]]
result : [[ 0.36540583]
 [-0.53642941]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.36540583]
 [-0.53642941]]
dot product : [[ 1.01880027]
 [ 0.12961891]
 [ 0.56919378]]
result : [[ 1.24072422]
 [ 0.80757255]
 [ 0.66532091]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.48228053]
 [-1.0036456 ]
 [ 0.40350862]]
dot product : [[-0.23840911]
 [-1.15374348]]
result : [[ 0.40578303]
 [-0.72945875]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.40578303]
 [-0.72945875]]
dot product : [[ 1.25654107]
 [ 0.22898914]
 [ 0.71768023]]
result : [[ 1.47846501]
 [ 0.90694278]
 [ 0.81380737]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.54885873]
 [-1.04776523]
 [ 0.37365046]]
dot product : [[-0.22689032]
 [-1.19635779]]
result : [[ 0.41730182]
 [-0.77207307]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.41730182]
 [-0.77207307]]
dot product : [[ 1.31271044]
 [ 0.24941921]
 [ 0.75207156]]
result : [[ 1.53463439]
 [ 0.92737285]
 [ 0.8481987 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.84182799]
 [-0.0479054 ]
 [ 1.05215254]]
dot product : [[-0.45521111]
 [-0.27766003]]
result : [[ 0.18898103]
 [ 0.1466247 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.18898103]
 [ 0.1466247 ]]
dot product : [[ 0.13008332]
 [-0.20259901]
 [ 0.02301811]]
result : [[ 0.35200727]
 [ 0.47535463]
 [ 0.11914525]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.8615769 ]
 [-1.00628655]
 [ 0.40757408]]
dot product : [[-0.13376228]
 [-1.30575821]]
result : [[ 0.51042985]
 [-0.88147348]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.51042985]
 [-0.88147348]]
dot product : [[ 1.54680313]
 [ 0.26508591]
 [ 0.87965819]]
result : [[ 1.76872708]
 [ 0.94303954]
 [ 0.97578533]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.29539115]
 [-0.85396583]
 [ 0.50541302]]
dot product : [[-0.26668973]
 [-1.02469523]]
result : [[ 0.37750241]
 [-0.6004105 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.37750241]
 [-0.6004105 ]]
dot product : [[ 1.09578136]
 [ 0.16330063]
 [ 0.61761519]]
result : [[ 1.31770531]
 [ 0.84125427]
 [ 0.71374233]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.77334271]
 [-1.01494568]
 [ 0.37601468]]
dot product : [[-0.58797697]
 [-0.6578277 ]]
result : [[ 0.05621516]
 [-0.23354298]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.05621516]
 [-0.23354298]]
dot product : [[ 0.29805337]
 [ 0.11596497]
 [ 0.18420404]]
result : [[ 0.51997732]
 [ 0.79391861]
 [ 0.28033118]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.88628836]
 [-0.1636171 ]
 [ 0.97042779]]
dot product : [[-0.48568218]
 [-0.30217986]]
result : [[ 0.15850996]
 [ 0.12210487]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.15850996]
 [ 0.12210487]]
dot product : [[ 0.10993069]
 [-0.16937377]
 [ 0.0198687 ]]
result : [[ 0.33185463]
 [ 0.50857987]
 [ 0.11599584]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.17332101]
 [-0.74413054]
 [ 0.58042565]]
dot product : [[-0.28326796]
 [-0.93600072]]
result : [[ 0.36092418]
 [-0.51171599]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.36092418]
 [-0.51171599]]
dot product : [[ 0.9893353 ]
 [ 0.11649855]
 [ 0.55060842]]
result : [[ 1.21125925]
 [ 0.79445219]
 [ 0.64673556]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.88454188]
 [-0.15320278]
 [ 0.97774804]]
dot product : [[-0.48356434]
 [-0.29907496]]
result : [[ 0.1606278 ]
 [ 0.12520977]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.1606278 ]
 [ 0.12520977]]
dot product : [[ 0.11002063]
 [-0.17257366]
 [ 0.01919128]]
result : [[ 0.33194458]
 [ 0.50537998]
 [ 0.11531842]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.77227571]
 [-1.11056888]
 [ 0.33315392]]
dot product : [[-0.17486045]
 [-1.3082498 ]]
result : [[ 0.46933169]
 [-0.88396507]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.46933169]
 [-0.88396507]]
dot product : [[ 1.49100625]
 [ 0.29045468]
 [ 0.85584204]]
result : [[ 1.7129302 ]
 [ 0.96840832]
 [ 0.95196918]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.77815857]
 [-1.10857954]
 [ 0.33463877]]
dot product : [[-0.17291881]
 [-1.30986663]]
result : [[ 0.47127332]
 [-0.88558191]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.47127332]
 [-0.88558191]]
dot product : [[ 1.49526546]
 [ 0.29035907]
 [ 0.85807716]]
result : [[ 1.71718941]
 [ 0.96831271]
 [ 0.9542043 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.85738571]
 [-0.07055587]
 [ 1.03604809]]
dot product : [[-0.46307446]
 [-0.27972997]]
result : [[ 0.18111767]
 [ 0.14455476]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.18111767]
 [ 0.14455476]]
dot product : [[ 0.12089855]
 [-0.19673213]
 [ 0.01948087]]
result : [[ 0.3428225 ]
 [ 0.48122151]
 [ 0.11560801]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.80372785]
 [-0.21526295]
 [ 0.9606156 ]]
dot product : [[-0.02566858]
 [-0.99405863]]
result : [[ 0.61852356]
 [-0.5697739 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.61852356]
 [-0.5697739 ]]
dot product : [[ 1.40800801]
 [ 0.00433565]
 [ 0.74703126]]
result : [[ 1.62993196]
 [ 0.68228929]
 [ 0.84315839]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.81535065]
 [-1.08557778]
 [ 0.35132659]]
dot product : [[-0.15900785]
 [-1.31628417]]
result : [[ 0.48518429]
 [-0.89199944]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.48518429]
 [-0.89199944]]
dot product : [[ 1.52094623]
 [ 0.28638904]
 [ 0.87078482]]
result : [[ 1.74287018]
 [ 0.96434268]
 [ 0.96691195]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.77023174]
 [-0.06266718]
 [ 1.0669541 ]]
dot product : [[-0.01100328]
 [-0.92503361]]
result : [[ 0.63318885]
 [-0.50074888]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.63318885]
 [-0.50074888]]
dot product : [[ 1.36415842]
 [-0.04804098]
 [ 0.71192876]]
result : [[ 1.58608236]
 [ 0.62991266]
 [ 0.80805589]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.33854048]
 [-0.89098712]
 [ 0.48016037]]
dot product : [[-0.26054671]
 [-1.0553889 ]]
result : [[ 0.38364543]
 [-0.63110417]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.38364543]
 [-0.63110417]]
dot product : [[ 1.1331923 ]
 [ 0.17926206]
 [ 0.64105458]]
result : [[ 1.35511624]
 [ 0.85721569]
 [ 0.73718171]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.78790495]
 [-0.95398039]
 [ 0.41848079]]
dot product : [[-0.58244467]
 [-0.62978088]]
result : [[ 0.06174747]
 [-0.20549615]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.06174747]
 [-0.20549615]]
dot product : [[ 0.27963263]
 [ 0.09492975]
 [ 0.16967712]]
result : [[ 0.50155658]
 [ 0.77288339]
 [ 0.26580426]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.79214976]
 [-0.01515875]
 [ 1.0758593 ]]
dot product : [[-0.43631257]
 [-0.28549392]]
result : [[ 0.20787957]
 [ 0.13879081]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.20787957]
 [ 0.13879081]]
dot product : [[ 0.16414382]
 [-0.20855488]
 [ 0.03971588]]
result : [[ 0.38606776]
 [ 0.46939876]
 [ 0.13584301]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.02509018]
 [-0.60471442]
 [ 0.6757454 ]]
dot product : [[-0.30245099]
 [-0.82609329]]
result : [[ 0.34174115]
 [-0.40180856]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.34174115]
 [-0.40180856]]
dot product : [[ 0.85935454]
 [ 0.05771571]
 [ 0.46841674]]
result : [[ 1.08127849]
 [ 0.73566935]
 [ 0.56454388]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.39871286]
 [-0.21406246]
 [ 0.94270499]]
dot product : [[-0.35854399]
 [-0.51476054]]
result : [[ 0.28564815]
 [-0.09047581]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.28564815]
 [-0.09047581]]
dot product : [[ 0.4886802 ]
 [-0.1077825 ]
 [ 0.23450967]]
result : [[ 0.71060415]
 [ 0.57017114]
 [ 0.33063681]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.88956859]
 [-0.37070946]
 [ 0.82535253]]
dot product : [[-0.51908505]
 [-0.37644605]]
result : [[ 0.12510709]
 [ 0.04783868]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.12510709]
 [ 0.04783868]]
dot product : [[ 0.13218278]
 [-0.10282064]
 [ 0.04673985]]
result : [[ 0.35410673]
 [ 0.57513299]
 [ 0.14286699]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.50926384]
 [-0.12696721]
 [ 1.0019727 ]]
dot product : [[-0.37549961]
 [-0.43895176]]
result : [[ 0.26869253]
 [-0.01466703]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.26869253]
 [-0.01466703]]
dot product : [[ 0.39375853]
 [-0.14617281]
 [ 0.17551529]]
result : [[ 0.61568247]
 [ 0.53178083]
 [ 0.27164243]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.85465634]
 [-0.63408057]
 [ 0.64146157]]
dot product : [[-0.55073954]
 [-0.48645937]]
result : [[ 0.0934526 ]
 [-0.06217465]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.0934526 ]
 [-0.06217465]]
dot product : [[ 0.19035903]
 [-0.01454959]
 [ 0.097567  ]]
result : [[ 0.41228298]
 [ 0.66340405]
 [ 0.19369414]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.3062507 ]
 [-0.86339003]
 [ 0.49898272]]
dot product : [[-0.26516047]
 [-1.03245904]]
result : [[ 0.37903167]
 [-0.60817431]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.37903167]
 [-0.60817431]]
dot product : [[ 1.10520949]
 [ 0.16735222]
 [ 0.62352886]]
result : [[ 1.32713344]
 [ 0.84530586]
 [ 0.719656  ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.89171727]
 [-0.33735345]
 [ 0.84867781]]
dot product : [[-0.51444642]
 [-0.36341803]]
result : [[ 0.12974572]
 [ 0.0608667 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.12974572]
 [ 0.0608667 ]]
dot product : [[ 0.12655228]
 [-0.11378899]
 [ 0.04127109]]
result : [[ 0.34847623]
 [ 0.56416465]
 [ 0.13739823]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.25151697]
 [-0.81524509]
 [ 0.53184446]]
dot product : [[-0.27276686]
 [-0.99309274]]
result : [[ 0.37142528]
 [-0.56880801]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.37142528]
 [-0.56880801]]
dot product : [[ 1.05761315]
 [ 0.14672321]
 [ 0.59363497]]
result : [[ 1.2795371 ]
 [ 0.82467684]
 [ 0.6897621 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.61112977]
 [-1.08199651]
 [ 0.35064981]]
dot product : [[-0.21501302]
 [-1.23364836]]
result : [[ 0.42917912]
 [-0.80936363]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.42917912]
 [-0.80936363]]
dot product : [[ 1.36440506]
 [ 0.26625669]
 [ 0.78327783]]
result : [[ 1.58632901]
 [ 0.94421033]
 [ 0.87940496]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.49203326]
 [-1.01050411]
 [ 0.39885779]]
dot product : [[-0.23678386]
 [-1.16013022]]
result : [[ 0.40740828]
 [-0.73584549]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.40740828]
 [-0.73584549]]
dot product : [[ 1.26481635]
 [ 0.23210957]
 [ 0.72277206]]
result : [[ 1.4867403 ]
 [ 0.91006321]
 [ 0.81889919]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.88275463]
 [-0.44301392]
 [ 0.77482491]]
dot product : [[-0.52854275]
 [-0.40554512]]
result : [[ 0.11564939]
 [ 0.01873961]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.11564939]
 [ 0.01873961]]
dot product : [[ 0.14603619]
 [-0.07884464]
 [ 0.05951309]]
result : [[ 0.36796014]
 [ 0.599109  ]
 [ 0.15564022]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.26986321]
 [-0.32695589]
 [ 0.8656565 ]]
dot product : [[-0.34056775]
 [-0.6072709 ]]
result : [[ 0.30362439]
 [-0.18298617]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.30362439]
 [-0.18298617]]
dot product : [[ 0.60067436]
 [-0.05936317]
 [ 0.30482262]]
result : [[ 0.82259831]
 [ 0.61859047]
 [ 0.40094976]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.57477534]
 [-0.08211458]
 [ 1.03236081]]
dot product : [[-0.38660793]
 [-0.39649476]]
result : [[ 0.25758421]
 [ 0.02778997]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.25758421]
 [ 0.02778997]]
dot product : [[ 0.33831693]
 [-0.16674039]
 [ 0.14147842]]
result : [[ 0.56024088]
 [ 0.51121324]
 [ 0.23760556]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.83586808]
 [-0.38015222]
 [ 0.84564697]]
dot product : [[-0.04263838]
 [-1.06702985]]
result : [[ 0.60155376]
 [-0.64274512]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.60155376]
 [-0.64274512]]
dot product : [[ 1.45229092]
 [ 0.06055515]
 [ 0.78323413]]
result : [[ 1.67421486]
 [ 0.73850879]
 [ 0.87936126]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.79480844]
 [-0.92433828]
 [ 0.43913113]]
dot product : [[-0.57970581]
 [-0.61621458]]
result : [[ 0.06448633]
 [-0.19192985]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.06448633]
 [-0.19192985]]
dot product : [[ 0.27081141]
 [ 0.08471859]
 [ 0.1626893 ]]
result : [[ 0.49273536]
 [ 0.76267223]
 [ 0.25881644]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.83754064]
 [-0.04312429]
 [ 1.05556754]]
dot product : [[-0.45327337]
 [-0.27762269]]
result : [[ 0.19091877]
 [ 0.14666204]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.19091877]
 [ 0.14666204]]
dot product : [[ 0.13278909]
 [-0.20374417]
 [ 0.02419231]]
result : [[ 0.35471303]
 [ 0.47420947]
 [ 0.12031945]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.56567595]
 [-0.08795369]
 [ 1.02841365]]
dot product : [[-0.38500369]
 [-0.40224931]]
result : [[ 0.25918845]
 [ 0.02203542]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.25918845]
 [ 0.02203542]]
dot product : [[ 0.34597091]
 [-0.16400978]
 [ 0.14615271]]
result : [[ 0.56789485]
 [ 0.51394386]
 [ 0.24227985]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.63582729]
 [-0.0470456 ]
 [ 1.0559671 ]]
dot product : [[-0.39801612]
 [-0.35938399]]
result : [[ 0.24617602]
 [ 0.06490074]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.24617602]
 [ 0.06490074]]
dot product : [[ 0.28745407]
 [-0.18373504]
 [ 0.11067726]]
result : [[ 0.50937802]
 [ 0.4942186 ]
 [ 0.20680439]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.89286411]
 [-0.23476572]
 [ 0.92050079]]
dot product : [[-0.49866733]
 [-0.32552481]]
result : [[ 0.14552481]
 [ 0.09875992]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.14552481]
 [ 0.09875992]]
dot product : [[ 0.11341038]
 [-0.14701509]
 [ 0.02677883]]
result : [[ 0.33533433]
 [ 0.53093855]
 [ 0.12290596]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.87312378]
 [-0.10708939]
 [ 1.01021872]]
dot product : [[-0.47316612]
 [-0.28679432]]
result : [[ 0.17102602]
 [ 0.13749041]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.17102602]
 [ 0.13749041]]
dot product : [[ 0.11323575]
 [-0.18639999]
 [ 0.01776186]]
result : [[ 0.3351597 ]
 [ 0.49155365]
 [ 0.113889  ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.72842907]
 [-0.01346693]
 [ 1.07803774]]
dot product : [[-0.41839713]
 [-0.31025267]]
result : [[ 0.22579501]
 [ 0.11403206]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.22579501]
 [ 0.11403206]]
dot product : [[ 0.21265169]
 [-0.20318016]
 [ 0.06663621]]
result : [[ 0.43457564]
 [ 0.47477348]
 [ 0.16276334]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.52081854]
 [-1.02999117]
 [ 0.38566014]]
dot product : [[-0.23186829]
 [-1.17870493]]
result : [[ 0.41232385]
 [-0.7544202 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.41232385]
 [-0.7544202 ]]
dot product : [[ 1.28915059]
 [ 0.24107552]
 [ 0.73769747]]
result : [[ 1.51107454]
 [ 0.91902916]
 [ 0.8338246 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.87519723]
 [-0.65344906]
 [ 0.65487403]]
dot product : [[-0.07462685]
 [-1.18242427]]
result : [[ 0.56956529]
 [-0.75813954]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.56956529]
 [-0.75813954]]
dot product : [[ 1.51503029]
 [ 0.15244106]
 [ 0.8372982 ]]
result : [[ 1.73695424]
 [ 0.8303947 ]
 [ 0.93342534]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.76625553]
 [-1.11224554]
 [ 0.33188589]]
dot product : [[-0.17679106]
 [-1.30646417]]
result : [[ 0.46740108]
 [-0.88217944]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.46740108]
 [-0.88217944]]
dot product : [[ 1.4866047 ]
 [ 0.29043658]
 [ 0.85350572]]
result : [[ 1.70852865]
 [ 0.96839022]
 [ 0.94963286]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.87575982]
 [-0.11553038]
 [ 1.00426649]]
dot product : [[-0.47522073]
 [-0.28882485]]
result : [[ 0.16897141]
 [ 0.13545988]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.16897141]
 [ 0.13545988]]
dot product : [[ 0.11222987]
 [-0.18391983]
 [ 0.01779088]]
result : [[ 0.33415382]
 [ 0.49403381]
 [ 0.11391802]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.84591795]
 [-0.68208683]
 [ 0.60797968]]
dot product : [[-0.55585162]
 [-0.50745788]]
result : [[ 0.08834052]
 [-0.08317315]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.08834052]
 [-0.08317315]]
dot product : [[ 0.20277849]
 [ 0.00176078]
 [ 0.10784344]]
result : [[ 0.42470243]
 [ 0.67971442]
 [ 0.20397057]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.88234155]
 [-0.88453597]
 [ 0.49315826]]
dot product : [[-0.10890714]
 [-1.26959808]]
result : [[ 0.53528499]
 [-0.84531335]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.53528499]
 [-0.84531335]]
dot product : [[ 1.54812   ]
 [ 0.22770926]
 [ 0.87188658]]
result : [[ 1.77004395]
 [ 0.9056629 ]
 [ 0.96801372]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.8800997 ]
 [-0.71060845]
 [ 0.6149225 ]]
dot product : [[-0.08223764]
 [-1.20523534]]
result : [[ 0.5619545 ]
 [-0.78095061]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.5619545 ]
 [-0.78095061]]
dot product : [[ 1.52561178]
 [ 0.17135   ]
 [ 0.8471896 ]]
result : [[ 1.74753572]
 [ 0.84930364]
 [ 0.94331674]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.8624718 ]
 [-0.58812709]
 [ 0.67352033]]
dot product : [[-0.54569391]
 [-0.46657752]]
result : [[ 0.09849823]
 [-0.04229279]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.09849823]
 [-0.04229279]]
dot product : [[ 0.17889052]
 [-0.03011147]
 [ 0.08796403]]
result : [[ 0.40081447]
 [ 0.64784217]
 [ 0.18409117]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.69145814]
 [-1.11114508]
 [ 0.33149012]]
dot product : [[-0.1973365 ]
 [-1.27627528]]
result : [[ 0.44685564]
 [-0.85199055]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.44685564]
 [-0.85199055]]
dot product : [[ 1.4292956 ]
 [ 0.28313114]
 [ 0.82148448]]
result : [[ 1.65121955]
 [ 0.96108478]
 [ 0.91761162]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.80326333]
 [-0.01910134]
 [ 1.07292504]]
dot product : [[-0.44000953]
 [-0.28250679]]
result : [[ 0.20418261]
 [ 0.14177794]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.20418261]
 [ 0.14177794]]
dot product : [[ 0.15611962]
 [-0.20831472]
 [ 0.03551858]]
result : [[ 0.37804356]
 [ 0.46963891]
 [ 0.13164572]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.31359679]
 [-0.2876391 ]
 [ 0.89250755]]
dot product : [[-0.34651242]
 [-0.57550689]]
result : [[ 0.29767972]
 [-0.15122216]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.29767972]
 [-0.15122216]]
dot product : [[ 0.56254236]
 [-0.07611997]
 [ 0.28082094]]
result : [[ 0.78446631]
 [ 0.60183367]
 [ 0.37694808]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.3027292 ]
 [-0.29732748]
 [ 0.88589238]]
dot product : [[-0.34502238]
 [-0.58337029]]
result : [[ 0.29916976]
 [-0.15908557]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.29916976]
 [-0.15908557]]
dot product : [[ 0.57200822]
 [-0.07198235]
 [ 0.2867741 ]]
result : [[ 0.79393217]
 [ 0.60597129]
 [ 0.38290124]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.73538449]
 [-0.01234762]
 [ 1.07871312]]
dot product : [[-0.42014808]
 [-0.30707428]]
result : [[ 0.22404406]
 [ 0.11721045]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.22404406]
 [ 0.11721045]]
dot product : [[ 0.20720092]
 [-0.20418781]
 [ 0.06351972]]
result : [[ 0.42912487]
 [ 0.47376583]
 [ 0.15964686]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.6280486 ]
 [-1.08977712]
 [ 0.34546499]]
dot product : [[-0.21154751]
 [-1.24322542]]
result : [[ 0.43264463]
 [-0.8189407 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.43264463]
 [-0.8189407 ]]
dot product : [[ 1.37826859]
 [ 0.27034068]
 [ 0.79154899]]
result : [[ 1.60019254]
 [ 0.94829432]
 [ 0.88767613]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.86937796]
 [-0.5441958 ]
 [ 0.70417715]]
dot product : [[-0.54071371]
 [-0.44779572]]
result : [[ 0.10347843]
 [-0.02351099]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.10347843]
 [-0.02351099]]
dot product : [[ 0.16835888]
 [-0.04493601]
 [ 0.07902455]]
result : [[ 0.39028283]
 [ 0.63301763]
 [ 0.17515169]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.67627288]
 [-1.10732743]
 [ 0.33392676]]
dot product : [[-0.20094364]
 [-1.26883476]]
result : [[ 0.4432485 ]
 [-0.84455003]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.4432485 ]
 [-0.84455003]]
dot product : [[ 1.41723107]
 [ 0.28048764]
 [ 0.81449295]]
result : [[ 1.63915502]
 [ 0.95844128]
 [ 0.91062009]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.4324114 ]
 [-0.96680394]
 [ 0.42853068]]
dot product : [[-0.24644163]
 [-1.12043927]]
result : [[ 0.39775051]
 [-0.69615454]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.39775051]
 [-0.69615454]]
dot product : [[ 1.21401477]
 [ 0.21246131]
 [ 0.69140207]]
result : [[ 1.43593872]
 [ 0.89041495]
 [ 0.7875292 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.88477696]
 [-0.42422919]
 [ 0.78794808]]
dot product : [[-0.52615545]
 [-0.39788479]]
result : [[ 0.11803669]
 [ 0.02639994]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.11803669]
 [ 0.02639994]]
dot product : [[ 0.14224439]
 [-0.08509704]
 [ 0.05608719]]
result : [[ 0.36416834]
 [ 0.5928566 ]
 [ 0.15221433]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.46254887]
 [-0.98940729]
 [ 0.41317183]]
dot product : [[-0.24164049]
 [-1.14068967]]
result : [[ 0.40255165]
 [-0.71640494]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.40255165]
 [-0.71640494]]
dot product : [[ 1.23975524]
 [ 0.22255897]
 [ 0.70732903]]
result : [[ 1.46167919]
 [ 0.90051261]
 [ 0.80345616]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.5017083 ]
 [-1.01718375]
 [ 0.39433099]]
dot product : [[-0.23515205]
 [-1.16642076]]
result : [[ 0.40904008]
 [-0.74213603]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.40904008]
 [-0.74213603]]
dot product : [[ 1.27301087]
 [ 0.23516504]
 [ 0.72780637]]
result : [[ 1.49493482]
 [ 0.91311868]
 [ 0.82393351]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.87822135]
 [-0.1243584 ]
 [ 0.99804596]]
dot product : [[-0.47728773]
 [-0.2910661 ]]
result : [[ 0.16690441]
 [ 0.13321863]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.16690441]
 [ 0.13321863]]
dot product : [[ 0.11140366]
 [-0.18129851]
 [ 0.01794708]]
result : [[ 0.33332761]
 [ 0.49665513]
 [ 0.11407422]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.77443049]
 [-0.01156442]
 [ 1.07865268]]
dot product : [[-0.43084053]
 [-0.29123879]]
result : [[ 0.21335161]
 [ 0.13304594]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.21335161]
 [ 0.13304594]]
dot product : [[ 0.17725927]
 [-0.20806881]
 [ 0.04677539]]
result : [[ 0.39918322]
 [ 0.46988483]
 [ 0.14290253]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.89356616]
 [-0.27608096]
 [ 0.89155731]]
dot product : [[-0.50534445]
 [-0.34032206]]
result : [[ 0.13884769]
 [ 0.08396267]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.13884769]
 [ 0.08396267]]
dot product : [[ 0.11781329]
 [-0.13374207]
 [ 0.03211936]]
result : [[ 0.33973724]
 [ 0.54421157]
 [ 0.1282465 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.88312225]
 [-0.76350839]
 [ 0.57792449]]
dot product : [[-0.0897008 ]
 [-1.22574338]]
result : [[ 0.55449134]
 [-0.80145865]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.55449134]
 [-0.80145865]]
dot product : [[ 1.53424694]
 [ 0.18870913]
 [ 0.85569853]]
result : [[ 1.75617089]
 [ 0.86666277]
 [ 0.95182567]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.23663819]
 [-0.35734895]
 [ 0.84489076]]
dot product : [[-0.33613365]
 [-0.63159353]]
result : [[ 0.30805849]
 [-0.2073088 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.30805849]
 [-0.2073088 ]]
dot product : [[ 0.62970638]
 [-0.04646378]
 [ 0.3231285 ]]
result : [[ 0.85163033]
 [ 0.63148986]
 [ 0.41925564]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.88312251]
 [-0.87095692]
 [ 0.50267967]]
dot product : [[-0.10656018]
 [-1.26495379]]
result : [[ 0.53763196]
 [-0.84066907]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.53763196]
 [-0.84066907]]
dot product : [[ 1.5470935 ]
 [ 0.22339795]
 [ 0.87036576]]
result : [[ 1.76901745]
 [ 0.90135159]
 [ 0.96649289]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.08239468]
 [-0.65908384]
 [ 0.63856482]]
dot product : [[-0.29510918]
 [-0.86875483]]
result : [[ 0.34908296]
 [-0.4444701 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.34908296]
 [-0.4444701 ]]
dot product : [[ 0.90966026]
 [ 0.08059312]
 [ 0.50025571]]
result : [[ 1.13158421]
 [ 0.75854676]
 [ 0.59638284]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.59269937]
 [-0.07103919]
 [ 1.03983725]]
dot product : [[-0.38983489]
 [-0.38531504]]
result : [[ 0.25435725]
 [ 0.03896969]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.25435725]
 [ 0.03896969]]
dot product : [[ 0.32329107]
 [-0.17198148]
 [ 0.1323292 ]]
result : [[ 0.54521502]
 [ 0.50597215]
 [ 0.22845633]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.87867669]
 [-0.69203369]
 [ 0.62790797]]
dot product : [[-0.07971728]
 [-1.1978903 ]]
result : [[ 0.56447486]
 [-0.77360558]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.56447486]
 [-0.77360558]]
dot product : [[ 1.52230322]
 [ 0.16522108]
 [ 0.84404774]]
result : [[ 1.74422717]
 [ 0.84317472]
 [ 0.94017488]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.88131382]
 [-0.72870994]
 [ 0.60226519]]
dot product : [[-0.08474159]
 [-1.21232448]]
result : [[ 0.55945055]
 [-0.78803975]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.55945055]
 [-0.78803975]]
dot product : [[ 1.52870407]
 [ 0.17730672]
 [ 0.85017785]]
result : [[ 1.75062802]
 [ 0.85526036]
 [ 0.94630499]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.06673768]
 [-0.51717072]
 [ 0.73561912]]
dot product : [[-0.31415013]
 [-0.75757716]]
result : [[ 0.33004201]
 [-0.33329243]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.33004201]
 [-0.33329243]]
dot product : [[ 0.7786918 ]
 [ 0.02092038]
 [ 0.41733904]]
result : [[ 1.00061575]
 [ 0.69887402]
 [ 0.51346617]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.1280158 ]
 [-0.70199809]
 [ 0.60922395]]
dot product : [[-0.28920616]
 [-0.90258333]]
result : [[ 0.35498598]
 [-0.4782986 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.35498598]
 [-0.4782986 ]]
dot product : [[ 0.94966526]
 [ 0.09868671]
 [ 0.52555273]]
result : [[ 1.17158921]
 [ 0.77664035]
 [ 0.62167986]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.64455448]
 [-1.09661287]
 [ 0.3409354 ]]
dot product : [[-0.20804812]
 [-1.25229324]]
result : [[ 0.43614401]
 [-0.82800851]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.43614401]
 [-0.82800851]]
dot product : [[ 1.39170349]
 [ 0.27408127]
 [ 0.79951522]]
result : [[ 1.61362744]
 [ 0.95203491]
 [ 0.89564236]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.88431089]
 [-0.8122521 ]
 [ 0.54380843]]
dot product : [[-0.0970198 ]
 [-1.24400439]]
result : [[ 0.54717234]
 [-0.81971966]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.54717234]
 [-0.81971966]]
dot product : [[ 1.54098329]
 [ 0.20455605]
 [ 0.8628587 ]]
result : [[ 1.76290724]
 [ 0.88250969]
 [ 0.95898584]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.74221482]
 [-0.01150444]
 [ 1.07919707]]
dot product : [[-0.42190771]
 [-0.30404647]]
result : [[ 0.22228443]
 [ 0.12023826]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.22228443]
 [ 0.12023826]]
dot product : [[ 0.20187879]
 [-0.2050947 ]
 [ 0.06049424]]
result : [[ 0.42380274]
 [ 0.47285894]
 [ 0.15662137]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.02084301]
 [-0.56093583]
 [ 0.70568668]]
dot product : [[-0.30830484]
 [-0.79182509]]
result : [[ 0.3358873 ]
 [-0.36754037]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.3358873 ]
 [-0.36754037]]
dot product : [[ 0.81900765]
 [ 0.03931408]
 [ 0.44286876]]
result : [[ 1.0409316 ]
 [ 0.71726772]
 [ 0.5389959 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.16203029]
 [-0.7336841 ]
 [ 0.58756508]]
dot product : [[-0.28475625]
 [-0.92769217]]
result : [[ 0.35943589]
 [-0.50340744]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.35943589]
 [-0.50340744]]
dot product : [[ 0.97945536]
 [ 0.11207688]
 [ 0.54437149]]
result : [[ 1.2013793 ]
 [ 0.79003052]
 [ 0.64049863]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.891427  ]
 [-0.20937399]
 [ 0.9383047 ]]
dot product : [[-0.49428512]
 [-0.31683113]]
result : [[ 0.14990702]
 [ 0.1074536 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.14990702]
 [ 0.1074536 ]]
dot product : [[ 0.11147316]
 [-0.15507905]
 [ 0.02392511]]
result : [[ 0.3333971 ]
 [ 0.52287459]
 [ 0.12005225]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.03232454]
 [-0.54998373]
 [ 0.71317725]]
dot product : [[-0.30976664]
 [-0.78325603]]
result : [[ 0.3344255]
 [-0.3589713]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.3344255]
 [-0.3589713]]
dot product : [[ 0.80892138]
 [ 0.03471143]
 [ 0.4364815 ]]
result : [[ 1.03084532]
 [ 0.71266507]
 [ 0.53260864]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.87249431]
 [-0.52297891]
 [ 0.71898646]]
dot product : [[-0.53824783]
 [-0.43881216]]
result : [[ 0.10594431]
 [-0.01452743]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.10594431]
 [-0.01452743]]
dot product : [[ 0.16343999]
 [-0.05207527]
 [ 0.0748005 ]]
result : [[ 0.38536394]
 [ 0.62587837]
 [ 0.17092763]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.42968263]
 [-0.18852497]
 [ 0.96010561]]
dot product : [[-0.36311529]
 [-0.49310795]]
result : [[ 0.28107685]
 [-0.06882322]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.28107685]
 [-0.06882322]]
dot product : [[ 0.4619527 ]
 [-0.11890476]
 [ 0.21782755]]
result : [[ 0.68387665]
 [ 0.55904888]
 [ 0.31395469]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.81047671]
 [-1.08986298]
 [ 0.34824972]]
dot product : [[-0.16103026]
 [-1.31590693]]
result : [[ 0.48316188]
 [-0.8916222 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.48316188]
 [-0.8916222 ]]
dot product : [[ 1.51773276]
 [ 0.28731959]
 [ 0.86929298]]
result : [[ 1.73965671]
 [ 0.96527323]
 [ 0.96542012]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.88410719]
 [-0.84248988]
 [ 0.52263013]]
dot product : [[-0.10182075]
 [-1.25495769]]
result : [[ 0.54237139]
 [-0.83067296]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.54237139]
 [-0.83067296]]
dot product : [[ 1.54444276]
 [ 0.21429912]
 [ 0.86689948]]
result : [[ 1.7663667 ]
 [ 0.89225276]
 [ 0.96302661]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.58500707]
 [-1.0686209 ]
 [ 0.35960921]]
dot product : [[-0.22015001]
 [-1.2183642 ]]
result : [[ 0.42404213]
 [-0.79407947]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.42404213]
 [-0.79407947]]
dot product : [[ 1.34283687]
 [ 0.25951117]
 [ 0.77032118]]
result : [[ 1.56476081]
 [ 0.93746481]
 [ 0.86644831]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.89248299]
 [-0.32136112]
 [ 0.85986509]]
dot product : [[-0.5121492 ]
 [-0.35727714]]
result : [[ 0.13204294]
 [ 0.06700759]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.13204294]
 [ 0.06700759]]
dot product : [[ 0.12405492]
 [-0.11902312]
 [ 0.03876181]]
result : [[ 0.34597887]
 [ 0.55893052]
 [ 0.13488894]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.78950553]
 [-1.1036475 ]
 [ 0.33826956]]
dot product : [[-0.16900195]
 [-1.31258564]]
result : [[ 0.47519019]
 [-0.88830091]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.47519019]
 [-0.88830091]]
dot product : [[ 1.50334978]
 [ 0.28982116]
 [ 0.86223884]]
result : [[ 1.72527372]
 [ 0.9677748 ]
 [ 0.95836598]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.63635401]
 [-1.09331501]
 [ 0.34311697]]
dot product : [[-0.20980211]
 [-1.24782403]]
result : [[ 0.43439003]
 [-0.8235393 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.43439003]
 [-0.8235393 ]]
dot product : [[ 1.3850405 ]
 [ 0.2722546 ]
 [ 0.79557084]]
result : [[ 1.60696445]
 [ 0.95020824]
 [ 0.89169798]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.86272391]
 [-0.54843756]
 [ 0.72821772]]
dot product : [[-0.06160477]
 [-1.1391359 ]]
result : [[ 0.58258737]
 [-0.71485117]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.58258737]
 [-0.71485117]]
dot product : [[ 1.49294028]
 [ 0.11738001]
 [ 0.8176489 ]]
result : [[ 1.71486423]
 [ 0.79533365]
 [ 0.91377603]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.49957509]
 [-0.13409692]
 [ 0.99713094]]
dot product : [[-0.37393463]
 [-0.44541199]]
result : [[ 0.27025751]
 [-0.02112726]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.27025751]
 [-0.02112726]]
dot product : [[ 0.40201733]
 [-0.14297077]
 [ 0.18061688]]
result : [[ 0.62394128]
 [ 0.53498287]
 [ 0.27674402]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.47005138]
 [-0.15648523]
 [ 0.9819131 ]]
dot product : [[-0.36926975]
 [-0.4653395 ]]
result : [[ 0.27492239]
 [-0.04105477]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.27492239]
 [-0.04105477]]
dot product : [[ 0.42726292]
 [-0.13299956]
 [ 0.19625296]]
result : [[ 0.64918686]
 [ 0.54495408]
 [ 0.2923801 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.76009975]
 [-1.11361334]
 [ 0.33083205]]
dot product : [[-0.17871076]
 [-1.30451183]]
result : [[ 0.46548138]
 [-0.8802271 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.46548138]
 [-0.8802271 ]]
dot product : [[ 1.48206255]
 [ 0.29030616]
 [ 0.85106946]]
result : [[ 1.7039865]
 [ 0.9682598]
 [ 0.9471966]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.78075027]
 [-0.98418159]
 [ 0.39744286]]
dot product : [[-0.58520168]
 [-0.64365123]]
result : [[ 0.05899045]
 [-0.2193665 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.05899045]
 [-0.2193665 ]]
dot product : [[ 0.2887127 ]
 [ 0.10534475]
 [ 0.17684828]]
result : [[ 0.51063664]
 [ 0.78329839]
 [ 0.27297542]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.18059023]
 [-0.40942288]
 [ 0.80929809]]
dot product : [[-0.32877971]
 [-0.67291698]]
result : [[ 0.31541243]
 [-0.24863225]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.31541243]
 [-0.24863225]]
dot product : [[ 0.67877711]
 [-0.02444421]
 [ 0.35411871]]
result : [[ 0.90070105]
 [ 0.65350943]
 [ 0.45024585]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.7804745 ]
 [-0.01245835]
 [ 1.07793242]]
dot product : [[-0.43265493]
 [-0.28915804]]
result : [[ 0.21153721]
 [ 0.13512669]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.21153721]
 [ 0.13512669]]
dot product : [[ 0.17274591]
 [-0.20834182]
 [ 0.04432207]]
result : [[ 0.39466986]
 [ 0.46961182]
 [ 0.14044921]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.87806208]
 [-0.48202356]
 [ 0.74758014]]
dot product : [[-0.53336385]
 [-0.42164935]]
result : [[ 0.11082829]
 [ 0.00263538]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.11082829]
 [ 0.00263538]]
dot product : [[ 0.15428725]
 [-0.06581469]
 [ 0.06683753]]
result : [[ 0.3762112 ]
 [ 0.61213894]
 [ 0.16296466]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.85040337]
 [-0.65782519]
 [ 0.62489984]]
dot product : [[-0.55328721]
 [-0.49681801]]
result : [[ 0.09090493]
 [-0.07253328]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.09090493]
 [-0.07253328]]
dot product : [[ 0.19644901]
 [-0.00648866]
 [ 0.10262041]]
result : [[ 0.41837296]
 [ 0.67146498]
 [ 0.19874755]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.85867859]
 [-0.61084914]
 [ 0.65766752]]
dot product : [[-0.54820848]
 [-0.4763799 ]]
result : [[ 0.09598366]
 [-0.05209517]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.09598366]
 [-0.05209517]]
dot product : [[ 0.18450679]
 [-0.02242339]
 [ 0.09268195]]
result : [[ 0.40643074]
 [ 0.65553025]
 [ 0.18880909]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.83331994]
 [-1.06496602]
 [ 0.36604096]]
dot product : [[-0.1507964 ]
 [-1.31591857]]
result : [[ 0.49339574]
 [-0.89163384]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.49339574]
 [-0.89163384]]
dot product : [[ 1.53221822]
 [ 0.28140442]
 [ 0.87562792]]
result : [[ 1.75414217]
 [ 0.95935806]
 [ 0.97175505]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.87886468]
 [-0.92270113]
 [ 0.46637747]]
dot product : [[-0.11585859]
 [-1.28214075]]
result : [[ 0.52833355]
 [-0.85785602]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.52833355]
 [-0.85785602]]
dot product : [[ 1.55002513]
 [ 0.23970747]
 [ 0.87561477]]
result : [[ 1.77194908]
 [ 0.91766111]
 [ 0.97174191]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.81885068]
 [-0.02741125]
 [ 1.06686264]]
dot product : [[-0.44563095]
 [-0.27933175]]
result : [[ 0.19856118]
 [ 0.14495298]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.19856118]
 [ 0.14495298]]
dot product : [[ 0.14519767]
 [-0.20708032]
 [ 0.03001118]]
result : [[ 0.36712161]
 [ 0.47087332]
 [ 0.12613831]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.69887632]
 [-1.1126556 ]
 [ 0.330548  ]]
dot product : [[-0.19551875]
 [-1.27978072]]
result : [[ 0.44867339]
 [-0.85549599]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.44867339]
 [-0.85549599]]
dot product : [[ 1.43514689]
 [ 0.2843081 ]
 [ 0.82485155]]
result : [[ 1.65707084]
 [ 0.96226174]
 [ 0.92097868]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.88923054]
 [-0.18566798]
 [ 0.95493997]]
dot product : [[-0.48995708]
 [-0.30905501]]
result : [[ 0.15423506]
 [ 0.11522972]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.15423506]
 [ 0.11522972]]
dot product : [[ 0.11031795]
 [-0.16252823]
 [ 0.02162507]]
result : [[ 0.3322419 ]
 [ 0.51542541]
 [ 0.1177522 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.89340573]
 [-0.2907287 ]
 [ 0.88130219]]
dot product : [[-0.50759834]
 [-0.34573123]]
result : [[ 0.13659379]
 [ 0.0785535 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.13659379]
 [ 0.0785535 ]]
dot product : [[ 0.11968718]
 [-0.12899827]
 [ 0.03418719]]
result : [[ 0.34161113]
 [ 0.54895537]
 [ 0.13031433]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.87704311]
 [-0.67298184]
 [ 0.64122427]]
dot product : [[-0.07718039]
 [-1.19028731]]
result : [[ 0.56701175]
 [-0.76600258]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.56701175]
 [-0.76600258]]
dot product : [[ 1.51877664]
 [ 0.15891856]
 [ 0.84075102]]
result : [[ 1.74070059]
 [ 0.8368722 ]
 [ 0.93687816]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.05527359]
 [-0.52809735]
 [ 0.72814612]]
dot product : [[-0.31268916]
 [-0.76612998]]
result : [[ 0.33150298]
 [-0.34184526]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.33150298]
 [-0.34184526]]
dot product : [[ 0.78876169]
 [ 0.02551319]
 [ 0.42371539]]
result : [[ 1.01068564]
 [ 0.70346683]
 [ 0.51984253]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.66848697]
 [-0.03190354]
 [ 1.06606158]]
dot product : [[-0.40468662]
 [-0.34085193]]
result : [[ 0.23950552]
 [ 0.0834328 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.23950552]
 [ 0.0834328 ]]
dot product : [[ 0.26067761]
 [-0.19165825]
 [ 0.09469409]]
result : [[ 0.48260155]
 [ 0.48629539]
 [ 0.19082122]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.88371996]
 [-0.780213  ]
 [ 0.56623579]]
dot product : [[-0.09215631]
 [-1.23207729]]
result : [[ 0.55203582]
 [-0.80779256]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.55203582]
 [-0.80779256]]
dot product : [[ 1.53670102]
 [ 0.1941576 ]
 [ 0.85823346]]
result : [[ 1.75862497]
 [ 0.87211124]
 [ 0.95436059]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.84595787]
 [-0.05303528]
 [ 1.04849575]]
dot product : [[-0.45715996]
 [-0.27788735]]
result : [[ 0.18703217]
 [ 0.14639738]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.18703217]
 [ 0.14639738]]
dot product : [[ 0.12753962]
 [-0.20132662]
 [ 0.02195863]]
result : [[ 0.34946357]
 [ 0.47662702]
 [ 0.11808576]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.88021093]
 [-0.91040425]
 [ 0.47500981]]
dot product : [[-0.11355622]
 [-1.27818948]]
result : [[ 0.53063592]
 [-0.85390475]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.53063592]
 [-0.85390475]]
dot product : [[ 1.54958406]
 [ 0.23586263]
 [ 0.87450984]]
result : [[ 1.77150801]
 [ 0.91381627]
 [ 0.97063698]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.76193823]
 [-0.01066996]
 [ 1.07947387]]
dot product : [[-0.42723996]
 [-0.2958873 ]]
result : [[ 0.21695218]
 [ 0.12839743]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.21695218]
 [ 0.12839743]]
dot product : [[ 0.18670181]
 [-0.2071968 ]
 [ 0.05197622]]
result : [[ 0.40862576]
 [ 0.47075684]
 [ 0.14810336]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.85221913]
 [-1.03110487]
 [ 0.39004821]]
dot product : [[-0.14024846]
 [-1.31108832]]
result : [[ 0.50394368]
 [-0.88680359]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.50394368]
 [-0.88680359]]
dot product : [[ 1.54261699]
 [ 0.27222876]
 [ 0.87905866]]
result : [[ 1.76454094]
 [ 0.9501824 ]
 [ 0.97518579]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.82906   ]
 [-1.07064725]
 [ 0.36199604]]
dot product : [[-0.15286779]
 [-1.3162953 ]]
result : [[ 0.49132435]
 [-0.89201057]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.49132435]
 [-0.89201057]]
dot product : [[ 1.52964103]
 [ 0.28284272]
 [ 0.87458827]]
result : [[ 1.75156498]
 [ 0.96079636]
 [ 0.97071541]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.70617593]
 [-1.1138955 ]
 [ 0.32979354]]
dot product : [[-0.19369138]
 [-1.28314018]]
result : [[ 0.45050076]
 [-0.85885545]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.45050076]
 [-0.85885545]]
dot product : [[ 1.44087519]
 [ 0.28538667]
 [ 0.82813115]]
result : [[ 1.66279914]
 [ 0.96334031]
 [ 0.92425828]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.35980925]
 [-0.90878401]
 [ 0.46802911]]
dot product : [[-0.25744794]
 [-1.07035344]]
result : [[ 0.3867442 ]
 [-0.64606872]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.3867442 ]
 [-0.64606872]]
dot product : [[ 1.15157859]
 [ 0.18698391]
 [ 0.6525465 ]]
result : [[ 1.37350254]
 [ 0.86493755]
 [ 0.74867363]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.11663588]
 [-0.69133326]
 [ 0.61651493]]
dot product : [[-0.29068489]
 [-0.89415956]]
result : [[ 0.35350725]
 [-0.46987483]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.35350725]
 [-0.46987483]]
dot product : [[ 0.93969102]
 [ 0.09418625]
 [ 0.51924798]]
result : [[ 1.16161496]
 [ 0.77213989]
 [ 0.61537511]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.85258341]
 [-0.47941491]
 [ 0.77639526]]
dot product : [[-0.05358343]
 [-1.10990968]]
result : [[ 0.59060871]
 [-0.68562495]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.59060871]
 [-0.68562495]]
dot product : [[ 1.47693633]
 [ 0.09415441]
 [ 0.80390621]]
result : [[ 1.69886028]
 [ 0.77210805]
 [ 0.90003335]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.70682931]
 [-0.01844346]
 [ 1.07488957]]
dot product : [[-0.41319507]
 [-0.3206706 ]]
result : [[ 0.23099707]
 [ 0.10361413]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.23099707]
 [ 0.10361413]]
dot product : [[ 0.22975822]
 [-0.19956648]
 [ 0.07651913]]
result : [[ 0.45168217]
 [ 0.47838716]
 [ 0.17264627]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.82561786]
 [-0.78438004]
 [ 0.53666163]]
dot product : [[-0.56627924]
 [-0.55287122]]
result : [[ 0.07791289]
 [-0.12858649]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.07791289]
 [-0.12858649]]
dot product : [[ 0.23052654]
 [ 0.03667151]
 [ 0.13045666]]
result : [[ 0.45245048]
 [ 0.71462515]
 [ 0.2265838 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.33519014]
 [-0.26856694]
 [ 0.9055268 ]]
dot product : [[-0.34950099]
 [-0.5599477 ]]
result : [[ 0.29469114]
 [-0.13566297]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.29469114]
 [-0.13566297]]
dot product : [[ 0.54375548]
 [-0.08428369]
 [ 0.26901664]]
result : [[ 0.76567943]
 [ 0.59366995]
 [ 0.36514378]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.10523791]
 [-0.6806234 ]
 [ 0.62383717]]
dot product : [[-0.29216155]
 [-0.88571217]]
result : [[ 0.35203059]
 [-0.46142744]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.35203059]
 [-0.46142744]]
dot product : [[ 0.92969759]
 [ 0.08966957]
 [ 0.51292939]]
result : [[ 1.15162154]
 [ 0.7676232 ]
 [ 0.60905653]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.43987726]
 [-0.18029201]
 [ 0.96571207]]
dot product : [[-0.36464728]
 [-0.48604365]]
result : [[ 0.27954486]
 [-0.06175893]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.27954486]
 [-0.06175893]]
dot product : [[ 0.45317528]
 [-0.12250998]
 [ 0.21235981]]
result : [[ 0.67509923]
 [ 0.55544366]
 [ 0.30848695]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.32441767]
 [-0.27805098]
 [ 0.89905324]]
dot product : [[-0.34800525]
 [-0.56769866]]
result : [[ 0.29618689]
 [-0.14341394]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.29618689]
 [-0.14341394]]
dot product : [[ 0.55312419]
 [-0.08022088]
 [ 0.27490137]]
result : [[ 0.77504814]
 [ 0.59773276]
 [ 0.37102851]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.8773334 ]
 [-0.93457826]
 [ 0.45803619]]
dot product : [[-0.11814635]
 [-1.28586516]]
result : [[ 0.52604579]
 [-0.86158043]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.52604579]
 [-0.86158043]]
dot product : [[ 1.55027459]
 [ 0.24339961]
 [ 0.87658357]]
result : [[ 1.77219853]
 [ 0.92135325]
 [ 0.97271071]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.78390241]
 [-1.10627369]
 [ 0.3363431 ]]
dot product : [[-0.17096602]
 [-1.31131261]]
result : [[ 0.47322611]
 [-0.88702788]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.47322611]
 [-0.88702788]]
dot product : [[ 1.49938055]
 [ 0.29014836]
 [ 0.86020985]]
result : [[ 1.7213045 ]
 [ 0.968102  ]
 [ 0.95633698]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.0896365]
 [-0.4953697]
 [ 0.750529 ]]
dot product : [[-0.31707213]
 [-0.74050227]]
result : [[ 0.32712   ]
 [-0.31621754]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.32712   ]
 [-0.31621754]]
dot product : [[ 0.75858072]
 [ 0.01175436]
 [ 0.40460598]]
result : [[ 0.98050467]
 [ 0.689708  ]
 [ 0.50073311]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.52840239]
 [-0.11323031]
 [ 1.01129402]]
dot product : [[-0.37864538]
 [-0.42631713]]
result : [[ 0.26554676]
 [-0.0020324 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.26554676]
 [-0.0020324 ]]
dot product : [[ 0.37748605]
 [-0.15238599]
 [ 0.16548526]]
result : [[ 0.59940999]
 [ 0.52556765]
 [ 0.26161239]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.69183527]
 [-0.02307173]
 [ 1.07188228]]
dot product : [[-0.40976808]
 [-0.32833078]]
result : [[ 0.23442406]
 [ 0.09595395]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.23442406]
 [ 0.09595395]]
dot product : [[ 0.2417735 ]
 [-0.19667904]
 [ 0.08353984]]
result : [[ 0.46369745]
 [ 0.4812746 ]
 [ 0.17966698]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.8708618 ]
 [-0.61292545]
 [ 0.68318458]]
dot product : [[-0.06946927]
 [-1.16590978]]
result : [[ 0.57472287]
 [-0.74162505]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.57472287]
 [-0.74162505]]
dot product : [[ 1.50687122]
 [ 0.13895553]
 [ 0.82991927]]
result : [[ 1.72879516]
 [ 0.81690917]
 [ 0.92604641]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.21820126]
 [-0.78523648]
 [ 0.55233957]]
dot product : [[-0.27728641]
 [-0.96887429]]
result : [[ 0.36690573]
 [-0.54458956]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.36690573]
 [-0.54458956]]
dot product : [[ 1.02855777]
 [ 0.1339395 ]
 [ 0.57534292]]
result : [[ 1.25048172]
 [ 0.81189314]
 [ 0.67147006]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.75549339]
 [-0.01066178]
 [ 1.0795801 ]]
dot product : [[-0.42545352]
 [-0.29845091]]
result : [[ 0.21873862]
 [ 0.12583382]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.21873862]
 [ 0.12583382]]
dot product : [[ 0.19162747]
 [-0.20660058]
 [ 0.05472124]]
result : [[ 0.41355142]
 [ 0.47135305]
 [ 0.15084837]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.13937598]
 [-0.71261405]
 [ 0.60196689]]
dot product : [[-0.28772522]
 [-0.9109814 ]]
result : [[ 0.35646692]
 [-0.48669667]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.35646692]
 [-0.48669667]]
dot product : [[ 0.95961858]
 [ 0.10316957]
 [ 0.53184239]]
result : [[ 1.18154252]
 [ 0.78112321]
 [ 0.62796953]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.89074637]
 [-0.35380162]
 [ 0.83717451]]
dot product : [[-0.51675832]
 [-0.36980698]]
result : [[ 0.12743382]
 [ 0.05447775]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.12743382]
 [ 0.05447775]]
dot product : [[ 0.12926098]
 [-0.10838863]
 [ 0.04393002]]
result : [[ 0.35118493]
 [ 0.56956501]
 [ 0.14005716]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.22934215]
 [-0.7953239 ]
 [ 0.54544921]]
dot product : [[-0.27578328]
 [-0.97699216]]
result : [[ 0.36840885]
 [-0.55270743]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.36840885]
 [-0.55270743]]
dot product : [[ 1.03828025]
 [ 0.13823135]
 [ 0.581467  ]]
result : [[ 1.2602042 ]
 [ 0.81618498]
 [ 0.67759414]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.84468781]
 [-0.43082952]
 [ 0.81029585]]
dot product : [[-0.04814704]
 [-1.08903547]]
result : [[ 0.5960451 ]
 [-0.66475074]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.5960451 ]
 [-0.66475074]]
dot product : [[ 1.46509189]
 [ 0.0777354 ]
 [ 0.79390983]]
result : [[ 1.68701584]
 [ 0.75568903]
 [ 0.89003697]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.45000473]
 [-0.17220518]
 [ 0.97121724]]
dot product : [[-0.36618361]
 [-0.47905943]]
result : [[ 0.27800853]
 [-0.0547747 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.27800853]
 [-0.0547747 ]]
dot product : [[ 0.44446667]
 [-0.12606178]
 [ 0.20694063]]
result : [[ 0.66639062]
 [ 0.55189186]
 [ 0.30306777]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.8641857 ]
 [-0.08405028]
 [ 1.02649209]]
dot product : [[-0.46707536]
 [-0.28194635]]
result : [[ 0.17711678]
 [ 0.14233838]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.17711678]
 [ 0.14233838]]
dot product : [[ 0.11731379]
 [-0.19300743]
 [ 0.01842544]]
result : [[ 0.33923773]
 [ 0.48494621]
 [ 0.11455258]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.85956852]
 [-0.52593896]
 [ 0.74392399]]
dot product : [[-0.05894859]
 [-1.12966907]]
result : [[ 0.58524355]
 [-0.70538435]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.58524355]
 [-0.70538435]]
dot product : [[ 1.48783831]
 [ 0.10982335]
 [ 0.81323326]]
result : [[ 1.70976226]
 [ 0.78777699]
 [ 0.90936039]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.80545352]
 [-1.09380872]
 [ 0.34540823]]
dot product : [[-0.16304075]
 [-1.31534638]]
result : [[ 0.48115139]
 [-0.89106165]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.48115139]
 [-0.89106165]]
dot product : [[ 1.51436462]
 [ 0.28812669]
 [ 0.86769122]]
result : [[ 1.73628857]
 [ 0.96608032]
 [ 0.96381836]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.74738816]
 [-1.11543764]
 [ 0.32935628]]
dot product : [[-0.18251799]
 [-1.30011529]]
result : [[ 0.46167415]
 [-0.87583057]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.46167415]
 [-0.87583057]]
dot product : [[ 1.47256351]
 [ 0.28971396]
 [ 0.8459021 ]]
result : [[ 1.69448746]
 [ 0.9676676 ]
 [ 0.94202924]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.11248479]
 [-0.47366382]
 [ 0.76537305]]
dot product : [[-0.31999507]
 [-0.72348221]]
result : [[ 0.32419707]
 [-0.29919748]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.32419707]
 [-0.29919748]]
dot product : [[ 0.73851963]
 [ 0.00262375]
 [ 0.39190743]]
result : [[ 0.96044358]
 [ 0.68057739]
 [ 0.48803457]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.36720003]
 [-0.24077752]
 [ 0.9244882 ]]
dot product : [[-0.35400705]
 [-0.53705912]]
result : [[ 0.29018509]
 [-0.11277439]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.29018509]
 [-0.11277439]]
dot product : [[ 0.51596363]
 [-0.09622961]
 [ 0.25158393]]
result : [[ 0.73788758]
 [ 0.58172403]
 [ 0.34771107]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.72041262]
 [-1.11554813]
 [ 0.32885824]]
dot product : [[-0.19000727]
 [-1.28941288]]
result : [[ 0.45418486]
 [-0.86512815]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.45418486]
 [-0.86512815]]
dot product : [[ 1.45195575]
 [ 0.28724307]
 [ 0.83442296]]
result : [[ 1.6738797 ]
 [ 0.96519671]
 [ 0.9305501 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.6015206 ]
 [-0.06581055]
 [ 1.04336123]]
dot product : [[-0.39145787]
 [-0.37989402]]
result : [[ 0.25273427]
 [ 0.04439071]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.25273427]
 [ 0.04439071]]
dot product : [[ 0.31592271]
 [-0.17448917]
 [ 0.12785676]]
result : [[ 0.53784666]
 [ 0.50346447]
 [ 0.22398389]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.04380197]
 [-0.53903629]
 [ 0.72066461]]
dot product : [[-0.31122804]
 [-0.7746903 ]]
result : [[ 0.3329641 ]
 [-0.35040557]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.3329641 ]
 [-0.35040557]]
dot product : [[ 0.79883881]
 [ 0.03011067]
 [ 0.43009663]]
result : [[ 1.02076275]
 [ 0.70806431]
 [ 0.52622376]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.15071471]
 [-0.72317733]
 [ 0.59474638]]
dot product : [[-0.28624197]
 [-0.91935171]]
result : [[ 0.35795017]
 [-0.49506698]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.35795017]
 [-0.49506698]]
dot product : [[ 0.96954919]
 [ 0.10763342]
 [ 0.53811573]]
result : [[ 1.19147314]
 [ 0.78558706]
 [ 0.63424287]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.85618893]
 [-0.50293269]
 [ 0.75998228]]
dot product : [[-0.05627485]
 [-1.11992769]]
result : [[ 0.58791729]
 [-0.69564296]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.58791729]
 [-0.69564296]]
dot product : [[ 1.48250425]
 [ 0.10208194]
 [ 0.80865278]]
result : [[ 1.7044282 ]
 [ 0.78003558]
 [ 0.90477991]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.77743051]
 [-0.09431641]
 [ 1.04490281]]
dot product : [[-0.01397529]
 [-0.93944994]]
result : [[ 0.63021685]
 [-0.51516521]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.63021685]
 [-0.51516521]]
dot product : [[ 1.37344531]
 [-0.0371544 ]
 [ 0.71931637]]
result : [[ 1.59536926]
 [ 0.64079924]
 [ 0.81544351]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.5761078 ]
 [-1.06372307]
 [ 0.36290032]]
dot product : [[-0.22184651]
 [-1.21303283]]
result : [[ 0.42234563]
 [-0.7887481 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.42234563]
 [-0.7887481 ]]
dot product : [[ 1.3354484 ]
 [ 0.25710304]
 [ 0.76586064]]
result : [[ 1.55737235]
 [ 0.93505667]
 [ 0.86198778]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.74083576]
 [-1.11590179]
 [ 0.32892906]]
dot product : [[-0.18440576]
 [-1.29767525]]
result : [[ 0.45978637]
 [-0.87339052]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.45978637]
 [-0.87339052]]
dot product : [[ 1.46761014]
 [ 0.28925496]
 [ 0.8431735 ]]
result : [[ 1.68953409]
 [ 0.9672086 ]
 [ 0.93930063]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.82007365]
 [-1.08094931]
 [ 0.3546415 ]]
dot product : [[-0.15697338]
 [-1.31647602]]
result : [[ 0.48721876]
 [-0.89219129]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.48721876]
 [-0.89219129]]
dot product : [[ 1.52400327]
 [ 0.28533364]
 [ 0.87216547]]
result : [[ 1.74592722]
 [ 0.96328728]
 [ 0.96829261]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.88137046]
 [-0.8976838 ]
 [ 0.48393586]]
dot product : [[-0.11123912]
 [-1.27400928]]
result : [[ 0.53295302]
 [-0.84972455]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.53295302]
 [-0.84972455]]
dot product : [[ 1.5489496 ]
 [ 0.23186369]
 [ 0.87326753]]
result : [[ 1.77087355]
 [ 0.90981733]
 [ 0.96939466]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.46006334]
 [-0.16426831]
 [ 0.97661847]]
dot product : [[-0.36772439]
 [-0.47215735]]
result : [[ 0.27646775]
 [-0.04787263]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.27646775]
 [-0.04787263]]
dot product : [[ 0.43582863]
 [-0.12955877]
 [ 0.20157127]]
result : [[ 0.65775258]
 [ 0.54839487]
 [ 0.29769841]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.41942256]
 [-0.19690025]
 [ 0.95440051]]
dot product : [[-0.36158749]
 [-0.50025024]]
result : [[ 0.28260465]
 [-0.07596552]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.28260465]
 [-0.07596552]]
dot product : [[ 0.47079716]
 [-0.11524751]
 [ 0.22334261]]
result : [[ 0.69272111]
 [ 0.56270613]
 [ 0.31946974]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.38085591]
 [-0.92606427]
 [ 0.45625618]]
dot product : [[-0.25432963]
 [-1.08504101]]
result : [[ 0.38986251]
 [-0.66075628]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.38986251]
 [-0.66075628]]
dot product : [[ 1.16973333]
 [ 0.19451834]
 [ 0.66387326]]
result : [[ 1.39165728]
 [ 0.87247198]
 [ 0.7600004 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.87538845]
 [-0.50225611]
 [ 0.73345324]]
dot product : [[-0.53579792]
 [-0.4300974 ]]
result : [[ 0.10839422]
 [-0.00581267]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.10839422]
 [-0.00581267]]
dot product : [[ 0.15875003]
 [-0.05903436]
 [ 0.07073857]]
result : [[ 0.38067398]
 [ 0.61891928]
 [ 0.16686571]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.88261408]
 [-0.14319077]
 [ 0.98478939]]
dot product : [[-0.4814594 ]
 [-0.29618908]]
result : [[ 0.16273273]
 [ 0.12809564]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.16273273]
 [ 0.12809564]]
dot product : [[ 0.11029728]
 [-0.17562681]
 [ 0.01864603]]
result : [[ 0.33222123]
 [ 0.50232682]
 [ 0.11477317]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.45257334]
 [-0.98203513]
 [ 0.41817889]]
dot product : [[-0.24324686]
 [-1.13402675]]
result : [[ 0.40094527]
 [-0.70974202]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.40094527]
 [-0.70974202]]
dot product : [[ 1.23124822]
 [ 0.21925201]
 [ 0.70207214]]
result : [[ 1.45317217]
 [ 0.89720565]
 [ 0.79819928]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.88371162]
 [-0.85694283]
 [ 0.51250275]]
dot product : [[-0.10419809]
 [-1.26007436]]
result : [[ 0.53999405]
 [-0.83578963]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.53999405]
 [-0.83578963]]
dot product : [[ 1.54586834]
 [ 0.21892837]
 [ 0.8687038 ]]
result : [[ 1.76779229]
 [ 0.89688201]
 [ 0.96483094]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.89352823]
 [-0.26187376]
 [ 0.90150702]]
dot product : [[-0.50310473]
 [-0.33515265]]
result : [[ 0.14108741]
 [ 0.08913208]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.14108741]
 [ 0.08913208]]
dot product : [[ 0.11614369]
 [-0.13832521]
 [ 0.03019619]]
result : [[ 0.33806764]
 [ 0.53962843]
 [ 0.12632333]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.62740077]
 [-0.05140675]
 [ 1.05304444]]
dot product : [[-0.39636635]
 [-0.36433124]]
result : [[ 0.24782579]
 [ 0.05995348]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.24782579]
 [ 0.05995348]]
dot product : [[ 0.29441699]
 [-0.18154409]
 [ 0.1148631 ]]
result : [[ 0.51634093]
 [ 0.49640955]
 [ 0.21099023]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.19582107]
 [-0.76482712]
 [ 0.56628298]]
dot product : [[-0.28028311]
 [-0.95251378]]
result : [[ 0.36390902]
 [-0.52822905]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.36390902]
 [-0.52822905]]
dot product : [[ 1.00900952]
 [ 0.12527096]
 [ 0.56302081]]
result : [[ 1.23093347]
 [ 0.8032246 ]
 [ 0.65914795]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.85550694]
 [-1.02321488]
 [ 0.39562474]]
dot product : [[-0.13809978]
 [-1.30951842]]
result : [[ 0.50609236]
 [-0.88523369]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.50609236]
 [-0.88523369]]
dot product : [[ 1.54418698]
 [ 0.26998705]
 [ 0.87938257]]
result : [[ 1.76611093]
 [ 0.94794069]
 [ 0.97550971]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.40909873]
 [-0.20541402]
 [ 0.94859942]]
dot product : [[-0.36006377]
 [-0.50746846]]
result : [[ 0.28412837]
 [-0.08318374]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.28412837]
 [-0.08318374]]
dot product : [[ 0.47970692]
 [-0.11153963]
 [ 0.22890373]]
result : [[ 0.70163087]
 [ 0.56641401]
 [ 0.32503086]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.76825116]
 [-0.01096956]
 [ 1.07916561]]
dot product : [[-0.42903559]
 [-0.29348257]]
result : [[ 0.21515655]
 [ 0.13080216]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.21515655]
 [ 0.13080216]]
dot product : [[ 0.18191182]
 [-0.20768667]
 [ 0.04932719]]
result : [[ 0.40383577]
 [ 0.47026697]
 [ 0.14545432]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.87372259]
 [-0.95708859]
 [ 0.44221619]]
dot product : [[-0.12267854]
 [-1.2926417 ]]
result : [[ 0.5215136 ]
 [-0.86835697]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.5215136 ]
 [-0.86835697]]
dot product : [[ 1.55020566]
 [ 0.25033136]
 [ 0.87811775]]
result : [[ 1.77212961]
 [ 0.928285  ]
 [ 0.97424489]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.37776181]
 [-0.23174803]
 [ 0.93064673]]
dot product : [[-0.35551576]
 [-0.52955794]]
result : [[ 0.28867638]
 [-0.10527321]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.28867638]
 [-0.10527321]]
dot product : [[ 0.50681032]
 [-0.1001261 ]
 [ 0.24585102]]
result : [[ 0.72873427]
 [ 0.57782754]
 [ 0.34197816]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.24044795]
 [-0.80532804]
 [ 0.53861663]]
dot product : [[-0.27427681]
 [-0.98506566]]
result : [[ 0.36991533]
 [-0.56078093]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.36991533]
 [-0.56078093]]
dot product : [[ 1.04796597]
 [ 0.14249304]
 [ 0.58756476]]
result : [[ 1.26988991]
 [ 0.82044668]
 [ 0.6836919 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.6839231 ]
 [-1.10936775]
 [ 0.33261725]]
dot product : [[-0.19914475]
 [-1.27262593]]
result : [[ 0.44504739]
 [-0.8483412 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.44504739]
 [-0.8483412 ]]
dot product : [[ 1.42332308]
 [ 0.28185719]
 [ 0.8180312 ]]
result : [[ 1.64524702]
 [ 0.95981083]
 [ 0.91415834]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.59381163]
 [-1.07330163]
 [ 0.35646866]]
dot product : [[-0.21844567]
 [-1.22357863]]
result : [[ 0.42574646]
 [-0.7992939 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.42574646]
 [-0.7992939 ]]
dot product : [[ 1.35012697]
 [ 0.26184043]
 [ 0.77471172]]
result : [[ 1.57205092]
 [ 0.93979406]
 [ 0.87083885]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.87164646]
 [-0.96772944]
 [ 0.43473216]]
dot product : [[-0.12492323]
 [-1.29569798]]
result : [[ 0.51926891]
 [-0.87141325]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.51926891]
 [-0.87141325]]
dot product : [[ 1.5498908 ]
 [ 0.25357375]
 [ 0.87868563]]
result : [[ 1.77181475]
 [ 0.93152739]
 [ 0.97481277]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.8608687 ]
 [-0.07711913]
 [ 1.03139762]]
dot product : [[-0.46506904]
 [-0.28073798]]
result : [[ 0.1791231 ]
 [ 0.14354675]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.1791231 ]
 [ 0.14354675]]
dot product : [[ 0.11902074]
 [-0.19493688]
 [ 0.01889268]]
result : [[ 0.34094468]
 [ 0.48301676]
 [ 0.11501982]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.66850921]
 [-1.10502797]
 [ 0.33541597]]
dot product : [[-0.2027333 ]
 [-1.26490383]]
result : [[ 0.44145884]
 [-0.8406191 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.44145884]
 [-0.8406191 ]]
dot product : [[ 1.41102135]
 [ 0.27902388]
 [ 0.81087098]]
result : [[ 1.6329453 ]
 [ 0.95697752]
 [ 0.90699811]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.6841651 ]
 [-0.02576757]
 [ 1.07011403]]
dot product : [[-0.40806652]
 [-0.33236912]]
result : [[ 0.23612562]
 [ 0.09191561]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.23612562]
 [ 0.09191561]]
dot product : [[ 0.24795913]
 [-0.195096  ]
 [ 0.08717608]]
result : [[ 0.46988308]
 [ 0.48285764]
 [ 0.18330322]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.56711552]
 [-1.05861197]
 [ 0.36633933]]
dot product : [[-0.22353531]
 [-1.20758659]]
result : [[ 0.42065683]
 [-0.78330186]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.42065683]
 [-0.78330186]]
dot product : [[ 1.32796334]
 [ 0.2546174 ]
 [ 0.76133136]]
result : [[ 1.54988728]
 [ 0.93257104]
 [ 0.8574585 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.7843778 ]
 [-0.12539678]
 [ 1.02324597]]
dot product : [[-0.0169277 ]
 [-0.95355854]]
result : [[ 0.62726444]
 [-0.52927381]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.62726444]
 [-0.52927381]]
dot product : [[ 1.38247196]
 [-0.02647484]
 [ 0.72651918]]
result : [[ 1.60439591]
 [ 0.6514788 ]
 [ 0.82264632]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.35658302]
 [-0.24992639]
 [ 0.91824693]]
dot product : [[-0.35250177]
 [-0.54462586]]
result : [[ 0.29169037]
 [-0.12034113]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.29169037]
 [-0.12034113]]
dot product : [[ 0.52517344]
 [-0.09228945]
 [ 0.25735667]]
result : [[ 0.74709739]
 [ 0.58566419]
 [ 0.35348381]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.54721097]
 [-0.10021561]
 [ 1.02011474]]
dot product : [[-0.38181306]
 [-0.41407745]]
result : [[ 0.26237908]
 [ 0.01020728]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.26237908]
 [ 0.01020728]]
dot product : [[ 0.36155215]
 [-0.15833536]
 [ 0.1556944 ]]
result : [[ 0.5834761 ]
 [ 0.51961828]
 [ 0.25182154]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.19185916]
 [-0.39888405]
 [ 0.81650256]]
dot product : [[-0.33024747]
 [-0.66458339]]
result : [[ 0.31394467]
 [-0.24029866]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.31394467]
 [-0.24029866]]
dot product : [[ 0.66890277]
 [-0.02889368]
 [ 0.34787845]]
result : [[ 0.89082672]
 [ 0.64905995]
 [ 0.44400559]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.34591249]
 [-0.2591908 ]
 [ 0.91192558]]
dot product : [[-0.35099979]
 [-0.55225608]]
result : [[ 0.29319235]
 [-0.12797135]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.29319235]
 [-0.12797135]]
dot product : [[ 0.53443797]
 [-0.08830702]
 [ 0.26316799]]
result : [[ 0.75636192]
 [ 0.58964662]
 [ 0.35929513]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.88430752]
 [-0.82759425]
 [ 0.53306447]]
dot product : [[-0.09942803]
 [-1.24960173]]
result : [[ 0.54476411]
 [-0.825317  ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.54476411]
 [-0.825317  ]]
dot product : [[ 1.54281499]
 [ 0.20950881]
 [ 0.86495152]]
result : [[ 1.76473894]
 [ 0.88746245]
 [ 0.96107866]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.8261106 ]
 [-0.32735242]
 [ 0.88246983]]
dot product : [[-0.03705643]
 [-1.04387623]]
result : [[ 0.60713571]
 [-0.6195915 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.60713571]
 [-0.6195915 ]]
dot product : [[ 1.43851933]
 [ 0.04260254]
 [ 0.77186912]]
result : [[ 1.66044328]
 [ 0.72055618]
 [ 0.86799626]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.88232077]
 [-0.74634198]
 [ 0.58993341]]
dot product : [[-0.08722927]
 [-1.2191598 ]]
result : [[ 0.55696287]
 [-0.79487507]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.55696287]
 [-0.79487507]]
dot product : [[ 1.53158188]
 [ 0.18309263]
 [ 0.85301375]]
result : [[ 1.75350582]
 [ 0.86104627]
 [ 0.94914089]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.18458517]
 [-0.75451282]
 [ 0.57333073]]
dot product : [[-0.28177696]
 [-0.94427528]]
result : [[ 0.36241518]
 [-0.51999055]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.36241518]
 [-0.51999055]]
dot product : [[ 0.99918728]
 [ 0.12089704]
 [ 0.55682528]]
result : [[ 1.22111123]
 [ 0.79885068]
 [ 0.65295242]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.66048242]
 [-0.03533603]
 [ 1.06378268]]
dot product : [[-0.40300802]
 [-0.34529225]]
result : [[ 0.24118412]
 [ 0.07899248]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.24118412]
 [ 0.07899248]]
dot product : [[ 0.26720692]
 [-0.18980632]
 [ 0.09857335]]
result : [[ 0.48913087]
 [ 0.48814732]
 [ 0.19470049]]
Total Cost [ 510.79911772] for Epoch 2 complete
Axis-wise Cost is [[ 170.39250908]
 [ 290.65966707]
 [  49.74694157]] 
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.8411984 ]
 [-0.70686931]
 [ 0.59069842]]
dot product : [[-0.5584329 ]
 [-0.51838107]]
result : [[ 0.08575923]
 [-0.09409634]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.08575923]
 [-0.09409634]]
dot product : [[ 0.20934922]
 [ 0.01020012]
 [ 0.11323733]]
result : [[ 0.43127316]
 [ 0.68815376]
 [ 0.20936446]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.67638176]
 [-0.02871278]
 [ 1.06817291]]
dot product : [[-0.40637274]
 [-0.33654353]]
result : [[ 0.2378194]
 [ 0.0877412]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.2378194]
 [ 0.0877412]]
dot product : [[ 0.25426109]
 [-0.19342194]
 [ 0.09089458]]
result : [[ 0.47618504]
 [ 0.4845317 ]
 [ 0.18702172]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.86435564]
 [-0.99724056]
 [ 0.41395221]]
dot product : [[-0.13157322]
 [-1.30356373]]
result : [[ 0.51261892]
 [-0.87927901]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.51261892]
 [-0.87927901]]
dot product : [[ 1.54784576]
 [ 0.26242369]
 [ 0.8796074 ]]
result : [[ 1.76976971]
 [ 0.94037733]
 [ 0.97573454]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.55648726]
 [-0.09398864]
 [ 1.02433075]]
dot product : [[-0.38340544]
 [-0.4081109 ]]
result : [[ 0.2607867 ]
 [ 0.01617383]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.2607867 ]
 [ 0.01617383]]
dot product : [[ 0.35371657]
 [-0.16120764]
 [ 0.15089179]]
result : [[ 0.57564051]
 [ 0.516746  ]
 [ 0.24701892]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.80968627]
 [-0.24410611]
 [ 0.94051003]]
dot product : [[-0.02854386]
 [-1.00695701]]
result : [[ 0.61564828]
 [-0.58267228]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.61564828]
 [-0.58267228]]
dot product : [[ 1.41601126]
 [ 0.01420107]
 [ 0.75350732]]
result : [[ 1.6379352 ]
 [ 0.69215471]
 [ 0.84963446]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.83110741]
 [-0.35401954]
 [ 0.86387311]]
dot product : [[-0.03985663]
 [-1.05559757]]
result : [[ 0.60433551]
 [-0.63131284]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.60433551]
 [-0.63131284]]
dot product : [[ 1.44552733]
 [ 0.05167609]
 [ 0.77763841]]
result : [[ 1.66745128]
 [ 0.72962973]
 [ 0.87376555]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.80146246]
 [-0.89525142]
 [ 0.45939652]]
dot product : [[-0.57698496]
 [-0.60295025]]
result : [[ 0.06720717]
 [-0.17866552]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.06720717]
 [-0.17866552]]
dot product : [[ 0.26224729]
 [ 0.07470987]
 [ 0.15588357]]
result : [[ 0.48417124]
 [ 0.7526635 ]
 [ 0.25201071]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.88050667]
 [-0.13357725]
 [ 0.99155448]]
dot product : [[-0.47936724]
 [-0.29352016]]
result : [[ 0.1648249 ]
 [ 0.13076457]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.1648249 ]
 [ 0.13076457]]
dot product : [[ 0.11075888]
 [-0.17853463]
 [ 0.01823172]]
result : [[ 0.33268283]
 [ 0.49941901]
 [ 0.11435886]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.85862676]
 [-1.01494338]
 [ 0.40146581]]
dot product : [[-0.13593776]
 [-1.30774241]]
result : [[ 0.50825438]
 [-0.88345768]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.50825438]
 [-0.88345768]]
dot product : [[ 1.54558295]
 [ 0.26760656]
 [ 0.87958284]]
result : [[ 1.7675069 ]
 [ 0.9455602 ]
 [ 0.97570997]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.05949974]
 [-0.63741001]
 [ 0.65338569]]
dot product : [[-0.29805007]
 [-0.85172789]]
result : [[ 0.34614207]
 [-0.42744316]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.34614207]
 [-0.42744316]]
dot product : [[ 0.88956735]
 [ 0.07146853]
 [ 0.48754166]]
result : [[ 1.11149129]
 [ 0.74942216]
 [ 0.58366879]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.53784878]
 [-0.10663077]
 [ 1.01576828]]
dot product : [[-0.38022641]
 [-0.42014688]]
result : [[ 0.26396573]
 [ 0.00413785]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.26396573]
 [ 0.00413785]]
dot product : [[ 0.36947589]
 [-0.15539435]
 [ 0.16055931]]
result : [[ 0.59139984]
 [ 0.52255929]
 [ 0.25668645]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.53959763]
 [-1.04203725]
 [ 0.37751727]]
dot product : [[-0.22855679]
 [-1.19057939]]
result : [[ 0.41563535]
 [-0.76629466]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.41563535]
 [-0.76629466]]
dot product : [[ 1.30494613]
 [ 0.24670944]
 [ 0.74734353]]
result : [[ 1.52687008]
 [ 0.92466308]
 [ 0.84347067]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.12388573]
 [-0.46285611]
 [ 0.77276375]]
dot product : [[-0.32145721]
 [-0.71499793]]
result : [[ 0.32273493]
 [-0.2907132 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.32273493]
 [-0.2907132 ]]
dot product : [[ 0.72851223]
 [-0.00192479]
 [ 0.38557422]]
result : [[ 0.95043618]
 [ 0.67602884]
 [ 0.48170136]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.89304525]
 [-0.30582081]
 [ 0.870739  ]]
dot product : [[-0.50986655]
 [-0.35138223]]
result : [[ 0.13432558]
 [ 0.0729025 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.13432558]
 [ 0.0729025 ]]
dot product : [[ 0.12176714]
 [-0.12409241]
 [ 0.03640092]]
result : [[ 0.34369109]
 [ 0.55386122]
 [ 0.13252806]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.84514637]
 [-1.04575562]
 [ 0.37967818]]
dot product : [[-0.14450635]
 [-1.31361804]]
result : [[ 0.49968579]
 [-0.88933331]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.49968579]
 [-0.88933331]]
dot product : [[ 1.53896196]
 [ 0.27630142]
 [ 0.87804485]]
result : [[ 1.76088591]
 [ 0.95425506]
 [ 0.97417198]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.01360924]
 [-0.59378189]
 [ 0.68322227]]
dot product : [[-0.3039157]
 [-0.8175316]]
result : [[ 0.34027644]
 [-0.39324687]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.34027644]
 [-0.39324687]]
dot product : [[ 0.84927107]
 [ 0.05311944]
 [ 0.46203241]]
result : [[ 1.07119502]
 [ 0.73107307]
 [ 0.55815954]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.84992859]
 [-0.05851777]
 [ 1.04459451]]
dot product : [[-0.45912005]
 [-0.27830673]]
result : [[ 0.18507208]
 [ 0.145978  ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.18507208]
 [ 0.145978  ]]
dot product : [[ 0.12515976]
 [-0.19992561]
 [ 0.02101509]]
result : [[ 0.34708371]
 [ 0.47802803]
 [ 0.11714223]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.15797529]
 [-0.43065982]
 [ 0.7947788 ]]
dot product : [[-0.32584783]
 [-0.68967297]]
result : [[ 0.3183443 ]
 [-0.26538825]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.3183443 ]
 [-0.26538825]]
dot product : [[ 0.69860375]
 [-0.01548668]
 [ 0.36665381]]
result : [[ 0.92052769]
 [ 0.66246696]
 [ 0.46278095]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.72135026]
 [-0.01485856]
 [ 1.07717359]]
dot product : [[-0.41665473]
 [-0.31357956]]
result : [[ 0.22753741]
 [ 0.11070516]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.22753741]
 [ 0.11070516]]
dot product : [[ 0.21822934]
 [-0.20207312]
 [ 0.06984243]]
result : [[ 0.44015328]
 [ 0.47588052]
 [ 0.16596957]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.21431142]
 [-0.37798482]
 [ 0.8307879 ]]
dot product : [[-0.33318728]
 [-0.64801541]]
result : [[ 0.31100486]
 [-0.22373069]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.31100486]
 [-0.22373069]]
dot product : [[ 0.64924087]
 [-0.03772708]
 [ 0.33545877]]
result : [[ 0.87116481]
 [ 0.64022656]
 [ 0.4315859 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.60251976]
 [-1.07776145]
 [ 0.35348131]]
dot product : [[-0.21673339]
 [-1.22867404]]
result : [[ 0.42745875]
 [-0.80438931]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.42745875]
 [-0.80438931]]
dot product : [[ 1.35731696]
 [ 0.26408939]
 [ 0.77903102]]
result : [[ 1.5792409 ]
 [ 0.94204303]
 [ 0.87515815]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.48980896]
 [-0.14139571]
 [ 0.99217199]]
dot product : [[-0.37237475]
 [-0.45196474]]
result : [[ 0.27181739]
 [-0.02768001]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.27181739]
 [-0.02768001]]
dot product : [[ 0.41035551]
 [-0.13970695]
 [ 0.18577452]]
result : [[ 0.63227946]
 [ 0.53824669]
 [ 0.28190166]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.82375085]
 [-0.03083545]
 [ 1.0643883 ]]
dot product : [[-0.44752553]
 [-0.27862987]]
result : [[ 0.19666661]
 [ 0.14565486]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.19666661]
 [ 0.14565486]]
dot product : [[ 0.14186121]
 [-0.20643017]
 [ 0.02839064]]
result : [[ 0.36378516]
 [ 0.47152347]
 [ 0.12451778]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.61963995]
 [-1.08600301]
 [ 0.34797682]]
dot product : [[-0.21328443]
 [-1.23849951]]
result : [[ 0.43090771]
 [-0.81421478]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.43090771]
 [-0.81421478]]
dot product : [[ 1.37138953]
 [ 0.26834092]
 [ 0.7874509 ]]
result : [[ 1.59331347]
 [ 0.94629455]
 [ 0.88357804]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.40166683]
 [-0.94279731]
 [ 0.44486278]]
dot product : [[-0.25119075]
 [-1.09943501]]
result : [[ 0.39300139]
 [-0.67515028]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.39300139]
 [-0.67515028]]
dot product : [[ 1.18764245]
 [ 0.20185421]
 [ 0.67502488]]
result : [[ 1.4095664 ]
 [ 0.87980784]
 [ 0.77115201]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.79107532]
 [-0.15591211]
 [ 1.00198092]]
dot product : [[-0.01986063]
 [-0.96736147]]
result : [[ 0.62433151]
 [-0.54307674]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.62433151]
 [-0.54307674]]
dot product : [[ 1.39124012]
 [-0.01600091]
 [ 0.73353843]]
result : [[ 1.61316407]
 [ 0.66195273]
 [ 0.82966557]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.82464401]
 [-1.07597374]
 [ 0.3581971 ]]
dot product : [[-0.15492674]
 [-1.31648043]]
result : [[ 0.4892654]
 [-0.8921957]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.4892654]
 [-0.8921957]]
dot product : [[ 1.52690212]
 [ 0.284152  ]
 [ 0.87343371]]
result : [[ 1.74882607]
 [ 0.96210563]
 [ 0.96956085]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.71414978]
 [-0.01651868]
 [ 1.07612332]]
dot product : [[-0.41492075]
 [-0.3170529 ]]
result : [[ 0.22927139]
 [ 0.10723183]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.22927139]
 [ 0.10723183]]
dot product : [[ 0.2239321 ]
 [-0.2008681 ]
 [ 0.07313716]]
result : [[ 0.44585605]
 [ 0.47708554]
 [ 0.1692643 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.84039431]
 [-0.40575427]
 [ 0.82778877]]
dot product : [[-0.04540181]
 [-1.07817512]]
result : [[ 0.59879033]
 [-0.65389039]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.59879033]
 [-0.65389039]]
dot product : [[ 1.45881185]
 [ 0.06924112]
 [ 0.78865752]]
result : [[ 1.6807358 ]
 [ 0.74719476]
 [ 0.88478465]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.75381005]
 [-1.11467609]
 [ 0.32998973]]
dot product : [[-0.1806197 ]
 [-1.30239485]]
result : [[ 0.46357244]
 [-0.87811012]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.46357244]
 [-0.87811012]]
dot product : [[ 1.47738157]
 [ 0.29006483]
 [ 0.84853451]]
result : [[ 1.69930551]
 [ 0.96801847]
 [ 0.94466164]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.89224133]
 [-0.22185723]
 [ 0.92955015]]
dot product : [[-0.49646939]
 [-0.32106224]]
result : [[ 0.14772275]
 [ 0.10322249]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.14772275]
 [ 0.10322249]]
dot product : [[ 0.11234314]
 [-0.15112461]
 [ 0.02528214]]
result : [[ 0.33426708]
 [ 0.52682903]
 [ 0.12140928]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.53025033]
 [-1.03611129]
 [ 0.38152138]]
dot product : [[-0.23021607]
 [-1.18469441]]
result : [[ 0.41397607]
 [-0.76040968]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.41397607]
 [-0.76040968]]
dot product : [[ 1.29709226]
 [ 0.24392775]
 [ 0.74255175]]
result : [[ 1.51901621]
 [ 0.92188139]
 [ 0.83867889]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.84876504]
 [-1.03861718]
 [ 0.38473357]]
dot product : [[-0.14238395]
 [-1.31245416]]
result : [[ 0.50180819]
 [-0.88816943]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.50180819]
 [-0.88816943]]
dot product : [[ 1.54087473]
 [ 0.27433308]
 [ 0.87861233]]
result : [[ 1.76279868]
 [ 0.95228672]
 [ 0.97473947]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.07095282]
 [-0.6482618 ]
 [ 0.64596492]]
dot product : [[-0.2965804 ]
 [-0.86024902]]
result : [[ 0.34761173]
 [-0.43596429]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.34761173]
 [-0.43596429]]
dot product : [[ 0.89961987]
 [ 0.07603615]
 [ 0.4939031 ]]
result : [[ 1.12154382]
 [ 0.75398979]
 [ 0.59003024]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.28086071]
 [-0.31698969]
 [ 0.8724642 ]]
dot product : [[-0.34205018]
 [-0.59925438]]
result : [[ 0.30214196]
 [-0.17496965]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.30214196]
 [-0.17496965]]
dot product : [[ 0.59107598]
 [-0.06360256]
 [ 0.29877619]]
result : [[ 0.81299993]
 [ 0.61435108]
 [ 0.39490333]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.41197964]
 [-0.95094907]
 [ 0.43931503]]
dot product : [[-0.24961328]
 [-1.10651673]]
result : [[ 0.39457886]
 [-0.682232  ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.39457886]
 [-0.682232  ]]
dot product : [[ 1.1965005 ]
 [ 0.20544419]
 [ 0.68053188]]
result : [[ 1.41842444]
 [ 0.88339783]
 [ 0.77665902]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.47996716]
 [-0.14885975]
 [ 0.98709849]]
dot product : [[-0.37081983]
 [-0.45860794]]
result : [[ 0.27337231]
 [-0.03432321]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.27337231]
 [-0.03432321]]
dot product : [[ 0.41877129]
 [-0.13638275]
 [ 0.19098696]]
result : [[ 0.64069524]
 [ 0.54157089]
 [ 0.2871141 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.86603769]
 [-0.56591058]
 [ 0.68902265]]
dot product : [[-0.5431957 ]
 [-0.45705015]]
result : [[ 0.10099644]
 [-0.03276542]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.10099644]
 [-0.03276542]]
dot product : [[ 0.17350848]
 [-0.03761521]
 [ 0.08341198]]
result : [[ 0.39543242]
 [ 0.64033843]
 [ 0.17953912]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.38826665]
 [-0.22284173]
 [ 0.93671988]]
dot product : [[-0.35702803]
 [-0.52212438]]
result : [[ 0.28716411]
 [-0.09783966]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.28716411]
 [-0.09783966]]
dot product : [[ 0.49771526]
 [-0.10397753]
 [ 0.24015918]]
result : [[ 0.71963921]
 [ 0.57397611]
 [ 0.33628632]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.58378371]
 [-0.07647514]
 [ 1.03616955]]
dot product : [[-0.38821828]
 [-0.39084931]]
result : [[ 0.25597385]
 [ 0.03343542]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.25597385]
 [ 0.03343542]]
dot product : [[ 0.3307564 ]
 [-0.16939809]
 [ 0.13687017]]
result : [[ 0.55268035]
 [ 0.50855554]
 [ 0.2329973 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.88785181]
 [-0.17443756]
 [ 0.96282598]]
dot product : [[-0.48781305]
 [-0.30550585]]
result : [[ 0.15637909]
 [ 0.11877888]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.15637909]
 [ 0.11877888]]
dot product : [[ 0.11002921]
 [-0.16602575]
 [ 0.02067955]]
result : [[ 0.33195315]
 [ 0.51192788]
 [ 0.11680668]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.51887351]
 [-0.1200104 ]
 [ 1.00669461]]
dot product : [[-0.37706982]
 [-0.43258611]]
result : [[ 0.26712232]
 [-0.00830138]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.26712232]
 [-0.00830138]]
dot product : [[ 0.38558084]
 [-0.14931168]
 [ 0.170471  ]]
result : [[ 0.60750479]
 [ 0.52864196]
 [ 0.26659814]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.86939212]
 [-0.97796583]
 [ 0.42752859]]
dot product : [[-0.12715382]
 [-1.29853569]]
result : [[ 0.51703832]
 [-0.87425096]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.51703832]
 [-0.87425096]]
dot product : [[ 1.54939136]
 [ 0.256669  ]
 [ 0.87912237]]
result : [[ 1.77131531]
 [ 0.93462264]
 [ 0.9752495 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.74891835]
 [-0.01094122]
 [ 1.07948694]]
dot product : [[-0.42367615]
 [-0.30117133]]
result : [[ 0.22051599]
 [ 0.1231134 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.22051599]
 [ 0.1231134 ]]
dot product : [[ 0.19668705]
 [-0.20589942]
 [ 0.05756099]]
result : [[ 0.418611  ]
 [ 0.47205422]
 [ 0.15368813]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.81540173]
 [-0.27239952]
 [ 0.92078564]]
dot product : [[-0.03140017]
 [-1.01955802]]
result : [[ 0.61279197]
 [-0.59527329]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.61279197]
 [-0.59527329]]
dot product : [[ 1.42376305]
 [ 0.02386642]
 [ 0.75980482]]
result : [[ 1.645687  ]
 [ 0.70182006]
 [ 0.85593196]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.83309753]
 [-0.03868815]
 [ 1.0587434 ]]
dot product : [[-0.45134661]
 [-0.27777327]]
result : [[ 0.19284553]
 [ 0.14651146]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.19284553]
 [ 0.14651146]]
dot product : [[ 0.13565516]
 [-0.20476349]
 [ 0.02547996]]
result : [[ 0.35757911]
 [ 0.47319015]
 [ 0.1216071 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.32782706]
 [-0.8819045 ]
 [ 0.48635374]]
dot product : [[-0.26208909]
 [-1.04780794]]
result : [[ 0.38210305]
 [-0.62352321]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.38210305]
 [-0.62352321]]
dot product : [[ 1.12391672]
 [ 0.17533432]
 [ 0.6352498 ]]
result : [[ 1.34584066]
 [ 0.85328796]
 [ 0.73137694]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.80786871]
 [-0.86671599]
 [ 0.47927961]]
dot product : [[-0.57428202]
 [-0.58998582]]
result : [[ 0.06991012]
 [-0.16570109]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.06991012]
 [-0.16570109]]
dot product : [[ 0.2539385 ]
 [ 0.06490219]
 [ 0.14925869]]
result : [[ 0.47586245]
 [ 0.74285583]
 [ 0.24538583]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.8756188 ]
 [-0.94603947]
 [ 0.44998331]]
dot product : [[-0.12041962]
 [-1.28936478]]
result : [[ 0.52377252]
 [-0.86508005]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.52377252]
 [-0.86508005]]
dot product : [[ 1.55033417]
 [ 0.24694045]
 [ 0.87741748]]
result : [[ 1.77225812]
 [ 0.92489408]
 [ 0.97354462]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.09382361]
 [-0.66987231]
 [ 0.63118801]]
dot product : [[-0.29363628]
 [-0.87724323]]
result : [[ 0.35055586]
 [-0.4529585 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.35055586]
 [-0.4529585 ]]
dot product : [[ 0.91968676]
 [ 0.08513806]
 [ 0.50659822]]
result : [[ 1.1416107 ]
 [ 0.7630917 ]
 [ 0.60272535]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.8841156 ]
 [-0.79645963]
 [ 0.55486465]]
dot product : [[-0.09459594]
 [-1.2381636 ]]
result : [[ 0.5495962 ]
 [-0.81387887]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.5495962 ]
 [-0.81387887]]
dot product : [[ 1.53894588]
 [ 0.19943944]
 [ 0.86061976]]
result : [[ 1.76086983]
 [ 0.87739308]
 [ 0.9567469 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.14663269]
 [-0.44135029]
 [ 0.78746928]]
dot product : [[-0.32438346]
 [-0.69809124]]
result : [[ 0.31980868]
 [-0.27380651]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.31980868]
 [-0.27380651]]
dot product : [[ 0.70855253]
 [-0.0109814 ]
 [ 0.37294616]]
result : [[ 0.93047648]
 [ 0.66697224]
 [ 0.4690733 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.87031495]
 [-0.09903159]
 [ 1.01590529]]
dot product : [[-0.47112378]
 [-0.28497244]]
result : [[ 0.17306836]
 [ 0.13931229]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.17306836]
 [ 0.13931229]]
dot product : [[ 0.11441953]
 [-0.18874038]
 [ 0.01785878]]
result : [[ 0.33634348]
 [ 0.48921326]
 [ 0.11398592]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.80860522]
 [-0.02154802]
 [ 1.07112836]]
dot product : [[-0.44187308]
 [-0.28127228]]
result : [[ 0.20231906]
 [ 0.14301245]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.20231906]
 [ 0.14301245]]
dot product : [[ 0.15232863]
 [-0.2080212 ]
 [ 0.0335764 ]]
result : [[ 0.37425258]
 [ 0.46993244]
 [ 0.12970353]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.31706324]
 [-0.8727042 ]
 [ 0.49262874]]
dot product : [[-0.26362697]
 [-1.04016396]]
result : [[ 0.38056517]
 [-0.61587924]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.38056517]
 [-0.61587924]]
dot product : [[ 1.11458853]
 [ 0.17136392]
 [ 0.62940748]]
result : [[ 1.33651248]
 [ 0.84931755]
 [ 0.72553462]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.73415457]
 [-1.11607237]
 [ 0.32870542]]
dot product : [[-0.18628315]
 [-1.29507678]]
result : [[ 0.45790899]
 [-0.87079205]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.45790899]
 [-0.87079205]]
dot product : [[ 1.46252322]
 [ 0.28868922]
 [ 0.84034994]]
result : [[ 1.68444717]
 [ 0.96664286]
 [ 0.93647708]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.22549134]
 [-0.36763205]
 [ 0.83786346]]
dot product : [[-0.33465958]
 [-0.63978517]]
result : [[ 0.30953256]
 [-0.21550044]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.30953256]
 [-0.21550044]]
dot product : [[ 0.63945682]
 [-0.04210821]
 [ 0.32928183]]
result : [[ 0.86138076]
 [ 0.63584543]
 [ 0.42540897]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.86733502]
 [-0.09135316]
 [ 1.02132887]]
dot product : [[-0.46909357]
 [-0.28335714]]
result : [[ 0.17509857]
 [ 0.14092759]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.17509857]
 [ 0.14092759]]
dot product : [[ 0.11577947]
 [-0.1909424 ]
 [ 0.01808039]]
result : [[ 0.33770341]
 [ 0.48701124]
 [ 0.11420753]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.65236982]
 [-0.03900642]
 [ 1.06133886]]
dot product : [[-0.40133682]
 [-0.34986242]]
result : [[ 0.24285531]
 [ 0.07442231]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.24285531]
 [ 0.07442231]]
dot product : [[ 0.27384728]
 [-0.18786755]
 [ 0.10253114]]
result : [[ 0.49577122]
 [ 0.49008609]
 [ 0.19865828]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.83105005]
 [-0.75801209]
 [ 0.55504205]]
dot product : [[-0.56364659]
 [-0.54108566]]
result : [[ 0.08054555]
 [-0.11680093]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.08054555]
 [-0.11680093]]
dot product : [[ 0.22322148]
 [ 0.0276541 ]
 [ 0.12454269]]
result : [[ 0.44514543]
 [ 0.70560773]
 [ 0.22066983]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.79752477]
 [-0.18586622]
 [ 0.98110502]]
dot product : [[-0.02277421]
 [-0.98086081]]
result : [[ 0.62141793]
 [-0.55657608]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.62141793]
 [-0.55657608]]
dot product : [[ 1.39975155]
 [-0.00573121]
 [ 0.74037538]]
result : [[ 1.6216755 ]
 [ 0.67222243]
 [ 0.83650251]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.44252695]
 [-0.97449941]
 [ 0.42329939]]
dot product : [[-0.2448472 ]
 [-1.12727593]]
result : [[ 0.39934494]
 [-0.7029912 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.39934494]
 [-0.7029912 ]]
dot product : [[ 1.22266748]
 [ 0.21588566]
 [ 0.69676274]]
result : [[ 1.44459143]
 [ 0.8938393 ]
 [ 0.79288988]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.88658559]
 [-0.40591942]
 [ 0.80074197]]
dot product : [[-0.52378349]
 [-0.39048289]]
result : [[ 0.12040865]
 [ 0.03380184]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.12040865]
 [ 0.03380184]]
dot product : [[ 0.13867273]
 [-0.09117624]
 [ 0.05281719]]
result : [[ 0.36059668]
 [ 0.5867774 ]
 [ 0.14894432]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.88051691]
 [-0.46227744]
 [ 0.76136981]]
dot product : [[-0.5309455 ]
 [-0.41346595]]
result : [[ 0.11324664]
 [ 0.01081878]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.11324664]
 [ 0.01081878]]
dot product : [[ 0.15004989]
 [-0.07241766]
 [ 0.06309611]]
result : [[ 0.37197384]
 [ 0.60553598]
 [ 0.15922325]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.39129169]
 [-0.9345011 ]
 [ 0.45051071]]
dot product : [[-0.25276282]
 [-1.09227574]]
result : [[ 0.39142932]
 [-0.66799101]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.39142932]
 [-0.66799101]]
dot product : [[ 1.17871947]
 [ 0.19821179]
 [ 0.66947158]]
result : [[ 1.40064342]
 [ 0.87616543]
 [ 0.76559872]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.8199447 ]
 [-0.81128412]
 [ 0.51790952]]
dot product : [[-0.56892928]
 [-0.56494838]]
result : [[ 0.07526286]
 [-0.14066365]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.07526286]
 [-0.14066365]]
dot product : [[ 0.23807988]
 [ 0.0458844 ]
 [ 0.13654649]]
result : [[ 0.46000383]
 [ 0.72383804]
 [ 0.23267362]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.13526893]
 [-0.45208366]
 [ 0.78013005]]
dot product : [[-0.32291996]
 [-0.70653358]]
result : [[ 0.32127218]
 [-0.28224885]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.32127218]
 [-0.28224885]]
dot product : [[ 0.71852261]
 [-0.00646031]
 [ 0.37925338]]
result : [[ 0.94044656]
 [ 0.67149333]
 [ 0.47538052]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.04803713]
 [-0.62653231]
 [ 0.66082445]]
dot product : [[-0.2995183 ]
 [-0.84319351]]
result : [[ 0.34467384]
 [-0.41890878]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.34467384]
 [-0.41890878]]
dot product : [[ 0.87950444]
 [ 0.06689165]
 [ 0.48117262]]
result : [[ 1.10142839]
 [ 0.74484529]
 [ 0.57729975]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.61887301]
 [-0.05599051]
 [ 1.04996748]]
dot product : [[-0.39472348]
 [-0.36940005]]
result : [[ 0.24946866]
 [ 0.05488468]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.24946866]
 [ 0.05488468]]
dot product : [[ 0.3014839 ]
 [-0.17927187]
 [ 0.11912246]]
result : [[ 0.52340785]
 [ 0.49868177]
 [ 0.21524959]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.85373844]
 [-0.0643567 ]
 [ 1.04044617]]
dot product : [[-0.46109151]
 [-0.27892025]]
result : [[ 0.18310063]
 [ 0.14536448]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.18310063]
 [ 0.14536448]]
dot product : [[ 0.12294548]
 [-0.19839457]
 [ 0.02018876]]
result : [[ 0.34486943]
 [ 0.47955906]
 [ 0.11631589]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.65264831]
 [-1.09966686]
 [ 0.33892295]]
dot product : [[-0.20628541]
 [-1.256631  ]]
result : [[ 0.43790673]
 [-0.83234627]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.43790673]
 [-0.83234627]]
dot product : [[ 1.3982558 ]
 [ 0.2758193 ]
 [ 0.80338086]]
result : [[ 1.62017975]
 [ 0.95377294]
 [ 0.899508  ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.836243  ]
 [-0.73217645]
 [ 0.57305343]]
dot product : [[-0.56103118]
 [-0.52958963]]
result : [[ 0.08316096]
 [-0.1053049 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.08316096]
 [-0.1053049 ]]
dot product : [[ 0.21616296]
 [ 0.01883076]
 [ 0.11880333]]
result : [[ 0.43808691]
 [ 0.6967844 ]
 [ 0.21493047]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.00935906]
 [-0.57188877]
 [ 0.69819556]]
dot product : [[-0.3068425 ]
 [-0.80039543]]
result : [[ 0.33734964]
 [-0.3761107 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.33734964]
 [-0.3761107 ]]
dot product : [[ 0.82909586]
 [ 0.04391723]
 [ 0.44925717]]
result : [[ 1.05101981]
 [ 0.72187087]
 [ 0.5453843 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.81402889]
 [-0.83872816]
 [ 0.49878306]]
dot product : [[-0.57159683]
 [-0.57731923]]
result : [[ 0.07259531]
 [-0.1530345 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.07259531]
 [-0.1530345 ]]
dot product : [[ 0.24588329]
 [ 0.05529416]
 [ 0.14281341]]
result : [[ 0.46780724]
 [ 0.7332478 ]
 [ 0.23894055]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.89042284]
 [-0.19731218]
 [ 0.94676709]]
dot product : [[-0.49211439]
 [-0.31282941]]
result : [[ 0.15207775]
 [ 0.11145532]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.15207775]
 [ 0.11145532]]
dot product : [[ 0.11079868]
 [-0.15887979]
 [ 0.02270651]]
result : [[ 0.33272263]
 [ 0.51907385]
 [ 0.11883364]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.00212559]
 [-0.58283873]
 [ 0.69070654]]
dot product : [[-0.30537949]
 [-0.80896496]]
result : [[ 0.33881264]
 [-0.38468023]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.33881264]
 [-0.38468023]]
dot product : [[ 0.83918425]
 [ 0.04851948]
 [ 0.45564546]]
result : [[ 1.0611082 ]
 [ 0.72647311]
 [ 0.5517726 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.66063379]
 [-1.10247317]
 [ 0.33708225]]
dot product : [[-0.20451384]
 [-1.26083522]]
result : [[ 0.43967829]
 [-0.83655049]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.43967829]
 [-0.83655049]]
dot product : [[ 1.40469568]
 [ 0.2774673 ]
 [ 0.80716653]]
result : [[ 1.62661962]
 [ 0.95542094]
 [ 0.90329367]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.25882582]
 [-0.33700705]
 [ 0.85878993]]
dot product : [[-0.33908761]
 [-0.61533432]]
result : [[ 0.30510453]
 [-0.19104959]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.30510453]
 [-0.19104959]]
dot product : [[ 0.61031339]
 [-0.05509265]
 [ 0.31089765]]
result : [[ 0.83223734]
 [ 0.62286098]
 [ 0.40702479]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.79496623]
 [-1.10069716]
 [ 0.3404208 ]]
dot product : [[-0.16702646]
 [-1.31368366]]
result : [[ 0.47716567]
 [-0.88939894]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.47716567]
 [-0.88939894]]
dot product : [[ 1.50717137]
 [ 0.28937608]
 [ 0.8641629 ]]
result : [[ 1.72909532]
 [ 0.96732972]
 [ 0.96029004]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.42222839]
 [-0.95895256]
 [ 0.43387011]]
dot product : [[-0.24803028]
 [-1.11351884]]
result : [[ 0.39616186]
 [-0.68923412]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.39616186]
 [-0.68923412]]
dot product : [[ 1.20529186]
 [ 0.20898036]
 [ 0.68599136]]
result : [[ 1.4272158]
 [ 0.886934 ]
 [ 0.7821185]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.72734629]
 [-1.11595321]
 [ 0.32868269]]
dot product : [[-0.18815028]
 [-1.29232196]]
result : [[ 0.45604186]
 [-0.86803724]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.45604186]
 [-0.86803724]]
dot product : [[ 1.4573045 ]
 [ 0.28801813]
 [ 0.83743268]]
result : [[ 1.67922845]
 [ 0.96597176]
 [ 0.93355982]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.83742212]
 [-1.05892622]
 [ 0.37033453]]
dot product : [[-0.14871245]
 [-1.31534817]]
result : [[ 0.49547969]
 [-0.89106344]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.49547969]
 [-0.89106344]]
dot product : [[ 1.53463195]
 [ 0.2798357 ]
 [ 0.87655139]]
result : [[ 1.7565559 ]
 [ 0.95778933]
 [ 0.97267853]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.88818223]
 [-0.38808078]
 [ 0.81320924]]
dot product : [[-0.52142673]
 [-0.38333733]]
result : [[ 0.12276541]
 [ 0.0409474 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.12276541]
 [ 0.0409474 ]]
dot product : [[ 0.13531944]
 [-0.09708365]
 [ 0.04970182]]
result : [[ 0.35724339]
 [ 0.58086999]
 [ 0.14582896]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.69939058]
 [-0.02062908]
 [ 1.07347501]]
dot product : [[-0.41147756]
 [-0.32443058]]
result : [[ 0.23271458]
 [ 0.09985415]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.23271458]
 [ 0.09985415]]
dot product : [[ 0.23570594]
 [-0.19816967]
 [ 0.07998711]]
result : [[ 0.45762989]
 [ 0.47978397]
 [ 0.17611425]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.26254751]
 [-0.82507121]
 [ 0.52513537]]
dot product : [[-0.27125331]
 [-1.0010713 ]]
result : [[ 0.37293883]
 [-0.57678658]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.37293883]
 [-0.57678658]]
dot product : [[ 1.06722004]
 [ 0.15092044]
 [ 0.59967636]]
result : [[ 1.28914398]
 [ 0.82887408]
 [ 0.69580349]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.03656671]
 [-0.6156325 ]
 [ 0.66827857]]
dot product : [[-0.30098523]
 [-0.83464795]]
result : [[ 0.3432069 ]
 [-0.41036322]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.3432069 ]
 [-0.41036322]]
dot product : [[ 0.86943292]
 [ 0.06230692]
 [ 0.47479723]]
result : [[ 1.09135687]
 [ 0.74026055]
 [ 0.57092437]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.86836884]
 [-0.59192698]
 [ 0.69785067]]
dot product : [[-0.06686498]
 [-1.15725418]]
result : [[ 0.57732715]
 [-0.73296945]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.57732715]
 [-0.73296945]]
dot product : [[ 1.50245497]
 [ 0.13194471]
 [ 0.82599065]]
result : [[ 1.72437892]
 [ 0.80989835]
 [ 0.92211779]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.10106781]
 [-0.48450296]
 [ 0.75796058]]
dot product : [[-0.31853342]
 [-0.73198435]]
result : [[ 0.32565872]
 [-0.30769962]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.32565872]
 [-0.30769962]]
dot product : [[ 0.74854305]
 [ 0.00718393]
 [ 0.39825176]]
result : [[ 0.97046699]
 [ 0.68513757]
 [ 0.4943789 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.37036119]
 [-0.91749063]
 [ 0.46209653]]
dot product : [[-0.25589129]
 [-1.07773289]]
result : [[ 0.38830085]
 [-0.65344816]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.38830085]
 [-0.65344816]]
dot product : [[ 1.16068579]
 [ 0.19077525]
 [ 0.65823115]]
result : [[ 1.38260973]
 [ 0.86872889]
 [ 0.75435828]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.2918166 ]
 [-0.30711228]
 [ 0.87921038]]
dot product : [[-0.34353501]
 [-0.59128682]]
result : [[ 0.30065713]
 [-0.16700209]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.30065713]
 [-0.16700209]]
dot product : [[ 0.58152002]
 [-0.06780941]
 [ 0.2927596 ]]
result : [[ 0.80344397]
 [ 0.61014423]
 [ 0.38888674]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.82087594]
 [-0.30014702]
 [ 0.90143979]]
dot product : [[-0.03423766]
 [-1.03186373]]
result : [[ 0.60995448]
 [-0.607579  ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.60995448]
 [-0.607579  ]]
dot product : [[ 1.43126516]
 [ 0.03333312]
 [ 0.76592501]]
result : [[ 1.6531891 ]
 [ 0.71128676]
 [ 0.86205214]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.82850036]
 [-0.03459315]
 [ 1.06168277]]
dot product : [[-0.44943071]
 [-0.27810969]]
result : [[ 0.19476143]
 [ 0.14617504]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.19476143]
 [ 0.14617504]]
dot product : [[ 0.13867979]
 [-0.20565835]
 [ 0.02687982]]
result : [[ 0.36060374]
 [ 0.47229529]
 [ 0.12300696]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.34920177]
 [-0.89994823]
 [ 0.47405128]]
dot product : [[-0.2589997 ]
 [-1.06290476]]
result : [[ 0.38519243]
 [-0.63862003]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.38519243]
 [-0.63862003]]
dot product : [[ 1.14241351]
 [ 0.18314572]
 [ 0.64682056]]
result : [[ 1.36433746]
 [ 0.86109935]
 [ 0.7429477 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.80028279]
 [-1.09741885]
 [ 0.34279947]]
dot product : [[-0.16503944]
 [-1.3146046 ]]
result : [[ 0.4791527 ]
 [-0.89031987]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.4791527 ]
 [-0.89031987]]
dot product : [[ 1.51084357]
 [ 0.28881172]
 [ 0.86598078]]
result : [[ 1.73276752]
 [ 0.96676536]
 [ 0.96210791]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.55803192]
 [-1.05329141]
 [ 0.36992359]]
dot product : [[-0.22521654]
 [-1.20202755]]
result : [[ 0.4189756 ]
 [-0.77774282]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.4189756 ]
 [-0.77774282]]
dot product : [[ 1.32038343]
 [ 0.25205566]
 [ 0.75673459]]
result : [[ 1.54230738]
 [ 0.9300093 ]
 [ 0.85286172]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.89329364]
 [-0.24810329]
 [ 0.91115396]]
dot product : [[-0.50087906]
 [-0.33022092]]
result : [[ 0.14331308]
 [ 0.09406381]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.14331308]
 [ 0.09406381]]
dot product : [[ 0.11467665]
 [-0.14274908]
 [ 0.02841643]]
result : [[ 0.33660059]
 [ 0.53520455]
 [ 0.12454357]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.86696128]
 [-0.9878016 ]
 [ 0.42060282]]
dot product : [[-0.12937044]
 [-1.30115692]]
result : [[ 0.5148217 ]
 [-0.87687219]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.5148217 ]
 [-0.87687219]]
dot product : [[ 1.54870909]
 [ 0.25961852]
 [ 0.87942921]]
result : [[ 1.77063304]
 [ 0.93757216]
 [ 0.97555634]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.51130396]
 [-1.02368072]
 [ 0.38993089]]
dot product : [[-0.23351357]
 [-1.17261302]]
result : [[ 0.41067856]
 [-0.74832829]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.41067856]
 [-0.74832829]]
dot product : [[ 1.28112287]
 [ 0.23815416]
 [ 0.73278192]]
result : [[ 1.50304682]
 [ 0.91610779]
 [ 0.82890906]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.2844863 ]
 [-0.84443541]
 [ 0.51191699]]
dot product : [[-0.26821487]
 [-1.01687463]]
result : [[ 0.37597727]
 [-0.5925899 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.37597727]
 [-0.5925899 ]]
dot product : [[ 1.0863059 ]
 [ 0.15921054]
 [ 0.61166772]]
result : [[ 1.30822985]
 [ 0.83716418]
 [ 0.70779485]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.20310013]
 [-0.38840343]
 [ 0.82366671]]
dot product : [[-0.33171662]
 [-0.65628218]]
result : [[ 0.31247552]
 [-0.23199745]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.31247552]
 [-0.23199745]]
dot product : [[ 0.65905677]
 [-0.03332177]
 [ 0.34165806]]
result : [[ 0.88098072]
 [ 0.64463187]
 [ 0.43778519]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.71335526]
 [-1.11486096]
 [ 0.32922941]]
dot product : [[-0.19185427]
 [-1.28635159]]
result : [[ 0.45233787]
 [-0.86206686]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.45233787]
 [-0.86206686]]
dot product : [[ 1.44647873]
 [ 0.28636546]
 [ 0.83132203]]
result : [[ 1.66840268]
 [ 0.9643191 ]
 [ 0.92744917]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.24775025]
 [-0.34713934]
 [ 0.85186713]]
dot product : [[-0.33760961]
 [-0.62344255]]
result : [[ 0.30658252]
 [-0.19915782]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.30658252]
 [-0.19915782]]
dot product : [[ 0.61999132]
 [-0.05079239]
 [ 0.31700003]]
result : [[ 0.84191527]
 [ 0.62716125]
 [ 0.41312717]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.87313736]
 [-0.63343154]
 [ 0.66885992]]
dot product : [[-0.07205652]
 [-1.17429912]]
result : [[ 0.57213562]
 [-0.75001439]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.57213562]
 [-0.75001439]]
dot product : [[ 1.5110624 ]
 [ 0.14578718]
 [ 0.83368804]]
result : [[ 1.73298635]
 [ 0.82374082]
 [ 0.92981517]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.84875027]
 [-0.45538179]
 [ 0.79316557]]
dot product : [[-0.0508742 ]
 [-1.09961296]]
result : [[ 0.59331793]
 [-0.67532823]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.59331793]
 [-0.67532823]]
dot product : [[ 1.4711328 ]
 [ 0.08603936]
 [ 0.79899231]]
result : [[ 1.69305675]
 [ 0.763993  ]
 [ 0.89511945]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.76277979]
 [-0.03044527]
 [ 1.08940248]]
dot product : [[-0.00801155]
 [-0.91030747]]
result : [[ 0.63618059]
 [-0.48602274]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.63618059]
 [-0.48602274]]
dot product : [[ 1.35460951]
 [-0.05913597]
 [ 0.70435509]]
result : [[ 1.57653346]
 [ 0.61881766]
 [ 0.80048222]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.79777761]
 [-0.01697286]
 [ 1.07450114]]
dot product : [[-0.43815607]
 [-0.28391469]]
result : [[ 0.20603607]
 [ 0.14037004]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.20603607]
 [ 0.14037004]]
dot product : [[ 0.1600586 ]
 [-0.20849215]
 [ 0.03756549]]
result : [[ 0.38198255]
 [ 0.46946149]
 [ 0.13369263]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.86565678]
 [-0.57043228]
 [ 0.71286083]]
dot product : [[-0.06424353]
 [-1.14833024]]
result : [[ 0.57994861]
 [-0.72404552]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.57994861]
 [-0.72404552]]
dot product : [[ 1.49781192]
 [ 0.12475334]
 [ 0.82190095]]
result : [[ 1.71973586]
 [ 0.80270698]
 [ 0.91802808]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.07819255]
 [-0.50626023]
 [ 0.74308096]]
dot product : [[-0.31561108]
 [-0.74903389]]
result : [[ 0.32858106]
 [-0.32474917]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.32858106]
 [-0.32474917]]
dot product : [[ 0.76863089]
 [ 0.01633364]
 [ 0.41096882]]
result : [[ 0.99055484]
 [ 0.69428728]
 [ 0.50709595]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.78638149]
 [-0.01365519]
 [ 1.07700217]]
dot product : [[-0.4344789 ]
 [-0.28724239]]
result : [[ 0.20971324]
 [ 0.13704234]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.20971324]
 [ 0.13704234]]
dot product : [[ 0.16837351]
 [-0.20850431]
 [ 0.04196849]]
result : [[ 0.39029745]
 [ 0.46944933]
 [ 0.13809562]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.47245184]
 [-0.99661205]
 [ 0.40828086]]
dot product : [[-0.24002795]
 [-1.1472626 ]]
result : [[ 0.40416419]
 [-0.72297787]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.40416419]
 [-0.72297787]]
dot product : [[ 1.24818678]
 [ 0.22580514]
 [ 0.71253214]]
result : [[ 1.47011072]
 [ 0.90375878]
 [ 0.80865927]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.27353785]
 [-0.83480259]
 [ 0.51849199]]
dot product : [[-0.26973602]
 [-1.00899929]]
result : [[ 0.37445612]
 [-0.58471456]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.37445612]
 [-0.58471456]]
dot product : [[ 1.07678488]
 [ 0.15508335]
 [ 0.60568769]]
result : [[ 1.29870882]
 [ 0.83303699]
 [ 0.70181483]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.84136483]
 [-1.05252402]
 [ 0.37487938]]
dot product : [[-0.14661581]
 [-1.31458202]]
result : [[ 0.49757633]
 [-0.89029729]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.49757633]
 [-0.89029729]]
dot product : [[ 1.53688045]
 [ 0.27813516]
 [ 0.87735745]]
result : [[ 1.7588044 ]
 [ 0.9560888 ]
 [ 0.97348459]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.64415088]
 [-0.04291088]
 [ 1.05873279]]
dot product : [[-0.3996729 ]
 [-0.35456035]]
result : [[ 0.24451924]
 [ 0.06972438]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.24451924]
 [ 0.06972438]]
dot product : [[ 0.28059691]
 [-0.18584332]
 [ 0.10656619]]
result : [[ 0.50252086]
 [ 0.49211031]
 [ 0.20269333]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.16929504]
 [-0.42001607]
 [ 0.80205595]]
dot product : [[-0.32731321]
 [-0.68128086]]
result : [[ 0.31687893]
 [-0.25699613]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.31687893]
 [-0.25699613]]
dot product : [[ 0.68867802]
 [-0.01997474]
 [ 0.36037758]]
result : [[ 0.91060197]
 [ 0.65797889]
 [ 0.45650472]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.61024572]
 [-0.06079305]
 [ 1.04673886]]
dot product : [[-0.39308736]
 [-0.37458834]]
result : [[ 0.25110478]
 [ 0.04969639]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.25110478]
 [ 0.04969639]]
dot product : [[ 0.30865306]
 [-0.17691976]
 [ 0.12345409]]
result : [[ 0.53057701]
 [ 0.50103388]
 [ 0.21958123]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.81380157]
 [-0.02431671]
 [ 1.06910845]]
dot product : [[-0.44374685]
 [-0.28021324]]
result : [[ 0.20044529]
 [ 0.14407149]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.20044529]
 [ 0.14407149]]
dot product : [[ 0.14868739]
 [-0.2076102 ]
 [ 0.03174018]]
result : [[ 0.37061134]
 [ 0.47034344]
 [ 0.12786732]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.207027  ]
 [-0.77506961]
 [ 0.55928504]]
dot product : [[-0.27878631]
 [-0.96071414]]
result : [[ 0.36540583]
 [-0.53642941]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.36540583]
 [-0.53642941]]
dot product : [[ 1.01880027]
 [ 0.12961891]
 [ 0.56919378]]
result : [[ 1.24072422]
 [ 0.80757255]
 [ 0.66532091]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.48228053]
 [-1.0036456 ]
 [ 0.40350862]]
dot product : [[-0.23840911]
 [-1.15374348]]
result : [[ 0.40578303]
 [-0.72945875]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.40578303]
 [-0.72945875]]
dot product : [[ 1.25654107]
 [ 0.22898914]
 [ 0.71768023]]
result : [[ 1.47846501]
 [ 0.90694278]
 [ 0.81380737]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.54885873]
 [-1.04776523]
 [ 0.37365046]]
dot product : [[-0.22689032]
 [-1.19635779]]
result : [[ 0.41730182]
 [-0.77207307]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.41730182]
 [-0.77207307]]
dot product : [[ 1.31271044]
 [ 0.24941921]
 [ 0.75207156]]
result : [[ 1.53463439]
 [ 0.92737285]
 [ 0.8481987 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.84182799]
 [-0.0479054 ]
 [ 1.05215254]]
dot product : [[-0.45521111]
 [-0.27766003]]
result : [[ 0.18898103]
 [ 0.1466247 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.18898103]
 [ 0.1466247 ]]
dot product : [[ 0.13008332]
 [-0.20259901]
 [ 0.02301811]]
result : [[ 0.35200727]
 [ 0.47535463]
 [ 0.11914525]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.8615769 ]
 [-1.00628655]
 [ 0.40757408]]
dot product : [[-0.13376228]
 [-1.30575821]]
result : [[ 0.51042985]
 [-0.88147348]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.51042985]
 [-0.88147348]]
dot product : [[ 1.54680313]
 [ 0.26508591]
 [ 0.87965819]]
result : [[ 1.76872708]
 [ 0.94303954]
 [ 0.97578533]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.29539115]
 [-0.85396583]
 [ 0.50541302]]
dot product : [[-0.26668973]
 [-1.02469523]]
result : [[ 0.37750241]
 [-0.6004105 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.37750241]
 [-0.6004105 ]]
dot product : [[ 1.09578136]
 [ 0.16330063]
 [ 0.61761519]]
result : [[ 1.31770531]
 [ 0.84125427]
 [ 0.71374233]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.77334271]
 [-1.01494568]
 [ 0.37601468]]
dot product : [[-0.58797697]
 [-0.6578277 ]]
result : [[ 0.05621516]
 [-0.23354298]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.05621516]
 [-0.23354298]]
dot product : [[ 0.29805337]
 [ 0.11596497]
 [ 0.18420404]]
result : [[ 0.51997732]
 [ 0.79391861]
 [ 0.28033118]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.88628836]
 [-0.1636171 ]
 [ 0.97042779]]
dot product : [[-0.48568218]
 [-0.30217986]]
result : [[ 0.15850996]
 [ 0.12210487]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.15850996]
 [ 0.12210487]]
dot product : [[ 0.10993069]
 [-0.16937377]
 [ 0.0198687 ]]
result : [[ 0.33185463]
 [ 0.50857987]
 [ 0.11599584]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.17332101]
 [-0.74413054]
 [ 0.58042565]]
dot product : [[-0.28326796]
 [-0.93600072]]
result : [[ 0.36092418]
 [-0.51171599]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.36092418]
 [-0.51171599]]
dot product : [[ 0.9893353 ]
 [ 0.11649855]
 [ 0.55060842]]
result : [[ 1.21125925]
 [ 0.79445219]
 [ 0.64673556]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.88454188]
 [-0.15320278]
 [ 0.97774804]]
dot product : [[-0.48356434]
 [-0.29907496]]
result : [[ 0.1606278 ]
 [ 0.12520977]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.1606278 ]
 [ 0.12520977]]
dot product : [[ 0.11002063]
 [-0.17257366]
 [ 0.01919128]]
result : [[ 0.33194458]
 [ 0.50537998]
 [ 0.11531842]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.77227571]
 [-1.11056888]
 [ 0.33315392]]
dot product : [[-0.17486045]
 [-1.3082498 ]]
result : [[ 0.46933169]
 [-0.88396507]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.46933169]
 [-0.88396507]]
dot product : [[ 1.49100625]
 [ 0.29045468]
 [ 0.85584204]]
result : [[ 1.7129302 ]
 [ 0.96840832]
 [ 0.95196918]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.77815857]
 [-1.10857954]
 [ 0.33463877]]
dot product : [[-0.17291881]
 [-1.30986663]]
result : [[ 0.47127332]
 [-0.88558191]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.47127332]
 [-0.88558191]]
dot product : [[ 1.49526546]
 [ 0.29035907]
 [ 0.85807716]]
result : [[ 1.71718941]
 [ 0.96831271]
 [ 0.9542043 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.85738571]
 [-0.07055587]
 [ 1.03604809]]
dot product : [[-0.46307446]
 [-0.27972997]]
result : [[ 0.18111767]
 [ 0.14455476]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.18111767]
 [ 0.14455476]]
dot product : [[ 0.12089855]
 [-0.19673213]
 [ 0.01948087]]
result : [[ 0.3428225 ]
 [ 0.48122151]
 [ 0.11560801]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.80372785]
 [-0.21526295]
 [ 0.9606156 ]]
dot product : [[-0.02566858]
 [-0.99405863]]
result : [[ 0.61852356]
 [-0.5697739 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.61852356]
 [-0.5697739 ]]
dot product : [[ 1.40800801]
 [ 0.00433565]
 [ 0.74703126]]
result : [[ 1.62993196]
 [ 0.68228929]
 [ 0.84315839]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.81535065]
 [-1.08557778]
 [ 0.35132659]]
dot product : [[-0.15900785]
 [-1.31628417]]
result : [[ 0.48518429]
 [-0.89199944]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.48518429]
 [-0.89199944]]
dot product : [[ 1.52094623]
 [ 0.28638904]
 [ 0.87078482]]
result : [[ 1.74287018]
 [ 0.96434268]
 [ 0.96691195]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.77023174]
 [-0.06266718]
 [ 1.0669541 ]]
dot product : [[-0.01100328]
 [-0.92503361]]
result : [[ 0.63318885]
 [-0.50074888]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.63318885]
 [-0.50074888]]
dot product : [[ 1.36415842]
 [-0.04804098]
 [ 0.71192876]]
result : [[ 1.58608236]
 [ 0.62991266]
 [ 0.80805589]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.33854048]
 [-0.89098712]
 [ 0.48016037]]
dot product : [[-0.26054671]
 [-1.0553889 ]]
result : [[ 0.38364543]
 [-0.63110417]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.38364543]
 [-0.63110417]]
dot product : [[ 1.1331923 ]
 [ 0.17926206]
 [ 0.64105458]]
result : [[ 1.35511624]
 [ 0.85721569]
 [ 0.73718171]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.78790495]
 [-0.95398039]
 [ 0.41848079]]
dot product : [[-0.58244467]
 [-0.62978088]]
result : [[ 0.06174747]
 [-0.20549615]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.06174747]
 [-0.20549615]]
dot product : [[ 0.27963263]
 [ 0.09492975]
 [ 0.16967712]]
result : [[ 0.50155658]
 [ 0.77288339]
 [ 0.26580426]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.79214976]
 [-0.01515875]
 [ 1.0758593 ]]
dot product : [[-0.43631257]
 [-0.28549392]]
result : [[ 0.20787957]
 [ 0.13879081]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.20787957]
 [ 0.13879081]]
dot product : [[ 0.16414382]
 [-0.20855488]
 [ 0.03971588]]
result : [[ 0.38606776]
 [ 0.46939876]
 [ 0.13584301]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.02509018]
 [-0.60471442]
 [ 0.6757454 ]]
dot product : [[-0.30245099]
 [-0.82609329]]
result : [[ 0.34174115]
 [-0.40180856]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.34174115]
 [-0.40180856]]
dot product : [[ 0.85935454]
 [ 0.05771571]
 [ 0.46841674]]
result : [[ 1.08127849]
 [ 0.73566935]
 [ 0.56454388]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.39871286]
 [-0.21406246]
 [ 0.94270499]]
dot product : [[-0.35854399]
 [-0.51476054]]
result : [[ 0.28564815]
 [-0.09047581]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.28564815]
 [-0.09047581]]
dot product : [[ 0.4886802 ]
 [-0.1077825 ]
 [ 0.23450967]]
result : [[ 0.71060415]
 [ 0.57017114]
 [ 0.33063681]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.88956859]
 [-0.37070946]
 [ 0.82535253]]
dot product : [[-0.51908505]
 [-0.37644605]]
result : [[ 0.12510709]
 [ 0.04783868]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.12510709]
 [ 0.04783868]]
dot product : [[ 0.13218278]
 [-0.10282064]
 [ 0.04673985]]
result : [[ 0.35410673]
 [ 0.57513299]
 [ 0.14286699]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.50926384]
 [-0.12696721]
 [ 1.0019727 ]]
dot product : [[-0.37549961]
 [-0.43895176]]
result : [[ 0.26869253]
 [-0.01466703]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.26869253]
 [-0.01466703]]
dot product : [[ 0.39375853]
 [-0.14617281]
 [ 0.17551529]]
result : [[ 0.61568247]
 [ 0.53178083]
 [ 0.27164243]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.85465634]
 [-0.63408057]
 [ 0.64146157]]
dot product : [[-0.55073954]
 [-0.48645937]]
result : [[ 0.0934526 ]
 [-0.06217465]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.0934526 ]
 [-0.06217465]]
dot product : [[ 0.19035903]
 [-0.01454959]
 [ 0.097567  ]]
result : [[ 0.41228298]
 [ 0.66340405]
 [ 0.19369414]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.3062507 ]
 [-0.86339003]
 [ 0.49898272]]
dot product : [[-0.26516047]
 [-1.03245904]]
result : [[ 0.37903167]
 [-0.60817431]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.37903167]
 [-0.60817431]]
dot product : [[ 1.10520949]
 [ 0.16735222]
 [ 0.62352886]]
result : [[ 1.32713344]
 [ 0.84530586]
 [ 0.719656  ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.89171727]
 [-0.33735345]
 [ 0.84867781]]
dot product : [[-0.51444642]
 [-0.36341803]]
result : [[ 0.12974572]
 [ 0.0608667 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.12974572]
 [ 0.0608667 ]]
dot product : [[ 0.12655228]
 [-0.11378899]
 [ 0.04127109]]
result : [[ 0.34847623]
 [ 0.56416465]
 [ 0.13739823]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.25151697]
 [-0.81524509]
 [ 0.53184446]]
dot product : [[-0.27276686]
 [-0.99309274]]
result : [[ 0.37142528]
 [-0.56880801]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.37142528]
 [-0.56880801]]
dot product : [[ 1.05761315]
 [ 0.14672321]
 [ 0.59363497]]
result : [[ 1.2795371 ]
 [ 0.82467684]
 [ 0.6897621 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.61112977]
 [-1.08199651]
 [ 0.35064981]]
dot product : [[-0.21501302]
 [-1.23364836]]
result : [[ 0.42917912]
 [-0.80936363]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.42917912]
 [-0.80936363]]
dot product : [[ 1.36440506]
 [ 0.26625669]
 [ 0.78327783]]
result : [[ 1.58632901]
 [ 0.94421033]
 [ 0.87940496]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.49203326]
 [-1.01050411]
 [ 0.39885779]]
dot product : [[-0.23678386]
 [-1.16013022]]
result : [[ 0.40740828]
 [-0.73584549]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.40740828]
 [-0.73584549]]
dot product : [[ 1.26481635]
 [ 0.23210957]
 [ 0.72277206]]
result : [[ 1.4867403 ]
 [ 0.91006321]
 [ 0.81889919]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.88275463]
 [-0.44301392]
 [ 0.77482491]]
dot product : [[-0.52854275]
 [-0.40554512]]
result : [[ 0.11564939]
 [ 0.01873961]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.11564939]
 [ 0.01873961]]
dot product : [[ 0.14603619]
 [-0.07884464]
 [ 0.05951309]]
result : [[ 0.36796014]
 [ 0.599109  ]
 [ 0.15564022]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.26986321]
 [-0.32695589]
 [ 0.8656565 ]]
dot product : [[-0.34056775]
 [-0.6072709 ]]
result : [[ 0.30362439]
 [-0.18298617]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.30362439]
 [-0.18298617]]
dot product : [[ 0.60067436]
 [-0.05936317]
 [ 0.30482262]]
result : [[ 0.82259831]
 [ 0.61859047]
 [ 0.40094976]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.57477534]
 [-0.08211458]
 [ 1.03236081]]
dot product : [[-0.38660793]
 [-0.39649476]]
result : [[ 0.25758421]
 [ 0.02778997]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.25758421]
 [ 0.02778997]]
dot product : [[ 0.33831693]
 [-0.16674039]
 [ 0.14147842]]
result : [[ 0.56024088]
 [ 0.51121324]
 [ 0.23760556]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.83586808]
 [-0.38015222]
 [ 0.84564697]]
dot product : [[-0.04263838]
 [-1.06702985]]
result : [[ 0.60155376]
 [-0.64274512]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.60155376]
 [-0.64274512]]
dot product : [[ 1.45229092]
 [ 0.06055515]
 [ 0.78323413]]
result : [[ 1.67421486]
 [ 0.73850879]
 [ 0.87936126]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.79480844]
 [-0.92433828]
 [ 0.43913113]]
dot product : [[-0.57970581]
 [-0.61621458]]
result : [[ 0.06448633]
 [-0.19192985]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.06448633]
 [-0.19192985]]
dot product : [[ 0.27081141]
 [ 0.08471859]
 [ 0.1626893 ]]
result : [[ 0.49273536]
 [ 0.76267223]
 [ 0.25881644]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.83754064]
 [-0.04312429]
 [ 1.05556754]]
dot product : [[-0.45327337]
 [-0.27762269]]
result : [[ 0.19091877]
 [ 0.14666204]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.19091877]
 [ 0.14666204]]
dot product : [[ 0.13278909]
 [-0.20374417]
 [ 0.02419231]]
result : [[ 0.35471303]
 [ 0.47420947]
 [ 0.12031945]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.56567595]
 [-0.08795369]
 [ 1.02841365]]
dot product : [[-0.38500369]
 [-0.40224931]]
result : [[ 0.25918845]
 [ 0.02203542]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.25918845]
 [ 0.02203542]]
dot product : [[ 0.34597091]
 [-0.16400978]
 [ 0.14615271]]
result : [[ 0.56789485]
 [ 0.51394386]
 [ 0.24227985]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.63582729]
 [-0.0470456 ]
 [ 1.0559671 ]]
dot product : [[-0.39801612]
 [-0.35938399]]
result : [[ 0.24617602]
 [ 0.06490074]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.24617602]
 [ 0.06490074]]
dot product : [[ 0.28745407]
 [-0.18373504]
 [ 0.11067726]]
result : [[ 0.50937802]
 [ 0.4942186 ]
 [ 0.20680439]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.89286411]
 [-0.23476572]
 [ 0.92050079]]
dot product : [[-0.49866733]
 [-0.32552481]]
result : [[ 0.14552481]
 [ 0.09875992]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.14552481]
 [ 0.09875992]]
dot product : [[ 0.11341038]
 [-0.14701509]
 [ 0.02677883]]
result : [[ 0.33533433]
 [ 0.53093855]
 [ 0.12290596]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.87312378]
 [-0.10708939]
 [ 1.01021872]]
dot product : [[-0.47316612]
 [-0.28679432]]
result : [[ 0.17102602]
 [ 0.13749041]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.17102602]
 [ 0.13749041]]
dot product : [[ 0.11323575]
 [-0.18639999]
 [ 0.01776186]]
result : [[ 0.3351597 ]
 [ 0.49155365]
 [ 0.113889  ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.72842907]
 [-0.01346693]
 [ 1.07803774]]
dot product : [[-0.41839713]
 [-0.31025267]]
result : [[ 0.22579501]
 [ 0.11403206]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.22579501]
 [ 0.11403206]]
dot product : [[ 0.21265169]
 [-0.20318016]
 [ 0.06663621]]
result : [[ 0.43457564]
 [ 0.47477348]
 [ 0.16276334]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.52081854]
 [-1.02999117]
 [ 0.38566014]]
dot product : [[-0.23186829]
 [-1.17870493]]
result : [[ 0.41232385]
 [-0.7544202 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.41232385]
 [-0.7544202 ]]
dot product : [[ 1.28915059]
 [ 0.24107552]
 [ 0.73769747]]
result : [[ 1.51107454]
 [ 0.91902916]
 [ 0.8338246 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.87519723]
 [-0.65344906]
 [ 0.65487403]]
dot product : [[-0.07462685]
 [-1.18242427]]
result : [[ 0.56956529]
 [-0.75813954]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.56956529]
 [-0.75813954]]
dot product : [[ 1.51503029]
 [ 0.15244106]
 [ 0.8372982 ]]
result : [[ 1.73695424]
 [ 0.8303947 ]
 [ 0.93342534]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.76625553]
 [-1.11224554]
 [ 0.33188589]]
dot product : [[-0.17679106]
 [-1.30646417]]
result : [[ 0.46740108]
 [-0.88217944]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.46740108]
 [-0.88217944]]
dot product : [[ 1.4866047 ]
 [ 0.29043658]
 [ 0.85350572]]
result : [[ 1.70852865]
 [ 0.96839022]
 [ 0.94963286]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.87575982]
 [-0.11553038]
 [ 1.00426649]]
dot product : [[-0.47522073]
 [-0.28882485]]
result : [[ 0.16897141]
 [ 0.13545988]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.16897141]
 [ 0.13545988]]
dot product : [[ 0.11222987]
 [-0.18391983]
 [ 0.01779088]]
result : [[ 0.33415382]
 [ 0.49403381]
 [ 0.11391802]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.84591795]
 [-0.68208683]
 [ 0.60797968]]
dot product : [[-0.55585162]
 [-0.50745788]]
result : [[ 0.08834052]
 [-0.08317315]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.08834052]
 [-0.08317315]]
dot product : [[ 0.20277849]
 [ 0.00176078]
 [ 0.10784344]]
result : [[ 0.42470243]
 [ 0.67971442]
 [ 0.20397057]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.88234155]
 [-0.88453597]
 [ 0.49315826]]
dot product : [[-0.10890714]
 [-1.26959808]]
result : [[ 0.53528499]
 [-0.84531335]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.53528499]
 [-0.84531335]]
dot product : [[ 1.54812   ]
 [ 0.22770926]
 [ 0.87188658]]
result : [[ 1.77004395]
 [ 0.9056629 ]
 [ 0.96801372]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.8800997 ]
 [-0.71060845]
 [ 0.6149225 ]]
dot product : [[-0.08223764]
 [-1.20523534]]
result : [[ 0.5619545 ]
 [-0.78095061]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.5619545 ]
 [-0.78095061]]
dot product : [[ 1.52561178]
 [ 0.17135   ]
 [ 0.8471896 ]]
result : [[ 1.74753572]
 [ 0.84930364]
 [ 0.94331674]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.8624718 ]
 [-0.58812709]
 [ 0.67352033]]
dot product : [[-0.54569391]
 [-0.46657752]]
result : [[ 0.09849823]
 [-0.04229279]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.09849823]
 [-0.04229279]]
dot product : [[ 0.17889052]
 [-0.03011147]
 [ 0.08796403]]
result : [[ 0.40081447]
 [ 0.64784217]
 [ 0.18409117]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.69145814]
 [-1.11114508]
 [ 0.33149012]]
dot product : [[-0.1973365 ]
 [-1.27627528]]
result : [[ 0.44685564]
 [-0.85199055]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.44685564]
 [-0.85199055]]
dot product : [[ 1.4292956 ]
 [ 0.28313114]
 [ 0.82148448]]
result : [[ 1.65121955]
 [ 0.96108478]
 [ 0.91761162]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.80326333]
 [-0.01910134]
 [ 1.07292504]]
dot product : [[-0.44000953]
 [-0.28250679]]
result : [[ 0.20418261]
 [ 0.14177794]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.20418261]
 [ 0.14177794]]
dot product : [[ 0.15611962]
 [-0.20831472]
 [ 0.03551858]]
result : [[ 0.37804356]
 [ 0.46963891]
 [ 0.13164572]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.31359679]
 [-0.2876391 ]
 [ 0.89250755]]
dot product : [[-0.34651242]
 [-0.57550689]]
result : [[ 0.29767972]
 [-0.15122216]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.29767972]
 [-0.15122216]]
dot product : [[ 0.56254236]
 [-0.07611997]
 [ 0.28082094]]
result : [[ 0.78446631]
 [ 0.60183367]
 [ 0.37694808]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.3027292 ]
 [-0.29732748]
 [ 0.88589238]]
dot product : [[-0.34502238]
 [-0.58337029]]
result : [[ 0.29916976]
 [-0.15908557]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.29916976]
 [-0.15908557]]
dot product : [[ 0.57200822]
 [-0.07198235]
 [ 0.2867741 ]]
result : [[ 0.79393217]
 [ 0.60597129]
 [ 0.38290124]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.73538449]
 [-0.01234762]
 [ 1.07871312]]
dot product : [[-0.42014808]
 [-0.30707428]]
result : [[ 0.22404406]
 [ 0.11721045]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.22404406]
 [ 0.11721045]]
dot product : [[ 0.20720092]
 [-0.20418781]
 [ 0.06351972]]
result : [[ 0.42912487]
 [ 0.47376583]
 [ 0.15964686]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.6280486 ]
 [-1.08977712]
 [ 0.34546499]]
dot product : [[-0.21154751]
 [-1.24322542]]
result : [[ 0.43264463]
 [-0.8189407 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.43264463]
 [-0.8189407 ]]
dot product : [[ 1.37826859]
 [ 0.27034068]
 [ 0.79154899]]
result : [[ 1.60019254]
 [ 0.94829432]
 [ 0.88767613]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.86937796]
 [-0.5441958 ]
 [ 0.70417715]]
dot product : [[-0.54071371]
 [-0.44779572]]
result : [[ 0.10347843]
 [-0.02351099]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.10347843]
 [-0.02351099]]
dot product : [[ 0.16835888]
 [-0.04493601]
 [ 0.07902455]]
result : [[ 0.39028283]
 [ 0.63301763]
 [ 0.17515169]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.67627288]
 [-1.10732743]
 [ 0.33392676]]
dot product : [[-0.20094364]
 [-1.26883476]]
result : [[ 0.4432485 ]
 [-0.84455003]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.4432485 ]
 [-0.84455003]]
dot product : [[ 1.41723107]
 [ 0.28048764]
 [ 0.81449295]]
result : [[ 1.63915502]
 [ 0.95844128]
 [ 0.91062009]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.4324114 ]
 [-0.96680394]
 [ 0.42853068]]
dot product : [[-0.24644163]
 [-1.12043927]]
result : [[ 0.39775051]
 [-0.69615454]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.39775051]
 [-0.69615454]]
dot product : [[ 1.21401477]
 [ 0.21246131]
 [ 0.69140207]]
result : [[ 1.43593872]
 [ 0.89041495]
 [ 0.7875292 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.88477696]
 [-0.42422919]
 [ 0.78794808]]
dot product : [[-0.52615545]
 [-0.39788479]]
result : [[ 0.11803669]
 [ 0.02639994]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.11803669]
 [ 0.02639994]]
dot product : [[ 0.14224439]
 [-0.08509704]
 [ 0.05608719]]
result : [[ 0.36416834]
 [ 0.5928566 ]
 [ 0.15221433]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.46254887]
 [-0.98940729]
 [ 0.41317183]]
dot product : [[-0.24164049]
 [-1.14068967]]
result : [[ 0.40255165]
 [-0.71640494]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.40255165]
 [-0.71640494]]
dot product : [[ 1.23975524]
 [ 0.22255897]
 [ 0.70732903]]
result : [[ 1.46167919]
 [ 0.90051261]
 [ 0.80345616]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.5017083 ]
 [-1.01718375]
 [ 0.39433099]]
dot product : [[-0.23515205]
 [-1.16642076]]
result : [[ 0.40904008]
 [-0.74213603]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.40904008]
 [-0.74213603]]
dot product : [[ 1.27301087]
 [ 0.23516504]
 [ 0.72780637]]
result : [[ 1.49493482]
 [ 0.91311868]
 [ 0.82393351]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.87822135]
 [-0.1243584 ]
 [ 0.99804596]]
dot product : [[-0.47728773]
 [-0.2910661 ]]
result : [[ 0.16690441]
 [ 0.13321863]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.16690441]
 [ 0.13321863]]
dot product : [[ 0.11140366]
 [-0.18129851]
 [ 0.01794708]]
result : [[ 0.33332761]
 [ 0.49665513]
 [ 0.11407422]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.77443049]
 [-0.01156442]
 [ 1.07865268]]
dot product : [[-0.43084053]
 [-0.29123879]]
result : [[ 0.21335161]
 [ 0.13304594]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.21335161]
 [ 0.13304594]]
dot product : [[ 0.17725927]
 [-0.20806881]
 [ 0.04677539]]
result : [[ 0.39918322]
 [ 0.46988483]
 [ 0.14290253]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.89356616]
 [-0.27608096]
 [ 0.89155731]]
dot product : [[-0.50534445]
 [-0.34032206]]
result : [[ 0.13884769]
 [ 0.08396267]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.13884769]
 [ 0.08396267]]
dot product : [[ 0.11781329]
 [-0.13374207]
 [ 0.03211936]]
result : [[ 0.33973724]
 [ 0.54421157]
 [ 0.1282465 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.88312225]
 [-0.76350839]
 [ 0.57792449]]
dot product : [[-0.0897008 ]
 [-1.22574338]]
result : [[ 0.55449134]
 [-0.80145865]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.55449134]
 [-0.80145865]]
dot product : [[ 1.53424694]
 [ 0.18870913]
 [ 0.85569853]]
result : [[ 1.75617089]
 [ 0.86666277]
 [ 0.95182567]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.23663819]
 [-0.35734895]
 [ 0.84489076]]
dot product : [[-0.33613365]
 [-0.63159353]]
result : [[ 0.30805849]
 [-0.2073088 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.30805849]
 [-0.2073088 ]]
dot product : [[ 0.62970638]
 [-0.04646378]
 [ 0.3231285 ]]
result : [[ 0.85163033]
 [ 0.63148986]
 [ 0.41925564]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.88312251]
 [-0.87095692]
 [ 0.50267967]]
dot product : [[-0.10656018]
 [-1.26495379]]
result : [[ 0.53763196]
 [-0.84066907]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.53763196]
 [-0.84066907]]
dot product : [[ 1.5470935 ]
 [ 0.22339795]
 [ 0.87036576]]
result : [[ 1.76901745]
 [ 0.90135159]
 [ 0.96649289]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.08239468]
 [-0.65908384]
 [ 0.63856482]]
dot product : [[-0.29510918]
 [-0.86875483]]
result : [[ 0.34908296]
 [-0.4444701 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.34908296]
 [-0.4444701 ]]
dot product : [[ 0.90966026]
 [ 0.08059312]
 [ 0.50025571]]
result : [[ 1.13158421]
 [ 0.75854676]
 [ 0.59638284]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.59269937]
 [-0.07103919]
 [ 1.03983725]]
dot product : [[-0.38983489]
 [-0.38531504]]
result : [[ 0.25435725]
 [ 0.03896969]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.25435725]
 [ 0.03896969]]
dot product : [[ 0.32329107]
 [-0.17198148]
 [ 0.1323292 ]]
result : [[ 0.54521502]
 [ 0.50597215]
 [ 0.22845633]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.87867669]
 [-0.69203369]
 [ 0.62790797]]
dot product : [[-0.07971728]
 [-1.1978903 ]]
result : [[ 0.56447486]
 [-0.77360558]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.56447486]
 [-0.77360558]]
dot product : [[ 1.52230322]
 [ 0.16522108]
 [ 0.84404774]]
result : [[ 1.74422717]
 [ 0.84317472]
 [ 0.94017488]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.88131382]
 [-0.72870994]
 [ 0.60226519]]
dot product : [[-0.08474159]
 [-1.21232448]]
result : [[ 0.55945055]
 [-0.78803975]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.55945055]
 [-0.78803975]]
dot product : [[ 1.52870407]
 [ 0.17730672]
 [ 0.85017785]]
result : [[ 1.75062802]
 [ 0.85526036]
 [ 0.94630499]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.06673768]
 [-0.51717072]
 [ 0.73561912]]
dot product : [[-0.31415013]
 [-0.75757716]]
result : [[ 0.33004201]
 [-0.33329243]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.33004201]
 [-0.33329243]]
dot product : [[ 0.7786918 ]
 [ 0.02092038]
 [ 0.41733904]]
result : [[ 1.00061575]
 [ 0.69887402]
 [ 0.51346617]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.1280158 ]
 [-0.70199809]
 [ 0.60922395]]
dot product : [[-0.28920616]
 [-0.90258333]]
result : [[ 0.35498598]
 [-0.4782986 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.35498598]
 [-0.4782986 ]]
dot product : [[ 0.94966526]
 [ 0.09868671]
 [ 0.52555273]]
result : [[ 1.17158921]
 [ 0.77664035]
 [ 0.62167986]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.64455448]
 [-1.09661287]
 [ 0.3409354 ]]
dot product : [[-0.20804812]
 [-1.25229324]]
result : [[ 0.43614401]
 [-0.82800851]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.43614401]
 [-0.82800851]]
dot product : [[ 1.39170349]
 [ 0.27408127]
 [ 0.79951522]]
result : [[ 1.61362744]
 [ 0.95203491]
 [ 0.89564236]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.88431089]
 [-0.8122521 ]
 [ 0.54380843]]
dot product : [[-0.0970198 ]
 [-1.24400439]]
result : [[ 0.54717234]
 [-0.81971966]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.54717234]
 [-0.81971966]]
dot product : [[ 1.54098329]
 [ 0.20455605]
 [ 0.8628587 ]]
result : [[ 1.76290724]
 [ 0.88250969]
 [ 0.95898584]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.74221482]
 [-0.01150444]
 [ 1.07919707]]
dot product : [[-0.42190771]
 [-0.30404647]]
result : [[ 0.22228443]
 [ 0.12023826]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.22228443]
 [ 0.12023826]]
dot product : [[ 0.20187879]
 [-0.2050947 ]
 [ 0.06049424]]
result : [[ 0.42380274]
 [ 0.47285894]
 [ 0.15662137]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.02084301]
 [-0.56093583]
 [ 0.70568668]]
dot product : [[-0.30830484]
 [-0.79182509]]
result : [[ 0.3358873 ]
 [-0.36754037]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.3358873 ]
 [-0.36754037]]
dot product : [[ 0.81900765]
 [ 0.03931408]
 [ 0.44286876]]
result : [[ 1.0409316 ]
 [ 0.71726772]
 [ 0.5389959 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.16203029]
 [-0.7336841 ]
 [ 0.58756508]]
dot product : [[-0.28475625]
 [-0.92769217]]
result : [[ 0.35943589]
 [-0.50340744]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.35943589]
 [-0.50340744]]
dot product : [[ 0.97945536]
 [ 0.11207688]
 [ 0.54437149]]
result : [[ 1.2013793 ]
 [ 0.79003052]
 [ 0.64049863]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.891427  ]
 [-0.20937399]
 [ 0.9383047 ]]
dot product : [[-0.49428512]
 [-0.31683113]]
result : [[ 0.14990702]
 [ 0.1074536 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.14990702]
 [ 0.1074536 ]]
dot product : [[ 0.11147316]
 [-0.15507905]
 [ 0.02392511]]
result : [[ 0.3333971 ]
 [ 0.52287459]
 [ 0.12005225]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.03232454]
 [-0.54998373]
 [ 0.71317725]]
dot product : [[-0.30976664]
 [-0.78325603]]
result : [[ 0.3344255]
 [-0.3589713]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.3344255]
 [-0.3589713]]
dot product : [[ 0.80892138]
 [ 0.03471143]
 [ 0.4364815 ]]
result : [[ 1.03084532]
 [ 0.71266507]
 [ 0.53260864]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.87249431]
 [-0.52297891]
 [ 0.71898646]]
dot product : [[-0.53824783]
 [-0.43881216]]
result : [[ 0.10594431]
 [-0.01452743]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.10594431]
 [-0.01452743]]
dot product : [[ 0.16343999]
 [-0.05207527]
 [ 0.0748005 ]]
result : [[ 0.38536394]
 [ 0.62587837]
 [ 0.17092763]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.42968263]
 [-0.18852497]
 [ 0.96010561]]
dot product : [[-0.36311529]
 [-0.49310795]]
result : [[ 0.28107685]
 [-0.06882322]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.28107685]
 [-0.06882322]]
dot product : [[ 0.4619527 ]
 [-0.11890476]
 [ 0.21782755]]
result : [[ 0.68387665]
 [ 0.55904888]
 [ 0.31395469]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.81047671]
 [-1.08986298]
 [ 0.34824972]]
dot product : [[-0.16103026]
 [-1.31590693]]
result : [[ 0.48316188]
 [-0.8916222 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.48316188]
 [-0.8916222 ]]
dot product : [[ 1.51773276]
 [ 0.28731959]
 [ 0.86929298]]
result : [[ 1.73965671]
 [ 0.96527323]
 [ 0.96542012]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.88410719]
 [-0.84248988]
 [ 0.52263013]]
dot product : [[-0.10182075]
 [-1.25495769]]
result : [[ 0.54237139]
 [-0.83067296]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.54237139]
 [-0.83067296]]
dot product : [[ 1.54444276]
 [ 0.21429912]
 [ 0.86689948]]
result : [[ 1.7663667 ]
 [ 0.89225276]
 [ 0.96302661]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.58500707]
 [-1.0686209 ]
 [ 0.35960921]]
dot product : [[-0.22015001]
 [-1.2183642 ]]
result : [[ 0.42404213]
 [-0.79407947]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.42404213]
 [-0.79407947]]
dot product : [[ 1.34283687]
 [ 0.25951117]
 [ 0.77032118]]
result : [[ 1.56476081]
 [ 0.93746481]
 [ 0.86644831]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.89248299]
 [-0.32136112]
 [ 0.85986509]]
dot product : [[-0.5121492 ]
 [-0.35727714]]
result : [[ 0.13204294]
 [ 0.06700759]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.13204294]
 [ 0.06700759]]
dot product : [[ 0.12405492]
 [-0.11902312]
 [ 0.03876181]]
result : [[ 0.34597887]
 [ 0.55893052]
 [ 0.13488894]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.78950553]
 [-1.1036475 ]
 [ 0.33826956]]
dot product : [[-0.16900195]
 [-1.31258564]]
result : [[ 0.47519019]
 [-0.88830091]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.47519019]
 [-0.88830091]]
dot product : [[ 1.50334978]
 [ 0.28982116]
 [ 0.86223884]]
result : [[ 1.72527372]
 [ 0.9677748 ]
 [ 0.95836598]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.63635401]
 [-1.09331501]
 [ 0.34311697]]
dot product : [[-0.20980211]
 [-1.24782403]]
result : [[ 0.43439003]
 [-0.8235393 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.43439003]
 [-0.8235393 ]]
dot product : [[ 1.3850405 ]
 [ 0.2722546 ]
 [ 0.79557084]]
result : [[ 1.60696445]
 [ 0.95020824]
 [ 0.89169798]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.86272391]
 [-0.54843756]
 [ 0.72821772]]
dot product : [[-0.06160477]
 [-1.1391359 ]]
result : [[ 0.58258737]
 [-0.71485117]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.58258737]
 [-0.71485117]]
dot product : [[ 1.49294028]
 [ 0.11738001]
 [ 0.8176489 ]]
result : [[ 1.71486423]
 [ 0.79533365]
 [ 0.91377603]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.49957509]
 [-0.13409692]
 [ 0.99713094]]
dot product : [[-0.37393463]
 [-0.44541199]]
result : [[ 0.27025751]
 [-0.02112726]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.27025751]
 [-0.02112726]]
dot product : [[ 0.40201733]
 [-0.14297077]
 [ 0.18061688]]
result : [[ 0.62394128]
 [ 0.53498287]
 [ 0.27674402]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.47005138]
 [-0.15648523]
 [ 0.9819131 ]]
dot product : [[-0.36926975]
 [-0.4653395 ]]
result : [[ 0.27492239]
 [-0.04105477]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.27492239]
 [-0.04105477]]
dot product : [[ 0.42726292]
 [-0.13299956]
 [ 0.19625296]]
result : [[ 0.64918686]
 [ 0.54495408]
 [ 0.2923801 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.76009975]
 [-1.11361334]
 [ 0.33083205]]
dot product : [[-0.17871076]
 [-1.30451183]]
result : [[ 0.46548138]
 [-0.8802271 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.46548138]
 [-0.8802271 ]]
dot product : [[ 1.48206255]
 [ 0.29030616]
 [ 0.85106946]]
result : [[ 1.7039865]
 [ 0.9682598]
 [ 0.9471966]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.78075027]
 [-0.98418159]
 [ 0.39744286]]
dot product : [[-0.58520168]
 [-0.64365123]]
result : [[ 0.05899045]
 [-0.2193665 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.05899045]
 [-0.2193665 ]]
dot product : [[ 0.2887127 ]
 [ 0.10534475]
 [ 0.17684828]]
result : [[ 0.51063664]
 [ 0.78329839]
 [ 0.27297542]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.18059023]
 [-0.40942288]
 [ 0.80929809]]
dot product : [[-0.32877971]
 [-0.67291698]]
result : [[ 0.31541243]
 [-0.24863225]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.31541243]
 [-0.24863225]]
dot product : [[ 0.67877711]
 [-0.02444421]
 [ 0.35411871]]
result : [[ 0.90070105]
 [ 0.65350943]
 [ 0.45024585]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.7804745 ]
 [-0.01245835]
 [ 1.07793242]]
dot product : [[-0.43265493]
 [-0.28915804]]
result : [[ 0.21153721]
 [ 0.13512669]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.21153721]
 [ 0.13512669]]
dot product : [[ 0.17274591]
 [-0.20834182]
 [ 0.04432207]]
result : [[ 0.39466986]
 [ 0.46961182]
 [ 0.14044921]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.87806208]
 [-0.48202356]
 [ 0.74758014]]
dot product : [[-0.53336385]
 [-0.42164935]]
result : [[ 0.11082829]
 [ 0.00263538]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.11082829]
 [ 0.00263538]]
dot product : [[ 0.15428725]
 [-0.06581469]
 [ 0.06683753]]
result : [[ 0.3762112 ]
 [ 0.61213894]
 [ 0.16296466]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.85040337]
 [-0.65782519]
 [ 0.62489984]]
dot product : [[-0.55328721]
 [-0.49681801]]
result : [[ 0.09090493]
 [-0.07253328]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.09090493]
 [-0.07253328]]
dot product : [[ 0.19644901]
 [-0.00648866]
 [ 0.10262041]]
result : [[ 0.41837296]
 [ 0.67146498]
 [ 0.19874755]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.85867859]
 [-0.61084914]
 [ 0.65766752]]
dot product : [[-0.54820848]
 [-0.4763799 ]]
result : [[ 0.09598366]
 [-0.05209517]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.09598366]
 [-0.05209517]]
dot product : [[ 0.18450679]
 [-0.02242339]
 [ 0.09268195]]
result : [[ 0.40643074]
 [ 0.65553025]
 [ 0.18880909]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.83331994]
 [-1.06496602]
 [ 0.36604096]]
dot product : [[-0.1507964 ]
 [-1.31591857]]
result : [[ 0.49339574]
 [-0.89163384]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.49339574]
 [-0.89163384]]
dot product : [[ 1.53221822]
 [ 0.28140442]
 [ 0.87562792]]
result : [[ 1.75414217]
 [ 0.95935806]
 [ 0.97175505]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.87886468]
 [-0.92270113]
 [ 0.46637747]]
dot product : [[-0.11585859]
 [-1.28214075]]
result : [[ 0.52833355]
 [-0.85785602]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.52833355]
 [-0.85785602]]
dot product : [[ 1.55002513]
 [ 0.23970747]
 [ 0.87561477]]
result : [[ 1.77194908]
 [ 0.91766111]
 [ 0.97174191]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.81885068]
 [-0.02741125]
 [ 1.06686264]]
dot product : [[-0.44563095]
 [-0.27933175]]
result : [[ 0.19856118]
 [ 0.14495298]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.19856118]
 [ 0.14495298]]
dot product : [[ 0.14519767]
 [-0.20708032]
 [ 0.03001118]]
result : [[ 0.36712161]
 [ 0.47087332]
 [ 0.12613831]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.69887632]
 [-1.1126556 ]
 [ 0.330548  ]]
dot product : [[-0.19551875]
 [-1.27978072]]
result : [[ 0.44867339]
 [-0.85549599]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.44867339]
 [-0.85549599]]
dot product : [[ 1.43514689]
 [ 0.2843081 ]
 [ 0.82485155]]
result : [[ 1.65707084]
 [ 0.96226174]
 [ 0.92097868]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.88923054]
 [-0.18566798]
 [ 0.95493997]]
dot product : [[-0.48995708]
 [-0.30905501]]
result : [[ 0.15423506]
 [ 0.11522972]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.15423506]
 [ 0.11522972]]
dot product : [[ 0.11031795]
 [-0.16252823]
 [ 0.02162507]]
result : [[ 0.3322419 ]
 [ 0.51542541]
 [ 0.1177522 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.89340573]
 [-0.2907287 ]
 [ 0.88130219]]
dot product : [[-0.50759834]
 [-0.34573123]]
result : [[ 0.13659379]
 [ 0.0785535 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.13659379]
 [ 0.0785535 ]]
dot product : [[ 0.11968718]
 [-0.12899827]
 [ 0.03418719]]
result : [[ 0.34161113]
 [ 0.54895537]
 [ 0.13031433]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.87704311]
 [-0.67298184]
 [ 0.64122427]]
dot product : [[-0.07718039]
 [-1.19028731]]
result : [[ 0.56701175]
 [-0.76600258]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.56701175]
 [-0.76600258]]
dot product : [[ 1.51877664]
 [ 0.15891856]
 [ 0.84075102]]
result : [[ 1.74070059]
 [ 0.8368722 ]
 [ 0.93687816]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.05527359]
 [-0.52809735]
 [ 0.72814612]]
dot product : [[-0.31268916]
 [-0.76612998]]
result : [[ 0.33150298]
 [-0.34184526]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.33150298]
 [-0.34184526]]
dot product : [[ 0.78876169]
 [ 0.02551319]
 [ 0.42371539]]
result : [[ 1.01068564]
 [ 0.70346683]
 [ 0.51984253]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.66848697]
 [-0.03190354]
 [ 1.06606158]]
dot product : [[-0.40468662]
 [-0.34085193]]
result : [[ 0.23950552]
 [ 0.0834328 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.23950552]
 [ 0.0834328 ]]
dot product : [[ 0.26067761]
 [-0.19165825]
 [ 0.09469409]]
result : [[ 0.48260155]
 [ 0.48629539]
 [ 0.19082122]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.88371996]
 [-0.780213  ]
 [ 0.56623579]]
dot product : [[-0.09215631]
 [-1.23207729]]
result : [[ 0.55203582]
 [-0.80779256]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.55203582]
 [-0.80779256]]
dot product : [[ 1.53670102]
 [ 0.1941576 ]
 [ 0.85823346]]
result : [[ 1.75862497]
 [ 0.87211124]
 [ 0.95436059]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.84595787]
 [-0.05303528]
 [ 1.04849575]]
dot product : [[-0.45715996]
 [-0.27788735]]
result : [[ 0.18703217]
 [ 0.14639738]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.18703217]
 [ 0.14639738]]
dot product : [[ 0.12753962]
 [-0.20132662]
 [ 0.02195863]]
result : [[ 0.34946357]
 [ 0.47662702]
 [ 0.11808576]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.88021093]
 [-0.91040425]
 [ 0.47500981]]
dot product : [[-0.11355622]
 [-1.27818948]]
result : [[ 0.53063592]
 [-0.85390475]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.53063592]
 [-0.85390475]]
dot product : [[ 1.54958406]
 [ 0.23586263]
 [ 0.87450984]]
result : [[ 1.77150801]
 [ 0.91381627]
 [ 0.97063698]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.76193823]
 [-0.01066996]
 [ 1.07947387]]
dot product : [[-0.42723996]
 [-0.2958873 ]]
result : [[ 0.21695218]
 [ 0.12839743]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.21695218]
 [ 0.12839743]]
dot product : [[ 0.18670181]
 [-0.2071968 ]
 [ 0.05197622]]
result : [[ 0.40862576]
 [ 0.47075684]
 [ 0.14810336]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.85221913]
 [-1.03110487]
 [ 0.39004821]]
dot product : [[-0.14024846]
 [-1.31108832]]
result : [[ 0.50394368]
 [-0.88680359]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.50394368]
 [-0.88680359]]
dot product : [[ 1.54261699]
 [ 0.27222876]
 [ 0.87905866]]
result : [[ 1.76454094]
 [ 0.9501824 ]
 [ 0.97518579]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.82906   ]
 [-1.07064725]
 [ 0.36199604]]
dot product : [[-0.15286779]
 [-1.3162953 ]]
result : [[ 0.49132435]
 [-0.89201057]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.49132435]
 [-0.89201057]]
dot product : [[ 1.52964103]
 [ 0.28284272]
 [ 0.87458827]]
result : [[ 1.75156498]
 [ 0.96079636]
 [ 0.97071541]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.70617593]
 [-1.1138955 ]
 [ 0.32979354]]
dot product : [[-0.19369138]
 [-1.28314018]]
result : [[ 0.45050076]
 [-0.85885545]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.45050076]
 [-0.85885545]]
dot product : [[ 1.44087519]
 [ 0.28538667]
 [ 0.82813115]]
result : [[ 1.66279914]
 [ 0.96334031]
 [ 0.92425828]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.35980925]
 [-0.90878401]
 [ 0.46802911]]
dot product : [[-0.25744794]
 [-1.07035344]]
result : [[ 0.3867442 ]
 [-0.64606872]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.3867442 ]
 [-0.64606872]]
dot product : [[ 1.15157859]
 [ 0.18698391]
 [ 0.6525465 ]]
result : [[ 1.37350254]
 [ 0.86493755]
 [ 0.74867363]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.11663588]
 [-0.69133326]
 [ 0.61651493]]
dot product : [[-0.29068489]
 [-0.89415956]]
result : [[ 0.35350725]
 [-0.46987483]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.35350725]
 [-0.46987483]]
dot product : [[ 0.93969102]
 [ 0.09418625]
 [ 0.51924798]]
result : [[ 1.16161496]
 [ 0.77213989]
 [ 0.61537511]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.85258341]
 [-0.47941491]
 [ 0.77639526]]
dot product : [[-0.05358343]
 [-1.10990968]]
result : [[ 0.59060871]
 [-0.68562495]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.59060871]
 [-0.68562495]]
dot product : [[ 1.47693633]
 [ 0.09415441]
 [ 0.80390621]]
result : [[ 1.69886028]
 [ 0.77210805]
 [ 0.90003335]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.70682931]
 [-0.01844346]
 [ 1.07488957]]
dot product : [[-0.41319507]
 [-0.3206706 ]]
result : [[ 0.23099707]
 [ 0.10361413]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.23099707]
 [ 0.10361413]]
dot product : [[ 0.22975822]
 [-0.19956648]
 [ 0.07651913]]
result : [[ 0.45168217]
 [ 0.47838716]
 [ 0.17264627]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.82561786]
 [-0.78438004]
 [ 0.53666163]]
dot product : [[-0.56627924]
 [-0.55287122]]
result : [[ 0.07791289]
 [-0.12858649]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.07791289]
 [-0.12858649]]
dot product : [[ 0.23052654]
 [ 0.03667151]
 [ 0.13045666]]
result : [[ 0.45245048]
 [ 0.71462515]
 [ 0.2265838 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.33519014]
 [-0.26856694]
 [ 0.9055268 ]]
dot product : [[-0.34950099]
 [-0.5599477 ]]
result : [[ 0.29469114]
 [-0.13566297]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.29469114]
 [-0.13566297]]
dot product : [[ 0.54375548]
 [-0.08428369]
 [ 0.26901664]]
result : [[ 0.76567943]
 [ 0.59366995]
 [ 0.36514378]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.10523791]
 [-0.6806234 ]
 [ 0.62383717]]
dot product : [[-0.29216155]
 [-0.88571217]]
result : [[ 0.35203059]
 [-0.46142744]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.35203059]
 [-0.46142744]]
dot product : [[ 0.92969759]
 [ 0.08966957]
 [ 0.51292939]]
result : [[ 1.15162154]
 [ 0.7676232 ]
 [ 0.60905653]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.43987726]
 [-0.18029201]
 [ 0.96571207]]
dot product : [[-0.36464728]
 [-0.48604365]]
result : [[ 0.27954486]
 [-0.06175893]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.27954486]
 [-0.06175893]]
dot product : [[ 0.45317528]
 [-0.12250998]
 [ 0.21235981]]
result : [[ 0.67509923]
 [ 0.55544366]
 [ 0.30848695]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.32441767]
 [-0.27805098]
 [ 0.89905324]]
dot product : [[-0.34800525]
 [-0.56769866]]
result : [[ 0.29618689]
 [-0.14341394]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.29618689]
 [-0.14341394]]
dot product : [[ 0.55312419]
 [-0.08022088]
 [ 0.27490137]]
result : [[ 0.77504814]
 [ 0.59773276]
 [ 0.37102851]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.8773334 ]
 [-0.93457826]
 [ 0.45803619]]
dot product : [[-0.11814635]
 [-1.28586516]]
result : [[ 0.52604579]
 [-0.86158043]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.52604579]
 [-0.86158043]]
dot product : [[ 1.55027459]
 [ 0.24339961]
 [ 0.87658357]]
result : [[ 1.77219853]
 [ 0.92135325]
 [ 0.97271071]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.78390241]
 [-1.10627369]
 [ 0.3363431 ]]
dot product : [[-0.17096602]
 [-1.31131261]]
result : [[ 0.47322611]
 [-0.88702788]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.47322611]
 [-0.88702788]]
dot product : [[ 1.49938055]
 [ 0.29014836]
 [ 0.86020985]]
result : [[ 1.7213045 ]
 [ 0.968102  ]
 [ 0.95633698]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.0896365]
 [-0.4953697]
 [ 0.750529 ]]
dot product : [[-0.31707213]
 [-0.74050227]]
result : [[ 0.32712   ]
 [-0.31621754]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.32712   ]
 [-0.31621754]]
dot product : [[ 0.75858072]
 [ 0.01175436]
 [ 0.40460598]]
result : [[ 0.98050467]
 [ 0.689708  ]
 [ 0.50073311]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.52840239]
 [-0.11323031]
 [ 1.01129402]]
dot product : [[-0.37864538]
 [-0.42631713]]
result : [[ 0.26554676]
 [-0.0020324 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.26554676]
 [-0.0020324 ]]
dot product : [[ 0.37748605]
 [-0.15238599]
 [ 0.16548526]]
result : [[ 0.59940999]
 [ 0.52556765]
 [ 0.26161239]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.69183527]
 [-0.02307173]
 [ 1.07188228]]
dot product : [[-0.40976808]
 [-0.32833078]]
result : [[ 0.23442406]
 [ 0.09595395]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.23442406]
 [ 0.09595395]]
dot product : [[ 0.2417735 ]
 [-0.19667904]
 [ 0.08353984]]
result : [[ 0.46369745]
 [ 0.4812746 ]
 [ 0.17966698]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.8708618 ]
 [-0.61292545]
 [ 0.68318458]]
dot product : [[-0.06946927]
 [-1.16590978]]
result : [[ 0.57472287]
 [-0.74162505]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.57472287]
 [-0.74162505]]
dot product : [[ 1.50687122]
 [ 0.13895553]
 [ 0.82991927]]
result : [[ 1.72879516]
 [ 0.81690917]
 [ 0.92604641]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.21820126]
 [-0.78523648]
 [ 0.55233957]]
dot product : [[-0.27728641]
 [-0.96887429]]
result : [[ 0.36690573]
 [-0.54458956]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.36690573]
 [-0.54458956]]
dot product : [[ 1.02855777]
 [ 0.1339395 ]
 [ 0.57534292]]
result : [[ 1.25048172]
 [ 0.81189314]
 [ 0.67147006]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.75549339]
 [-0.01066178]
 [ 1.0795801 ]]
dot product : [[-0.42545352]
 [-0.29845091]]
result : [[ 0.21873862]
 [ 0.12583382]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.21873862]
 [ 0.12583382]]
dot product : [[ 0.19162747]
 [-0.20660058]
 [ 0.05472124]]
result : [[ 0.41355142]
 [ 0.47135305]
 [ 0.15084837]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.13937598]
 [-0.71261405]
 [ 0.60196689]]
dot product : [[-0.28772522]
 [-0.9109814 ]]
result : [[ 0.35646692]
 [-0.48669667]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.35646692]
 [-0.48669667]]
dot product : [[ 0.95961858]
 [ 0.10316957]
 [ 0.53184239]]
result : [[ 1.18154252]
 [ 0.78112321]
 [ 0.62796953]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.89074637]
 [-0.35380162]
 [ 0.83717451]]
dot product : [[-0.51675832]
 [-0.36980698]]
result : [[ 0.12743382]
 [ 0.05447775]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.12743382]
 [ 0.05447775]]
dot product : [[ 0.12926098]
 [-0.10838863]
 [ 0.04393002]]
result : [[ 0.35118493]
 [ 0.56956501]
 [ 0.14005716]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.22934215]
 [-0.7953239 ]
 [ 0.54544921]]
dot product : [[-0.27578328]
 [-0.97699216]]
result : [[ 0.36840885]
 [-0.55270743]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.36840885]
 [-0.55270743]]
dot product : [[ 1.03828025]
 [ 0.13823135]
 [ 0.581467  ]]
result : [[ 1.2602042 ]
 [ 0.81618498]
 [ 0.67759414]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.84468781]
 [-0.43082952]
 [ 0.81029585]]
dot product : [[-0.04814704]
 [-1.08903547]]
result : [[ 0.5960451 ]
 [-0.66475074]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.5960451 ]
 [-0.66475074]]
dot product : [[ 1.46509189]
 [ 0.0777354 ]
 [ 0.79390983]]
result : [[ 1.68701584]
 [ 0.75568903]
 [ 0.89003697]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.45000473]
 [-0.17220518]
 [ 0.97121724]]
dot product : [[-0.36618361]
 [-0.47905943]]
result : [[ 0.27800853]
 [-0.0547747 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.27800853]
 [-0.0547747 ]]
dot product : [[ 0.44446667]
 [-0.12606178]
 [ 0.20694063]]
result : [[ 0.66639062]
 [ 0.55189186]
 [ 0.30306777]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.8641857 ]
 [-0.08405028]
 [ 1.02649209]]
dot product : [[-0.46707536]
 [-0.28194635]]
result : [[ 0.17711678]
 [ 0.14233838]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.17711678]
 [ 0.14233838]]
dot product : [[ 0.11731379]
 [-0.19300743]
 [ 0.01842544]]
result : [[ 0.33923773]
 [ 0.48494621]
 [ 0.11455258]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.85956852]
 [-0.52593896]
 [ 0.74392399]]
dot product : [[-0.05894859]
 [-1.12966907]]
result : [[ 0.58524355]
 [-0.70538435]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.58524355]
 [-0.70538435]]
dot product : [[ 1.48783831]
 [ 0.10982335]
 [ 0.81323326]]
result : [[ 1.70976226]
 [ 0.78777699]
 [ 0.90936039]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.80545352]
 [-1.09380872]
 [ 0.34540823]]
dot product : [[-0.16304075]
 [-1.31534638]]
result : [[ 0.48115139]
 [-0.89106165]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.48115139]
 [-0.89106165]]
dot product : [[ 1.51436462]
 [ 0.28812669]
 [ 0.86769122]]
result : [[ 1.73628857]
 [ 0.96608032]
 [ 0.96381836]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.74738816]
 [-1.11543764]
 [ 0.32935628]]
dot product : [[-0.18251799]
 [-1.30011529]]
result : [[ 0.46167415]
 [-0.87583057]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.46167415]
 [-0.87583057]]
dot product : [[ 1.47256351]
 [ 0.28971396]
 [ 0.8459021 ]]
result : [[ 1.69448746]
 [ 0.9676676 ]
 [ 0.94202924]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.11248479]
 [-0.47366382]
 [ 0.76537305]]
dot product : [[-0.31999507]
 [-0.72348221]]
result : [[ 0.32419707]
 [-0.29919748]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.32419707]
 [-0.29919748]]
dot product : [[ 0.73851963]
 [ 0.00262375]
 [ 0.39190743]]
result : [[ 0.96044358]
 [ 0.68057739]
 [ 0.48803457]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.36720003]
 [-0.24077752]
 [ 0.9244882 ]]
dot product : [[-0.35400705]
 [-0.53705912]]
result : [[ 0.29018509]
 [-0.11277439]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.29018509]
 [-0.11277439]]
dot product : [[ 0.51596363]
 [-0.09622961]
 [ 0.25158393]]
result : [[ 0.73788758]
 [ 0.58172403]
 [ 0.34771107]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.72041262]
 [-1.11554813]
 [ 0.32885824]]
dot product : [[-0.19000727]
 [-1.28941288]]
result : [[ 0.45418486]
 [-0.86512815]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.45418486]
 [-0.86512815]]
dot product : [[ 1.45195575]
 [ 0.28724307]
 [ 0.83442296]]
result : [[ 1.6738797 ]
 [ 0.96519671]
 [ 0.9305501 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.6015206 ]
 [-0.06581055]
 [ 1.04336123]]
dot product : [[-0.39145787]
 [-0.37989402]]
result : [[ 0.25273427]
 [ 0.04439071]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.25273427]
 [ 0.04439071]]
dot product : [[ 0.31592271]
 [-0.17448917]
 [ 0.12785676]]
result : [[ 0.53784666]
 [ 0.50346447]
 [ 0.22398389]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.04380197]
 [-0.53903629]
 [ 0.72066461]]
dot product : [[-0.31122804]
 [-0.7746903 ]]
result : [[ 0.3329641 ]
 [-0.35040557]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.3329641 ]
 [-0.35040557]]
dot product : [[ 0.79883881]
 [ 0.03011067]
 [ 0.43009663]]
result : [[ 1.02076275]
 [ 0.70806431]
 [ 0.52622376]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.15071471]
 [-0.72317733]
 [ 0.59474638]]
dot product : [[-0.28624197]
 [-0.91935171]]
result : [[ 0.35795017]
 [-0.49506698]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.35795017]
 [-0.49506698]]
dot product : [[ 0.96954919]
 [ 0.10763342]
 [ 0.53811573]]
result : [[ 1.19147314]
 [ 0.78558706]
 [ 0.63424287]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.85618893]
 [-0.50293269]
 [ 0.75998228]]
dot product : [[-0.05627485]
 [-1.11992769]]
result : [[ 0.58791729]
 [-0.69564296]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.58791729]
 [-0.69564296]]
dot product : [[ 1.48250425]
 [ 0.10208194]
 [ 0.80865278]]
result : [[ 1.7044282 ]
 [ 0.78003558]
 [ 0.90477991]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.77743051]
 [-0.09431641]
 [ 1.04490281]]
dot product : [[-0.01397529]
 [-0.93944994]]
result : [[ 0.63021685]
 [-0.51516521]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.63021685]
 [-0.51516521]]
dot product : [[ 1.37344531]
 [-0.0371544 ]
 [ 0.71931637]]
result : [[ 1.59536926]
 [ 0.64079924]
 [ 0.81544351]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.5761078 ]
 [-1.06372307]
 [ 0.36290032]]
dot product : [[-0.22184651]
 [-1.21303283]]
result : [[ 0.42234563]
 [-0.7887481 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.42234563]
 [-0.7887481 ]]
dot product : [[ 1.3354484 ]
 [ 0.25710304]
 [ 0.76586064]]
result : [[ 1.55737235]
 [ 0.93505667]
 [ 0.86198778]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.74083576]
 [-1.11590179]
 [ 0.32892906]]
dot product : [[-0.18440576]
 [-1.29767525]]
result : [[ 0.45978637]
 [-0.87339052]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.45978637]
 [-0.87339052]]
dot product : [[ 1.46761014]
 [ 0.28925496]
 [ 0.8431735 ]]
result : [[ 1.68953409]
 [ 0.9672086 ]
 [ 0.93930063]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.82007365]
 [-1.08094931]
 [ 0.3546415 ]]
dot product : [[-0.15697338]
 [-1.31647602]]
result : [[ 0.48721876]
 [-0.89219129]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.48721876]
 [-0.89219129]]
dot product : [[ 1.52400327]
 [ 0.28533364]
 [ 0.87216547]]
result : [[ 1.74592722]
 [ 0.96328728]
 [ 0.96829261]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.88137046]
 [-0.8976838 ]
 [ 0.48393586]]
dot product : [[-0.11123912]
 [-1.27400928]]
result : [[ 0.53295302]
 [-0.84972455]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.53295302]
 [-0.84972455]]
dot product : [[ 1.5489496 ]
 [ 0.23186369]
 [ 0.87326753]]
result : [[ 1.77087355]
 [ 0.90981733]
 [ 0.96939466]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.46006334]
 [-0.16426831]
 [ 0.97661847]]
dot product : [[-0.36772439]
 [-0.47215735]]
result : [[ 0.27646775]
 [-0.04787263]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.27646775]
 [-0.04787263]]
dot product : [[ 0.43582863]
 [-0.12955877]
 [ 0.20157127]]
result : [[ 0.65775258]
 [ 0.54839487]
 [ 0.29769841]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.41942256]
 [-0.19690025]
 [ 0.95440051]]
dot product : [[-0.36158749]
 [-0.50025024]]
result : [[ 0.28260465]
 [-0.07596552]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.28260465]
 [-0.07596552]]
dot product : [[ 0.47079716]
 [-0.11524751]
 [ 0.22334261]]
result : [[ 0.69272111]
 [ 0.56270613]
 [ 0.31946974]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.38085591]
 [-0.92606427]
 [ 0.45625618]]
dot product : [[-0.25432963]
 [-1.08504101]]
result : [[ 0.38986251]
 [-0.66075628]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.38986251]
 [-0.66075628]]
dot product : [[ 1.16973333]
 [ 0.19451834]
 [ 0.66387326]]
result : [[ 1.39165728]
 [ 0.87247198]
 [ 0.7600004 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.87538845]
 [-0.50225611]
 [ 0.73345324]]
dot product : [[-0.53579792]
 [-0.4300974 ]]
result : [[ 0.10839422]
 [-0.00581267]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.10839422]
 [-0.00581267]]
dot product : [[ 0.15875003]
 [-0.05903436]
 [ 0.07073857]]
result : [[ 0.38067398]
 [ 0.61891928]
 [ 0.16686571]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.88261408]
 [-0.14319077]
 [ 0.98478939]]
dot product : [[-0.4814594 ]
 [-0.29618908]]
result : [[ 0.16273273]
 [ 0.12809564]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.16273273]
 [ 0.12809564]]
dot product : [[ 0.11029728]
 [-0.17562681]
 [ 0.01864603]]
result : [[ 0.33222123]
 [ 0.50232682]
 [ 0.11477317]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.45257334]
 [-0.98203513]
 [ 0.41817889]]
dot product : [[-0.24324686]
 [-1.13402675]]
result : [[ 0.40094527]
 [-0.70974202]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.40094527]
 [-0.70974202]]
dot product : [[ 1.23124822]
 [ 0.21925201]
 [ 0.70207214]]
result : [[ 1.45317217]
 [ 0.89720565]
 [ 0.79819928]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.88371162]
 [-0.85694283]
 [ 0.51250275]]
dot product : [[-0.10419809]
 [-1.26007436]]
result : [[ 0.53999405]
 [-0.83578963]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.53999405]
 [-0.83578963]]
dot product : [[ 1.54586834]
 [ 0.21892837]
 [ 0.8687038 ]]
result : [[ 1.76779229]
 [ 0.89688201]
 [ 0.96483094]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.89352823]
 [-0.26187376]
 [ 0.90150702]]
dot product : [[-0.50310473]
 [-0.33515265]]
result : [[ 0.14108741]
 [ 0.08913208]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.14108741]
 [ 0.08913208]]
dot product : [[ 0.11614369]
 [-0.13832521]
 [ 0.03019619]]
result : [[ 0.33806764]
 [ 0.53962843]
 [ 0.12632333]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.62740077]
 [-0.05140675]
 [ 1.05304444]]
dot product : [[-0.39636635]
 [-0.36433124]]
result : [[ 0.24782579]
 [ 0.05995348]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.24782579]
 [ 0.05995348]]
dot product : [[ 0.29441699]
 [-0.18154409]
 [ 0.1148631 ]]
result : [[ 0.51634093]
 [ 0.49640955]
 [ 0.21099023]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.19582107]
 [-0.76482712]
 [ 0.56628298]]
dot product : [[-0.28028311]
 [-0.95251378]]
result : [[ 0.36390902]
 [-0.52822905]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.36390902]
 [-0.52822905]]
dot product : [[ 1.00900952]
 [ 0.12527096]
 [ 0.56302081]]
result : [[ 1.23093347]
 [ 0.8032246 ]
 [ 0.65914795]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.85550694]
 [-1.02321488]
 [ 0.39562474]]
dot product : [[-0.13809978]
 [-1.30951842]]
result : [[ 0.50609236]
 [-0.88523369]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.50609236]
 [-0.88523369]]
dot product : [[ 1.54418698]
 [ 0.26998705]
 [ 0.87938257]]
result : [[ 1.76611093]
 [ 0.94794069]
 [ 0.97550971]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.40909873]
 [-0.20541402]
 [ 0.94859942]]
dot product : [[-0.36006377]
 [-0.50746846]]
result : [[ 0.28412837]
 [-0.08318374]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.28412837]
 [-0.08318374]]
dot product : [[ 0.47970692]
 [-0.11153963]
 [ 0.22890373]]
result : [[ 0.70163087]
 [ 0.56641401]
 [ 0.32503086]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.76825116]
 [-0.01096956]
 [ 1.07916561]]
dot product : [[-0.42903559]
 [-0.29348257]]
result : [[ 0.21515655]
 [ 0.13080216]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.21515655]
 [ 0.13080216]]
dot product : [[ 0.18191182]
 [-0.20768667]
 [ 0.04932719]]
result : [[ 0.40383577]
 [ 0.47026697]
 [ 0.14545432]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.87372259]
 [-0.95708859]
 [ 0.44221619]]
dot product : [[-0.12267854]
 [-1.2926417 ]]
result : [[ 0.5215136 ]
 [-0.86835697]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.5215136 ]
 [-0.86835697]]
dot product : [[ 1.55020566]
 [ 0.25033136]
 [ 0.87811775]]
result : [[ 1.77212961]
 [ 0.928285  ]
 [ 0.97424489]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.37776181]
 [-0.23174803]
 [ 0.93064673]]
dot product : [[-0.35551576]
 [-0.52955794]]
result : [[ 0.28867638]
 [-0.10527321]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.28867638]
 [-0.10527321]]
dot product : [[ 0.50681032]
 [-0.1001261 ]
 [ 0.24585102]]
result : [[ 0.72873427]
 [ 0.57782754]
 [ 0.34197816]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.24044795]
 [-0.80532804]
 [ 0.53861663]]
dot product : [[-0.27427681]
 [-0.98506566]]
result : [[ 0.36991533]
 [-0.56078093]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.36991533]
 [-0.56078093]]
dot product : [[ 1.04796597]
 [ 0.14249304]
 [ 0.58756476]]
result : [[ 1.26988991]
 [ 0.82044668]
 [ 0.6836919 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.6839231 ]
 [-1.10936775]
 [ 0.33261725]]
dot product : [[-0.19914475]
 [-1.27262593]]
result : [[ 0.44504739]
 [-0.8483412 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.44504739]
 [-0.8483412 ]]
dot product : [[ 1.42332308]
 [ 0.28185719]
 [ 0.8180312 ]]
result : [[ 1.64524702]
 [ 0.95981083]
 [ 0.91415834]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.59381163]
 [-1.07330163]
 [ 0.35646866]]
dot product : [[-0.21844567]
 [-1.22357863]]
result : [[ 0.42574646]
 [-0.7992939 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.42574646]
 [-0.7992939 ]]
dot product : [[ 1.35012697]
 [ 0.26184043]
 [ 0.77471172]]
result : [[ 1.57205092]
 [ 0.93979406]
 [ 0.87083885]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.87164646]
 [-0.96772944]
 [ 0.43473216]]
dot product : [[-0.12492323]
 [-1.29569798]]
result : [[ 0.51926891]
 [-0.87141325]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.51926891]
 [-0.87141325]]
dot product : [[ 1.5498908 ]
 [ 0.25357375]
 [ 0.87868563]]
result : [[ 1.77181475]
 [ 0.93152739]
 [ 0.97481277]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.8608687 ]
 [-0.07711913]
 [ 1.03139762]]
dot product : [[-0.46506904]
 [-0.28073798]]
result : [[ 0.1791231 ]
 [ 0.14354675]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.1791231 ]
 [ 0.14354675]]
dot product : [[ 0.11902074]
 [-0.19493688]
 [ 0.01889268]]
result : [[ 0.34094468]
 [ 0.48301676]
 [ 0.11501982]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.66850921]
 [-1.10502797]
 [ 0.33541597]]
dot product : [[-0.2027333 ]
 [-1.26490383]]
result : [[ 0.44145884]
 [-0.8406191 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.44145884]
 [-0.8406191 ]]
dot product : [[ 1.41102135]
 [ 0.27902388]
 [ 0.81087098]]
result : [[ 1.6329453 ]
 [ 0.95697752]
 [ 0.90699811]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.6841651 ]
 [-0.02576757]
 [ 1.07011403]]
dot product : [[-0.40806652]
 [-0.33236912]]
result : [[ 0.23612562]
 [ 0.09191561]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.23612562]
 [ 0.09191561]]
dot product : [[ 0.24795913]
 [-0.195096  ]
 [ 0.08717608]]
result : [[ 0.46988308]
 [ 0.48285764]
 [ 0.18330322]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.56711552]
 [-1.05861197]
 [ 0.36633933]]
dot product : [[-0.22353531]
 [-1.20758659]]
result : [[ 0.42065683]
 [-0.78330186]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.42065683]
 [-0.78330186]]
dot product : [[ 1.32796334]
 [ 0.2546174 ]
 [ 0.76133136]]
result : [[ 1.54988728]
 [ 0.93257104]
 [ 0.8574585 ]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.7843778 ]
 [-0.12539678]
 [ 1.02324597]]
dot product : [[-0.0169277 ]
 [-0.95355854]]
result : [[ 0.62726444]
 [-0.52927381]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.62726444]
 [-0.52927381]]
dot product : [[ 1.38247196]
 [-0.02647484]
 [ 0.72651918]]
result : [[ 1.60439591]
 [ 0.6514788 ]
 [ 0.82264632]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.35658302]
 [-0.24992639]
 [ 0.91824693]]
dot product : [[-0.35250177]
 [-0.54462586]]
result : [[ 0.29169037]
 [-0.12034113]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.29169037]
 [-0.12034113]]
dot product : [[ 0.52517344]
 [-0.09228945]
 [ 0.25735667]]
result : [[ 0.74709739]
 [ 0.58566419]
 [ 0.35348381]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.54721097]
 [-0.10021561]
 [ 1.02011474]]
dot product : [[-0.38181306]
 [-0.41407745]]
result : [[ 0.26237908]
 [ 0.01020728]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.26237908]
 [ 0.01020728]]
dot product : [[ 0.36155215]
 [-0.15833536]
 [ 0.1556944 ]]
result : [[ 0.5834761 ]
 [ 0.51961828]
 [ 0.25182154]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.19185916]
 [-0.39888405]
 [ 0.81650256]]
dot product : [[-0.33024747]
 [-0.66458339]]
result : [[ 0.31394467]
 [-0.24029866]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.31394467]
 [-0.24029866]]
dot product : [[ 0.66890277]
 [-0.02889368]
 [ 0.34787845]]
result : [[ 0.89082672]
 [ 0.64905995]
 [ 0.44400559]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.34591249]
 [-0.2591908 ]
 [ 0.91192558]]
dot product : [[-0.35099979]
 [-0.55225608]]
result : [[ 0.29319235]
 [-0.12797135]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.29319235]
 [-0.12797135]]
dot product : [[ 0.53443797]
 [-0.08830702]
 [ 0.26316799]]
result : [[ 0.75636192]
 [ 0.58964662]
 [ 0.35929513]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.88430752]
 [-0.82759425]
 [ 0.53306447]]
dot product : [[-0.09942803]
 [-1.24960173]]
result : [[ 0.54476411]
 [-0.825317  ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.54476411]
 [-0.825317  ]]
dot product : [[ 1.54281499]
 [ 0.20950881]
 [ 0.86495152]]
result : [[ 1.76473894]
 [ 0.88746245]
 [ 0.96107866]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.8261106 ]
 [-0.32735242]
 [ 0.88246983]]
dot product : [[-0.03705643]
 [-1.04387623]]
result : [[ 0.60713571]
 [-0.6195915 ]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.60713571]
 [-0.6195915 ]]
dot product : [[ 1.43851933]
 [ 0.04260254]
 [ 0.77186912]]
result : [[ 1.66044328]
 [ 0.72055618]
 [ 0.86799626]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.88232077]
 [-0.74634198]
 [ 0.58993341]]
dot product : [[-0.08722927]
 [-1.2191598 ]]
result : [[ 0.55696287]
 [-0.79487507]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.55696287]
 [-0.79487507]]
dot product : [[ 1.53158188]
 [ 0.18309263]
 [ 0.85301375]]
result : [[ 1.75350582]
 [ 0.86104627]
 [ 0.94914089]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[ 0.18458517]
 [-0.75451282]
 [ 0.57333073]]
dot product : [[-0.28177696]
 [-0.94427528]]
result : [[ 0.36241518]
 [-0.51999055]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.36241518]
 [-0.51999055]]
dot product : [[ 0.99918728]
 [ 0.12089704]
 [ 0.55682528]]
result : [[ 1.22111123]
 [ 0.79885068]
 [ 0.65295242]]
weights:  [[ 0.28003415  0.29361948 -0.19522318]
 [-0.38978981  0.74439025 -0.5418755 ]]
biases:  [[ 0.64419214]
 [ 0.42428473]]
inputs : [[-0.66048242]
 [-0.03533603]
 [ 1.06378268]]
dot product : [[-0.40300802]
 [-0.34529225]]
result : [[ 0.24118412]
 [ 0.07899248]]
weights:  [[ 1.41438055 -0.93577526]
 [-0.57872402 -0.63584888]
 [ 0.61828922 -0.63991139]]
biases:  [[ 0.22192395]
 [ 0.67795364]
 [ 0.09612714]]
inputs : [[ 0.24118412]
 [ 0.07899248]]
dot product : [[ 0.26720692]
 [-0.18980632]
 [ 0.09857335]]
result : [[ 0.48913087]
 [ 0.48814732]
 [ 0.19470049]]
Epoch 1: Score [[ 1.13595006]
 [ 1.93773111]
 [ 0.33164628]] / 300
input:  [[ 0.05949974]
 [-0.63741001]
 [ 0.65338569]]
activations:  [array([[ 0.05949974],
       [-0.63741001],
       [ 0.65338569]]), array([[ 0.34614207],
       [-0.42744316]]), array([[ 1.11149129],
       [ 0.74942216],
       [ 0.58366879]])]
cost derivative:  [[ 1.05199156]
 [ 1.38683218]
 [-0.06971689]]
unit step:  1
delta:  [[ 1.05199156]
 [ 1.38683218]
 [-0.06971689]]
delta b updated:  [array([[ 0.2222987 ],
       [ 0.77864359]]), array([[ 1.05199156],
       [ 1.38683218],
       [-0.06971689]])]
delta w updated: [array([[ 0.01322671, -0.14169542,  0.14524679],
       [ 0.04632909, -0.49631522,  0.50875458]]), array([[ 0.36413853, -0.4496666 ],
       [ 0.48004096, -0.59279193],
       [-0.02413195,  0.02980001]])]
input:  [[-0.47996716]
 [-0.14885975]
 [ 0.98709849]]
activations:  [array([[-0.47996716],
       [-0.14885975],
       [ 0.98709849]]), array([[ 0.2732455 ],
       [-0.03476737]]), array([[ 0.64054248],
       [ 0.54141382],
       [ 0.2873457 ]])]
cost derivative:  [[ 1.12050963]
 [ 0.69027358]
 [-0.69975279]]
unit step:  1
delta:  [[ 1.12050963]
 [ 0.69027358]
 [-0.69975279]]
delta b updated:  [array([[ 0.20560288],
       [ 0.03613594]]), array([[ 1.12050963],
       [ 0.69027358],
       [-0.69975279]])]
delta w updated: [array([[-0.09868263, -0.03060599,  0.20295029],
       [-0.01734407, -0.00537919,  0.03566973]]), array([[ 0.30617422, -0.03895717],
       [ 0.18861415, -0.023999  ],
       [-0.1912043 ,  0.02432856]])]
input:  [[-0.88785181]
 [-0.17443756]
 [ 0.96282598]]
activations:  [array([[-0.88785181],
       [-0.17443756],
       [ 0.96282598]]), array([[ 0.1560894 ],
       [ 0.11831197]]), array([[ 0.33124057],
       [ 0.51168959],
       [ 0.11719191]])]
cost derivative:  [[ 1.21909238]
 [ 0.68612715]
 [-0.84563407]]
unit step:  1
delta:  [[ 1.21909238]
 [ 0.68612715]
 [-0.84563407]]
delta b updated:  [array([[ 0.12547244],
       [-0.12252197]]), array([[ 1.21909238],
       [ 0.68612715],
       [-0.84563407]])]
delta w updated: [array([[-0.11140093, -0.02188711,  0.12080812],
       [ 0.10878135,  0.02137243, -0.11796734]]), array([[ 0.19028739,  0.14423322],
       [ 0.10709717,  0.08117705],
       [-0.13199451, -0.10004863]])]
input:  [[ 0.54885873]
 [-1.04776523]
 [ 0.37365046]]
activations:  [array([[ 0.54885873],
       [-1.04776523],
       [ 0.37365046]]), array([[ 0.41702714],
       [-0.77254989]]), array([[ 1.53335325],
       [ 0.92666816],
       [ 0.84890882]])]
cost derivative:  [[ 0.98449452]
 [ 1.97443339]
 [ 0.47525836]]
unit step:  1
delta:  [[ 0.98449452]
 [ 1.97443339]
 [ 0.47525836]]
delta b updated:  [array([[ 0.22640697],
       [ 1.91619977]]), array([[ 0.98449452],
       [ 1.97443339],
       [ 0.47525836]])]
delta w updated: [array([[ 0.12426544, -0.23722135,  0.08459707],
       [ 1.05172297, -2.0077275 ,  0.71598892]]), array([[ 0.41056093, -0.76057114],
       [ 0.8233923 , -1.52534831],
       [ 0.19819563, -0.3671608 ]])]
input:  [[-0.79480844]
 [-0.92433828]
 [ 0.43913113]]
activations:  [array([[-0.79480844],
       [-0.92433828],
       [ 0.43913113]]), array([[ 0.06399321],
       [-0.19341802]]), array([[ 0.49187345],
       [ 0.76215765],
       [ 0.25982034]])]
cost derivative:  [[ 1.28668189]
 [ 1.68649593]
 [-0.17931078]]
unit step:  1
delta:  [[ 1.28668189]
 [ 1.68649593]
 [-0.17931078]]
delta b updated:  [array([[ 0.04681252],
       [ 0.41779275]]), array([[ 1.28668189],
       [ 1.68649593],
       [-0.17931078]])]
delta w updated: [array([[-0.03720698, -0.0432706 ,  0.02055683],
       [-0.33206521, -0.38618183,  0.1834658 ]]), array([[ 0.08233891, -0.24886747],
       [ 0.1079243 , -0.32619871],
       [-0.01147467,  0.03468194]])]
input:  [[ 0.10523791]
 [-0.6806234 ]
 [ 0.62383717]]
activations:  [array([[ 0.10523791],
       [-0.6806234 ],
       [ 0.62383717]]), array([[ 0.35153182],
       [-0.46339407]]), array([[ 1.15050112],
       [ 0.76645219],
       [ 0.61040671]])]
cost derivative:  [[ 1.0452632 ]
 [ 1.44707558]
 [-0.01343046]]
unit step:  1
delta:  [[ 1.0452632 ]
 [ 1.44707558]
 [-0.01343046]]
delta b updated:  [array([[ 0.22193712],
       [ 0.87490518]]), array([[ 1.0452632 ],
       [ 1.44707558],
       [-0.01343046]])]
delta w updated: [array([[ 0.0233562 , -0.1510556 ,  0.13845263],
       [ 0.0920732 , -0.59548094,  0.54579837]]), array([[ 0.36744328, -0.48436878],
       [ 0.50869311, -0.67056625],
       [-0.00472124,  0.0062236 ]])]
input:  [[ 0.45257334]
 [-0.98203513]
 [ 0.41817889]]
activations:  [array([[ 0.45257334],
       [-0.98203513],
       [ 0.41817889]]), array([[ 0.40030464],
       [-0.71258234]]), array([[ 1.4520217 ],
       [ 0.89573671],
       [ 0.79999859]])]
cost derivative:  [[ 0.99944836]
 [ 1.87777185]
 [ 0.3818197 ]]
unit step:  1
delta:  [[ 0.99944836]
 [ 1.87777185]
 [ 0.3818197 ]]
delta b updated:  [array([[ 0.2245807 ],
       [ 1.68952938]]), array([[ 0.99944836],
       [ 1.87777185],
       [ 0.3818197 ]])]
delta w updated: [array([[ 0.10163924, -0.22054614,  0.09391491],
       [ 0.76463595, -1.65917721,  0.70652552]]), array([[ 0.40008382, -0.71218926],
       [ 0.75168078, -1.33806707],
       [ 0.1528442 , -0.27207798]])]
input:  [[ 0.34920177]
 [-0.89994823]
 [ 0.47405128]]
activations:  [array([[ 0.34920177],
       [-0.89994823],
       [ 0.47405128]]), array([[ 0.38438498],
       [-0.6426291 ]]), array([[ 1.36355976],
       [ 0.85954431],
       [ 0.74519442]])]
cost derivative:  [[ 1.01435798]
 [ 1.75949254]
 [ 0.27114315]]
unit step:  1
delta:  [[ 1.01435798]
 [ 1.75949254]
 [ 0.27114315]]
delta b updated:  [array([[ 0.22356448],
       [ 1.43819837]]), array([[ 1.01435798],
       [ 1.75949254],
       [ 0.27114315]])]
delta w updated: [array([[ 0.07806911, -0.20119646,  0.10598103],
       [ 0.50222142, -1.29430408,  0.68177977]]), array([[ 0.38990397, -0.65185596],
       [ 0.6763225 , -1.1307011 ],
       [ 0.10422335, -0.17424448]])]
input:  [[ 0.01360924]
 [-0.59378189]
 [ 0.68322227]]
activations:  [array([[ 0.01360924],
       [-0.59378189],
       [ 0.68322227]]), array([[ 0.33936198],
       [-0.39761365]]), array([[ 1.07037222],
       [ 0.72939808],
       [ 0.56049618]])]
cost derivative:  [[ 1.05676298]
 [ 1.32317997]
 [-0.12272609]]
unit step:  1
delta:  [[ 1.05676298]
 [ 1.32317997]
 [-0.12272609]]
delta b updated:  [array([[ 0.22076885],
       [ 0.69509597]]), array([[ 1.05676298],
       [ 1.32317997],
       [-0.12272609]])]
delta w updated: [array([[ 0.0030045 , -0.13108855,  0.1508342 ],
       [ 0.00945973, -0.4127354 ,  0.47490505]]), array([[ 0.35862518, -0.42018339],
       [ 0.44903698, -0.52611442],
       [-0.04164857,  0.04879757]])]
input:  [[ 0.76625553]
 [-1.11224554]
 [ 0.33188589]]
activations:  [array([[ 0.76625553],
       [-1.11224554],
       [ 0.33188589]]), array([[ 0.46624942],
       [-0.88827022]]), array([[ 1.70782128],
       [ 0.96622409],
       [ 0.95285012]])]
cost derivative:  [[ 0.94156575]
 [ 2.07846963]
 [ 0.62096423]]
unit step:  1
delta:  [[ 0.94156575]
 [ 2.07846963]
 [ 0.62096423]]
delta b updated:  [array([[ 0.23734935],
       [ 2.30466946]]), array([[ 0.94156575],
       [ 2.07846963],
       [ 0.62096423]])]
delta w updated: [array([[ 0.18187025, -0.26399076,  0.0787729 ],
       [ 1.76596573, -2.56335833,  0.76488728]]), array([[ 0.43900449, -0.83636481],
       [ 0.96908527, -1.84624267],
       [ 0.28952421, -0.55158403]])]
input:  [[ 0.87867669]
 [-0.69203369]
 [ 0.62790797]]
activations:  [array([[ 0.87867669],
       [-0.69203369],
       [ 0.62790797]]), array([[ 0.56316998],
       [-0.78122765]]), array([[ 1.74415853],
       [ 0.84079915],
       [ 0.94389817]])]
cost derivative:  [[ 0.86548183]
 [ 1.53283284]
 [ 0.3159902 ]]
unit step:  1
delta:  [[ 0.86548183]
 [ 1.53283284]
 [ 0.3159902 ]]
delta b updated:  [array([[ 0.2978213 ],
       [ 1.54783921]]), array([[ 0.86548183],
       [ 1.53283284],
       [ 0.3159902 ]])]
delta w updated: [array([[ 0.26168864, -0.20610238,  0.18700437],
       [ 1.36005024, -1.07115689,  0.97190058]]), array([[ 0.48741339, -0.67613834],
       [ 0.86324544, -1.1974914 ],
       [ 0.17795619, -0.24686028]])]
input:  [[-0.07819255]
 [-0.50626023]
 [ 0.74308096]]
activations:  [array([[-0.07819255],
       [-0.50626023],
       [ 0.74308096]]), array([[ 0.32723683],
       [-0.33159073]]), array([[ 0.99021224],
       [ 0.6922827 ],
       [ 0.51036817]])]
cost derivative:  [[ 1.0684048 ]
 [ 1.19854294]
 [-0.23271279]]
unit step:  1
delta:  [[ 1.0684048 ]
 [ 1.19854294]
 [-0.23271279]]
delta b updated:  [array([[ 0.21922991],
       [ 0.53307262]]), array([[ 1.0684048 ],
       [ 1.19854294],
       [-0.23271279]])]
delta w updated: [array([[-0.01714215, -0.11098739,  0.16290557],
       [-0.04168231, -0.26987347,  0.39611612]]), array([[ 0.34962139, -0.35427313],
       [ 0.39220738, -0.39742573],
       [-0.07615219,  0.0771654 ]])]
input:  [[ 0.84039431]
 [-0.40575427]
 [ 0.82778877]]
activations:  [array([[ 0.84039431],
       [-0.40575427],
       [ 0.82778877]]), array([[ 0.59717027],
       [-0.6624862 ]]), array([[ 1.68023276],
       [ 0.74436345],
       [ 0.88889913]])]
cost derivative:  [[ 0.83983845]
 [ 1.15011772]
 [ 0.06111036]]
unit step:  1
delta:  [[ 0.83983845]
 [ 1.15011772]
 [ 0.06111036]]
delta b updated:  [array([[ 0.33229114],
       [ 1.02758209]]), array([[ 0.83983845],
       [ 1.15011772],
       [ 0.06111036]])]
delta w updated: [array([[ 0.27925559, -0.13482855,  0.27506688],
       [ 0.86357414, -0.41694582,  0.85062092]]), array([[ 0.50152656, -0.55638139],
       [ 0.68681612, -0.76193712],
       [ 0.03649329, -0.04048477]])]
input:  [[ 0.86939212]
 [-0.97796583]
 [ 0.42752859]]
activations:  [array([[ 0.86939212],
       [-0.97796583],
       [ 0.42752859]]), array([[ 0.5150018 ],
       [-0.88501372]]), array([[ 1.77142722],
       [ 0.93215297],
       [ 0.98035606]])]
cost derivative:  [[ 0.9020351 ]
 [ 1.9101188 ]
 [ 0.55282747]]
unit step:  1
delta:  [[ 0.9020351 ]
 [ 1.9101188 ]
 [ 0.55282747]]
delta b updated:  [array([[ 0.26072048],
       [ 2.12737807]]), array([[ 0.9020351 ],
       [ 1.9101188 ],
       [ 0.55282747]])]
delta w updated: [array([[ 0.22666833, -0.25497572,  0.11146546],
       [ 1.84952574, -2.08050306,  0.90951495]]), array([[ 0.4645497 , -0.79831344],
       [ 0.98371462, -1.69048135],
       [ 0.28470714, -0.4892599 ]])]
input:  [[-0.84591795]
 [-0.68208683]
 [ 0.60797968]]
activations:  [array([[-0.84591795],
       [-0.68208683],
       [ 0.60797968]]), array([[ 0.08673952],
       [-0.09055464]]), array([[ 0.42419242],
       [ 0.67784232],
       [ 0.20744921]])]
cost derivative:  [[ 1.27011037]
 [ 1.35992915]
 [-0.40053047]]
unit step:  1
delta:  [[ 1.27011037]
 [ 1.35992915]
 [-0.40053047]]
delta b updated:  [array([[ 0.06558105],
       [ 0.16199322]]), array([[ 1.27011037],
       [ 1.35992915],
       [-0.40053047]])]
delta w updated: [array([[-0.05547618, -0.04473197,  0.03987194],
       [-0.13703297, -0.11049344,  0.09848858]]), array([[ 0.11016877, -0.11501439],
       [ 0.11795961, -0.1231479 ],
       [-0.03474182,  0.03626989]])]
input:  [[ 0.69145814]
 [-1.11114508]
 [ 0.33149012]]
activations:  [array([[ 0.69145814],
       [-1.11114508],
       [ 0.33149012]]), array([[ 0.4445632 ],
       [-0.86474808]]), array([[ 1.65191362],
       [ 0.95848927],
       [ 0.9236396 ]])]
cost derivative:  [[ 0.96045548]
 [ 2.06963435]
 [ 0.59214949]]
unit step:  1
delta:  [[ 0.96045548]
 [ 2.06963435]
 [ 0.59214949]]
delta b updated:  [array([[ 0.23091262],
       [ 2.23340421]]), array([[ 0.96045548],
       [ 2.06963435],
       [ 0.59214949]])]
delta w updated: [array([[ 0.15966641, -0.25657742,  0.07654525],
       [ 1.54430553, -2.48163609,  0.74035142]]), array([[ 0.42698317, -0.83055203],
       [ 0.92008327, -1.78971233],
       [ 0.26324787, -0.51206013]])]
input:  [[-0.23663819]
 [-0.35734895]
 [ 0.84489076]]
activations:  [array([[-0.23663819],
       [-0.35734895],
       [ 0.84489076]]), array([[ 0.30617362],
       [-0.21672167]]), array([[ 0.85109136],
       [ 0.62859971],
       [ 0.42359634]])]
cost derivative:  [[ 1.08772954]
 [ 0.98594867]
 [-0.42129442]]
unit step:  1
delta:  [[ 1.08772954]
 [ 0.98594867]
 [-0.42129442]]
delta b updated:  [array([[ 0.21509133],
       [ 0.29651104]]), array([[ 1.08772954],
       [ 0.98594867],
       [-0.42129442]])]
delta w updated: [array([[-0.05089882, -0.07686266,  0.18172867],
       [-0.07016584, -0.10595791,  0.25051944]]), array([[ 0.3330341 , -0.23573456],
       [ 0.30187148, -0.21367644],
       [-0.12898924,  0.09130363]])]
input:  [[-0.83105005]
 [-0.75801209]
 [ 0.55504205]]
activations:  [array([[-0.83105005],
       [-0.75801209],
       [ 0.55504205]]), array([[ 0.07861173],
       [-0.12583278]]), array([[ 0.44446396],
       [ 0.70326265],
       [ 0.22503489]])]
cost derivative:  [[ 1.27551401]
 [ 1.46127474]
 [-0.33000716]]
unit step:  1
delta:  [[ 1.27551401]
 [ 1.46127474]
 [-0.33000716]]
delta b updated:  [array([[ 0.05875092],
       [ 0.23927944]]), array([[ 1.27551401],
       [ 1.46127474],
       [-0.33000716]])]
delta w updated: [array([[-0.04882495, -0.04453391,  0.03260923],
       [-0.19885319, -0.18137671,  0.13281015]]), array([[ 0.10027037, -0.16050148],
       [ 0.11487334, -0.18387627],
       [-0.02594243,  0.04152572]])]
input:  [[-0.8199447 ]
 [-0.81128412]
 [ 0.51790952]]
activations:  [array([[-0.8199447 ],
       [-0.81128412],
       [ 0.51790952]]), array([[ 0.07325649],
       [-0.15011132]]), array([[ 0.45911894],
       [ 0.72120301],
       [ 0.2373547 ]])]
cost derivative:  [[ 1.27906364]
 [ 1.53248713]
 [-0.28055481]]
unit step:  1
delta:  [[ 1.27906364]
 [ 1.53248713]
 [-0.28055481]]
delta b updated:  [array([[ 0.05431185],
       [ 0.29741022]]), array([[ 1.27906364],
       [ 1.53248713],
       [-0.28055481]])]
delta w updated: [array([[-0.04453272, -0.04406234,  0.02812863],
       [-0.24385994, -0.24128419,  0.15403159]]), array([[ 0.09369971, -0.19200193],
       [ 0.11226463, -0.23004367],
       [-0.02055246,  0.04211445]])]
input:  [[ 0.77023174]
 [-0.06266718]
 [ 1.0669541 ]]
activations:  [array([[ 0.77023174],
       [-0.06266718],
       [ 1.0669541 ]]), array([[ 0.63085482],
       [-0.51274686]]), array([[ 1.58452173],
       [ 0.62503672],
       [ 0.81383025]])]
cost derivative:  [[ 0.81428999]
 [ 0.68770391]
 [-0.25312385]]
unit step:  1
delta:  [[ 0.81428999]
 [ 0.68770391]
 [-0.25312385]]
delta b updated:  [array([[ 0.37436414],
       [ 0.5290996 ]]), array([[ 0.81428999],
       [ 0.68770391],
       [-0.25312385]])]
delta w updated: [array([[ 0.28834714, -0.02346035,  0.39942935],
       [ 0.40752931, -0.03315718,  0.56452499]]), array([[ 0.51369876, -0.41752463],
       [ 0.43384132, -0.35261802],
       [-0.1596844 ,  0.12978846]])]
input:  [[ 0.70617593]
 [-1.1138955 ]
 [ 0.32979354]]
activations:  [array([[ 0.70617593],
       [-1.1138955 ],
       [ 0.32979354]]), array([[ 0.44757558],
       [-0.87452936]]), array([[ 1.66273947],
       [ 0.9595838 ],
       [ 0.93193531]])]
cost derivative:  [[ 0.95656353]
 [ 2.07347931]
 [ 0.60214177]]
unit step:  1
delta:  [[ 0.95656353]
 [ 2.07347931]
 [ 0.60214177]]
delta b updated:  [array([[ 0.23099459],
       [ 2.26097737]]), array([[ 0.95656353],
       [ 2.07347931],
       [ 0.60214177]])]
delta w updated: [array([[ 0.16312282, -0.25730384,  0.07618053],
       [ 1.5966478 , -2.51849253,  0.74565573]]), array([[ 0.42813448, -0.8365429 ],
       [ 0.9280387 , -1.81331853],
       [ 0.26950395, -0.52659066]])]
input:  [[ 0.41197964]
 [-0.95094907]
 [ 0.43931503]]
activations:  [array([[ 0.41197964],
       [-0.95094907],
       [ 0.43931503]]), array([[ 0.3916339 ],
       [-0.69833088]]), array([[ 1.41880629],
       [ 0.87974639],
       [ 0.78437824]])]
cost derivative:  [[ 1.00682666]
 [ 1.83069546]
 [ 0.34506322]]
unit step:  1
delta:  [[ 1.00682666]
 [ 1.83069546]
 [ 0.34506322]]
delta b updated:  [array([[ 0.22274589],
       [ 1.61545712]]), array([[ 1.00682666],
       [ 1.83069546],
       [ 0.34506322]])]
delta w updated: [array([[ 0.09176677, -0.21182   ,  0.09785562],
       [ 0.66553544, -1.53621745,  0.70969459]]), array([[ 0.39430745, -0.70309814],
       [ 0.7169624 , -1.27843116],
       [ 0.13513845, -0.2409683 ]])]
input:  [[ 0.84876504]
 [-1.03861718]
 [ 0.38473357]]
activations:  [array([[ 0.84876504],
       [-1.03861718],
       [ 0.38473357]]), array([[ 0.49843218],
       [-0.90757306]]), array([[ 1.76412436],
       [ 0.94831986],
       [ 0.98387401]])]
cost derivative:  [[ 0.91535932]
 [ 1.98693703]
 [ 0.59914044]]
unit step:  1
delta:  [[ 0.91535932]
 [ 1.98693703]
 [ 0.59914044]]
delta b updated:  [array([[ 0.25171386],
       [ 2.25780467]]), array([[ 0.91535932],
       [ 1.98693703],
       [ 0.59914044]])]
delta w updated: [array([[ 0.21364593, -0.26143434,  0.09684277],
       [ 1.91634567, -2.34499471,  0.86865326]]), array([[ 0.45624454, -0.83075546],
       [ 0.99035336, -1.80329052],
       [ 0.29863087, -0.54376372]])]
input:  [[ 0.37036119]
 [-0.91749063]
 [ 0.46209653]]
activations:  [array([[ 0.37036119],
       [-0.91749063],
       [ 0.46209653]]), array([[ 0.38501699],
       [-0.67230288]]), array([[ 1.38409674],
       [ 0.86501216],
       [ 0.76311083]])]
cost derivative:  [[ 1.01373555]
 [ 1.78250279]
 [ 0.3010143 ]]
unit step:  1
delta:  [[ 1.01373555]
 [ 1.78250279]
 [ 0.3010143 ]]
delta b updated:  [array([[ 0.22254551],
       [ 1.51860012]]), array([[ 1.01373555],
       [ 1.78250279],
       [ 0.3010143 ]])]
delta w updated: [array([[ 0.08242222, -0.20418342,  0.10283751],
       [ 0.56243055, -1.39330137,  0.70173985]]), array([[ 0.39030541, -0.68153732],
       [ 0.68629385, -1.19838175],
       [ 0.11589562, -0.20237278]])]
input:  [[ 0.87372259]
 [-0.95708859]
 [ 0.44221619]]
activations:  [array([[ 0.87372259],
       [-0.95708859],
       [ 0.44221619]]), array([[ 0.51773318],
       [-0.8909174 ]]), array([[ 1.77460818],
       [ 0.92414688],
       [ 0.9845659 ]])]
cost derivative:  [[ 0.90088559]
 [ 1.88123547]
 [ 0.54234971]]
unit step:  1
delta:  [[ 0.90088559]
 [ 1.88123547]
 [ 0.54234971]]
delta b updated:  [array([[ 0.26388058],
       [ 2.11050287]]), array([[ 0.90088559],
       [ 1.88123547],
       [ 0.54234971]])]
delta w updated: [array([[ 0.23055842, -0.25255709,  0.11669226],
       [ 1.84399403, -2.01993822,  0.93329853]]), array([[ 0.46641836, -0.80261465],
       [ 0.97397802, -1.67602542],
       [ 0.28079244, -0.48318879]])]
input:  [[ 0.79107532]
 [-0.15591211]
 [ 1.00198092]]
activations:  [array([[ 0.79107532],
       [-0.15591211],
       [ 1.00198092]]), array([[ 0.62079343],
       [-0.56274734]]), array([[ 1.61374262],
       [ 0.65652642],
       [ 0.83831232]])]
cost derivative:  [[ 0.8226673 ]
 [ 0.81243853]
 [-0.1636686 ]]
unit step:  1
delta:  [[ 0.8226673 ]
 [ 0.81243853]
 [-0.1636686 ]]
delta b updated:  [array([[ 0.36378483],
       [ 0.65972186]]), array([[ 0.8226673 ],
       [ 0.81243853],
       [-0.1636686 ]])]
delta w updated: [array([[ 0.2877812 , -0.05671846,  0.36450546],
       [ 0.52188968, -0.10285862,  0.66102871]]), array([[ 0.51070645, -0.46295383],
       [ 0.5043565 , -0.45719762],
       [-0.10160439,  0.09210407]])]
input:  [[ 0.38085591]
 [-0.92606427]
 [ 0.45625618]]
activations:  [array([[ 0.38085591],
       [-0.92606427],
       [ 0.45625618]]), array([[ 0.38596158],
       [-0.68293616]]), array([[ 1.39380943],
       [ 0.86862377],
       [ 0.77008675]])]
cost derivative:  [[ 1.01295352]
 [ 1.79468804]
 [ 0.31383057]]
unit step:  1
delta:  [[ 1.01295352]
 [ 1.79468804]
 [ 0.31383057]]
delta b updated:  [array([[ 0.22229011],
       [ 1.55109567]]), array([[ 1.01295352],
       [ 1.79468804],
       [ 0.31383057]])]
delta w updated: [array([[ 0.0846605 , -0.20585493,  0.10142124],
       [ 0.59074395, -1.43641427,  0.70769698]]), array([[ 0.39096114, -0.69178259],
       [ 0.69268063, -1.22565736],
       [ 0.12112654, -0.21432624]])]
input:  [[-0.57477534]
 [-0.08211458]
 [ 1.03236081]]
activations:  [array([[-0.57477534],
       [-0.08211458],
       [ 1.03236081]]), array([[ 0.25475424],
       [ 0.0148337 ]]), array([[ 0.55836731],
       [ 0.50624113],
       [ 0.24336312]])]
cost derivative:  [[ 1.13314264]
 [ 0.58835572]
 [-0.78899769]]
unit step:  1
delta:  [[ 1.13314264]
 [ 0.58835572]
 [-0.78899769]]
delta b updated:  [array([[ 0.19568372],
       [-0.01365797]]), array([[ 1.13314264],
       [ 0.58835572],
       [-0.78899769]])]
delta w updated: [array([[-0.11247417, -0.01606849,  0.2020162 ],
       [ 0.00785026,  0.00112152, -0.01409995]]), array([[ 0.28867289,  0.0168087 ],
       [ 0.14988611,  0.00872749],
       [-0.2010005 , -0.01170376]])]
input:  [[-0.04380197]
 [-0.53903629]
 [ 0.72066461]]
activations:  [array([[-0.04380197],
       [-0.53903629],
       [ 0.72066461]]), array([[ 0.32933606],
       [-0.36904433]]), array([[ 1.02066239],
       [ 0.70346255],
       [ 0.53481205]])]
cost derivative:  [[ 1.06446436]
 [ 1.24249885]
 [-0.18585256]]
unit step:  1
delta:  [[ 1.06446436]
 [ 1.24249885]
 [-0.18585256]]
delta b updated:  [array([[ 0.21790621],
       [ 0.60985691]]), array([[ 1.06446436],
       [ 1.24249885],
       [-0.18585256]])]
delta w updated: [array([[-0.00954472, -0.11745936,  0.1570373 ],
       [-0.02671294, -0.32873501,  0.4395023 ]]), array([[ 0.3505665 , -0.39283454],
       [ 0.40919967, -0.45853716],
       [-0.06120795,  0.06858784]])]
input:  [[-0.62740077]
 [-0.05140675]
 [ 1.05304444]]
activations:  [array([[-0.62740077],
       [-0.05140675],
       [ 1.05304444]]), array([[ 0.24476384],
       [ 0.04711949]]), array([[ 0.51342701],
       [ 0.49115808],
       [ 0.21692387]])]
cost derivative:  [[ 1.14082778]
 [ 0.54256483]
 [-0.83612057]]
unit step:  1
delta:  [[ 1.14082778]
 [ 0.54256483]
 [-0.83612057]]
delta b updated:  [array([[ 0.18998173],
       [-0.0409385 ]]), array([[ 1.14082778],
       [ 0.54256483],
       [-0.83612057]])]
delta w updated: [array([[-0.11919469, -0.00976634,  0.20005921],
       [ 0.02568485,  0.00210452, -0.04311006]]), array([[ 0.27923338,  0.05375522],
       [ 0.13280025,  0.02556538],
       [-0.20465208, -0.03939758]])]
input:  [[-0.42968263]
 [-0.18852497]
 [ 0.96010561]]
activations:  [array([[-0.42968263],
       [-0.18852497],
       [ 0.96010561]]), array([[ 0.27764711],
       [-0.08355499]]), array([[ 0.6810825 ],
       [ 0.55377102],
       [ 0.32097   ]])]
cost derivative:  [[ 1.11076514]
 [ 0.74229599]
 [-0.6391356 ]]
unit step:  1
delta:  [[ 1.11076514]
 [ 0.74229599]
 [-0.6391356 ]]
delta b updated:  [array([[ 0.20507711],
       [ 0.09124148]]), array([[ 1.11076514],
       [ 0.74229599],
       [-0.6391356 ]])]
delta w updated: [array([[-0.08811807, -0.03866216,  0.19689568],
       [-0.03920488, -0.0172013 ,  0.08760146]]), array([[ 0.30840073, -0.09280997],
       [ 0.20609634, -0.06202254],
       [-0.17745416,  0.05340297]])]
input:  [[ 0.78950553]
 [-1.1036475 ]
 [ 0.33826956]]
activations:  [array([[ 0.78950553],
       [-1.1036475 ],
       [ 0.33826956]]), array([[ 0.4703585],
       [-0.9153851]]), array([[ 1.727008  ],
       [ 0.96297184],
       [ 0.97140157]])]
cost derivative:  [[ 0.93750246]
 [ 2.06661934]
 [ 0.63313202]]
unit step:  1
delta:  [[ 0.93750246]
 [ 2.06661934]
 [ 0.63313202]]
delta b updated:  [array([[ 0.23823502],
       [ 2.35628394]]), array([[ 0.93750246],
       [ 2.06661934],
       [ 0.63313202]])]
delta w updated: [array([[ 0.18808786, -0.26292748,  0.08058765],
       [ 1.8602992 , -2.60050689,  0.79705912]]), array([[ 0.44096225, -0.85817578],
       [ 0.97205196, -1.89175254],
       [ 0.29779902, -0.57955961]])]
input:  [[ 0.82007365]
 [-1.08094931]
 [ 0.3546415 ]]
activations:  [array([[ 0.82007365],
       [-1.08094931],
       [ 0.3546415 ]]), array([[ 0.48213914],
       [-0.92164514]]), array([[ 1.74880861],
       [ 0.95859224],
       [ 0.98224105]])]
cost derivative:  [[ 0.92873495]
 [ 2.03954155]
 [ 0.62759955]]
unit step:  1
delta:  [[ 0.92873495]
 [ 2.03954155]
 [ 0.62759955]]
delta b updated:  [array([[ 0.24380246],
       [ 2.34441477]]), array([[ 0.92873495],
       [ 2.03954155],
       [ 0.62759955]])]
delta w updated: [array([[ 0.19993598, -0.2635381 ,  0.08646247],
       [ 1.92259279, -2.53419352,  0.83142678]]), array([[ 0.44777947, -0.85596405],
       [ 0.98334281, -1.87973355],
       [ 0.30259031, -0.57842407]])]
input:  [[ 0.22934215]
 [-0.7953239 ]
 [ 0.54544921]]
activations:  [array([[ 0.22934215],
       [-0.7953239 ],
       [ 0.54544921]]), array([[ 0.36374792],
       [-0.57830719]]), array([[ 1.26171759],
       [ 0.81137258],
       [ 0.68958575]])]
cost derivative:  [[ 1.03237544]
 [ 1.60669648]
 [ 0.14413653]]
unit step:  1
delta:  [[ 1.03237544]
 [ 1.60669648]
 [ 0.14413653]]
delta b updated:  [array([[ 0.22024139],
       [ 1.19067064]]), array([[ 1.03237544],
       [ 1.60669648],
       [ 0.14413653]])]
delta w updated: [array([[ 0.05051063, -0.17516324,  0.12013049],
       [ 0.27307096, -0.94696882,  0.64945036]]), array([[ 0.37552442, -0.59703014],
       [ 0.5844325 , -0.92916412],
       [ 0.05242936, -0.08335519]])]
input:  [[ 0.07095282]
 [-0.6482618 ]
 [ 0.64596492]]
activations:  [array([[ 0.07095282],
       [-0.6482618 ],
       [ 0.64596492]]), array([[ 0.34302779],
       [-0.460156  ]]), array([[ 1.12207917],
       [ 0.74874362],
       [ 0.60132615]])]
cost derivative:  [[ 1.05112635]
 [ 1.39700542]
 [-0.04463877]]
unit step:  1
delta:  [[ 1.05112635]
 [ 1.39700542]
 [-0.04463877]]
delta b updated:  [array([[ 0.2186967 ],
       [ 0.83927847]]), array([[ 1.05112635],
       [ 1.39700542],
       [-0.04463877]])]
delta w updated: [array([[ 0.01551715, -0.14177272,  0.1412704 ],
       [ 0.05954918, -0.54407217,  0.54214445]]), array([[ 0.36056555, -0.48368209],
       [ 0.47921169, -0.64284042],
       [-0.01531234,  0.0205408 ]])]
input:  [[-0.66848697]
 [-0.03190354]
 [ 1.06606158]]
activations:  [array([[-0.66848697],
       [-0.03190354],
       [ 1.06606158]]), array([[ 0.23579901],
       [ 0.06851286]]), array([[ 0.47868375],
       [ 0.48002835],
       [ 0.19777184]])]
cost derivative:  [[ 1.14717072]
 [ 0.5119319 ]
 [-0.86828974]]
unit step:  1
delta:  [[ 1.14717072]
 [ 0.5119319 ]
 [-0.86828974]]
delta b updated:  [array([[ 0.18434915],
       [-0.05709253]]), array([[ 1.14717072],
       [ 0.5119319 ],
       [-0.86828974]])]
delta w updated: [array([[-0.12323501, -0.00588139,  0.19652755],
       [ 0.03816561,  0.00182145, -0.06086415]]), array([[ 0.27050171,  0.07859595],
       [ 0.12071303,  0.03507392],
       [-0.20474186, -0.05948901]])]
input:  [[ 0.81540173]
 [-0.27239952]
 [ 0.92078564]]
activations:  [array([[ 0.81540173],
       [-0.27239952],
       [ 0.92078564]]), array([[ 0.6075539 ],
       [-0.62250736]]), array([[ 1.64522761],
       [ 0.69473952],
       [ 0.86865714]])]
cost derivative:  [[ 0.82982588]
 [ 0.96713904]
 [-0.0521285 ]]
unit step:  1
delta:  [[ 0.82982588]
 [ 0.96713904]
 [-0.0521285 ]]
delta b updated:  [array([[ 0.34748013],
       [ 0.83654986]]), array([[ 0.82982588],
       [ 0.96713904],
       [-0.0521285 ]])]
delta w updated: [array([[ 0.2833359 , -0.09465342,  0.31995471],
       [ 0.6821242 , -0.22787578,  0.7702831 ]]), array([[ 0.50416395, -0.51657272],
       [ 0.5875891 , -0.60205117],
       [-0.03167088,  0.03245038]])]
input:  [[ 0.60251976]
 [-1.07776145]
 [ 0.35348131]]
activations:  [array([[ 0.60251976],
       [-1.07776145],
       [ 0.35348131]]), array([[ 0.42171478],
       [-0.83660207]]), array([[ 1.58182068],
       [ 0.93691013],
       [ 0.89049025]])]
cost derivative:  [[ 0.97930092]
 [ 2.01467157]
 [ 0.53700894]]
unit step:  1
delta:  [[ 0.97930092]
 [ 2.01467157]
 [ 0.53700894]]
delta b updated:  [array([[ 0.22479769],
       [ 2.10303524]]), array([[ 0.97930092],
       [ 2.01467157],
       [ 0.53700894]])]
delta w updated: [array([[ 0.13544505, -0.24227828,  0.07946178],
       [ 1.26712028, -2.2665703 ,  0.74338364]]), array([[ 0.41298567, -0.81928517],
       [ 0.84961678, -1.6854784 ],
       [ 0.22646461, -0.44926279]])]
input:  [[ 0.85258341]
 [-0.47941491]
 [ 0.77639526]]
activations:  [array([[ 0.85258341],
       [-0.47941491],
       [ 0.77639526]]), array([[ 0.58475956],
       [-0.71696809]]), array([[ 1.69984504],
       [ 0.76537411],
       [ 0.91454899]])]
cost derivative:  [[ 0.84726163]
 [ 1.24478902]
 [ 0.13815373]]
unit step:  1
delta:  [[ 0.84726163]
 [ 1.24478902]
 [ 0.13815373]]
delta b updated:  [array([[ 0.32203635],
       [ 1.18578187]]), array([[ 0.84726163],
       [ 1.24478902],
       [ 0.13815373]])]
delta w updated: [array([[ 0.27456285, -0.15438903,  0.25002749],
       [ 1.01097795, -0.5684815 ,  0.92063542]]), array([[ 0.49544434, -0.60745955],
       [ 0.72790227, -0.892474  ],
       [ 0.08078671, -0.09905181]])]
input:  [[-0.83754064]
 [-0.04312429]
 [ 1.05556754]]
activations:  [array([[-0.83754064],
       [-0.04312429],
       [ 1.05556754]]), array([[ 0.18684864],
       [ 0.13146711]]), array([[ 0.34980959],
       [ 0.46769226],
       [ 0.12746722]])]
cost derivative:  [[ 1.18735023]
 [ 0.51081656]
 [-0.92810033]]
unit step:  1
delta:  [[ 1.18735023]
 [ 0.51081656]
 [-0.92810033]]
delta b updated:  [array([[ 0.14969216],
       [-0.1092129 ]]), array([[ 1.18735023],
       [ 0.51081656],
       [-0.92810033]])]
delta w updated: [array([[-0.12537326, -0.00645537,  0.15801018],
       [ 0.09147025,  0.00470973, -0.1152816 ]]), array([[ 0.22185478,  0.15609751],
       [ 0.09544538,  0.06715558],
       [-0.17341429, -0.12201467]])]
input:  [[-0.89340573]
 [-0.2907287 ]
 [ 0.88130219]]
activations:  [array([[-0.89340573],
       [-0.2907287 ],
       [ 0.88130219]]), array([[ 0.13231107],
       [ 0.06198207]]), array([[ 0.33710828],
       [ 0.54288428],
       [ 0.13842466]])]
cost derivative:  [[ 1.23051402]
 [ 0.83361298]
 [-0.74287753]]
unit step:  1
delta:  [[ 1.23051402]
 [ 0.83361298]
 [-0.74287753]]
delta b updated:  [array([[ 0.10414073],
       [-0.07380707]]), array([[ 1.23051402],
       [ 0.83361298],
       [-0.74287753]])]
delta w updated: [array([[-0.09303992, -0.0302767 ,  0.09177945],
       [ 0.06593966,  0.02145783, -0.06504633]]), array([[ 0.16281063,  0.07626981],
       [ 0.11029623,  0.05166906],
       [-0.09829092, -0.04604509]])]
input:  [[ 0.85956852]
 [-0.52593896]
 [ 0.74392399]]
activations:  [array([[ 0.85956852],
       [-0.52593896],
       [ 0.74392399]]), array([[ 0.57899579],
       [-0.73809333]]), array([[ 1.71000864],
       [ 0.78072089],
       [ 0.92494724]])]
cost derivative:  [[ 0.85044011]
 [ 1.30665986]
 [ 0.18102325]]
unit step:  1
delta:  [[ 0.85044011]
 [ 1.30665986]
 [ 0.18102325]]
delta b updated:  [array([[ 0.31543373],
       [ 1.27129197]]), array([[ 0.85044011],
       [ 1.30665986],
       [ 0.18102325]])]
delta w updated: [array([[ 0.2711369 , -0.16589889,  0.23465872],
       [ 1.09276256, -0.66862198,  0.9457446 ]]), array([[ 0.49240125, -0.62770418],
       [ 0.75655056, -0.96443693],
       [ 0.1048117 , -0.13361206]])]
input:  [[-0.88051691]
 [-0.46227744]
 [ 0.76136981]]
activations:  [array([[-0.88051691],
       [-0.46227744],
       [ 0.76136981]]), array([[ 0.10866021],
       [-0.00758132]]), array([[ 0.36771392],
       [ 0.59945817],
       [ 0.16837293]])]
cost derivative:  [[ 1.24823083]
 [ 1.0617356 ]
 [-0.59299688]]
unit step:  1
delta:  [[ 1.24823083]
 [ 1.0617356 ]
 [-0.59299688]]
delta b updated:  [array([[ 0.08371127],
       [ 0.01095396]]), array([[ 1.24823083],
       [ 1.0617356 ],
       [-0.59299688]])]
delta w updated: [array([[-0.07370919, -0.03869783,  0.06373523],
       [-0.00964514, -0.00506377,  0.00834001]]), array([[ 0.13563302, -0.00946323],
       [ 0.11536841, -0.00804935],
       [-0.06443517,  0.0044957 ]])]
input:  [[-0.39871286]
 [-0.21406246]
 [ 0.94270499]]
activations:  [array([[-0.39871286],
       [-0.21406246],
       [ 0.94270499]]), array([[ 0.28060267],
       [-0.11106632]]), array([[ 0.70578307],
       [ 0.5629121 ],
       [ 0.34079371]])]
cost derivative:  [[ 1.10449593]
 [ 0.77697455]
 [-0.60191129]]
unit step:  1
delta:  [[ 1.10449593]
 [ 0.77697455]
 [-0.60191129]]
delta b updated:  [array([[ 0.20460777],
       [ 0.12525645]]), array([[ 1.10449593],
       [ 0.77697455],
       [-0.60191129]])]
delta w updated: [array([[-0.08157975, -0.04379884,  0.19288477],
       [-0.04994136, -0.0268127 ,  0.11807988]]), array([[ 0.30992451, -0.12267229],
       [ 0.21802114, -0.0862957 ],
       [-0.16889792,  0.06685207]])]
input:  [[-0.21431142]
 [-0.37798482]
 [ 0.8307879 ]]
activations:  [array([[-0.21431142],
       [-0.37798482],
       [ 0.8307879 ]]), array([[ 0.30554599],
       [-0.24726395]]), array([[ 0.86710048],
       [ 0.63305133],
       [ 0.44329276]])]
cost derivative:  [[ 1.0814119 ]
 [ 1.01103615]
 [-0.38749514]]
unit step:  1
delta:  [[ 1.0814119 ]
 [ 1.01103615]
 [-0.38749514]]
delta b updated:  [array([[ 0.21133296],
       [ 0.34348626]]), array([[ 1.0814119 ],
       [ 1.01103615],
       [-0.38749514]])]
delta w updated: [array([[-0.04529107, -0.07988065,  0.17557287],
       [-0.07361303, -0.12983259,  0.28536423]]), array([[ 0.33042107, -0.26739418],
       [ 0.30891805, -0.24999279],
       [-0.11839759,  0.09581358]])]
input:  [[-0.35658302]
 [-0.24992639]
 [ 0.91824693]]
activations:  [array([[-0.35658302],
       [-0.24992639],
       [ 0.91824693]]), array([[ 0.28630483],
       [-0.14188041]]), array([[ 0.74164786],
       [ 0.57814931],
       [ 0.36433438]])]
cost derivative:  [[ 1.09823088]
 [ 0.8280757 ]
 [-0.55391255]]
unit step:  1
delta:  [[ 1.09823088]
 [ 0.8280757 ]
 [-0.55391255]]
delta b updated:  [array([[ 0.20602513],
       [ 0.16801474]]), array([[ 1.09823088],
       [ 0.8280757 ],
       [-0.55391255]])]
delta w updated: [array([[-0.07346506, -0.05149112,  0.18918194],
       [-0.0599112 , -0.04199132,  0.15427902]]), array([[ 0.31442881, -0.15581745],
       [ 0.23708207, -0.11748772],
       [-0.15858784,  0.07858934]])]
input:  [[-0.36720003]
 [-0.24077752]
 [ 0.9244882 ]]
activations:  [array([[-0.36720003],
       [-0.24077752],
       [ 0.9244882 ]]), array([[ 0.28467461],
       [-0.13426624]]), array([[ 0.73187265],
       [ 0.57404762],
       [ 0.35867363]])]
cost derivative:  [[ 1.09907268]
 [ 0.81482515]
 [-0.56581457]]
unit step:  1
delta:  [[ 1.09907268]
 [ 0.81482515]
 [-0.56581457]]
delta b updated:  [array([[ 0.20524894],
       [ 0.15695901]]), array([[ 1.09907268],
       [ 0.81482515],
       [-0.56581457]])]
delta w updated: [array([[-0.07536742, -0.04941933,  0.18975022],
       [-0.05763535, -0.0377922 ,  0.14510675]]), array([[ 0.31287809, -0.14756836],
       [ 0.23196003, -0.10940351],
       [-0.16107304,  0.0759698 ]])]
input:  [[ 0.8773334 ]
 [-0.93457826]
 [ 0.45803619]]
activations:  [array([[ 0.8773334 ],
       [-0.93457826],
       [ 0.45803619]]), array([[ 0.51889182],
       [-0.8991074 ]]), array([[ 1.77207705],
       [ 0.91382819],
       [ 0.9915135 ]])]
cost derivative:  [[ 0.89474365]
 [ 1.84840645]
 [ 0.53347732]]
unit step:  1
delta:  [[ 0.89474365]
 [ 1.84840645]
 [ 0.53347732]]
delta b updated:  [array([[ 0.26249928],
       [ 2.09093434]]), array([[ 0.89474365],
       [ 1.84840645],
       [ 0.53347732]])]
delta w updated: [array([[ 0.23029939, -0.24532612,  0.12023417],
       [ 1.83444654, -1.95414178,  0.9577236 ]]), array([[ 0.46427516, -0.80447064],
       [ 0.95912299, -1.66191591],
       [ 0.27681702, -0.4796534 ]])]
input:  [[-0.54721097]
 [-0.10021561]
 [ 1.02011474]]
activations:  [array([[-0.54721097],
       [-0.10021561],
       [ 1.02011474]]), array([[ 0.25686792],
       [-0.00952987]]), array([[ 0.57605895],
       [ 0.51148677],
       [ 0.26192448]])]
cost derivative:  [[ 1.12326992]
 [ 0.61170238]
 [-0.75819026]]
unit step:  1
delta:  [[ 1.12326992]
 [ 0.61170238]
 [-0.75819026]]
delta b updated:  [array([[ 0.19389909],
       [ 0.00897097]]), array([[ 1.12326992],
       [ 0.61170238],
       [-0.75819026]])]
delta w updated: [array([[-0.10610371, -0.01943172,  0.19779932],
       [-0.00490902, -0.00089903,  0.00915142]]), array([[ 0.28853201, -0.01070461],
       [ 0.15712672, -0.00582944],
       [-0.19475476,  0.00722545]])]
input:  [[ 0.74738816]
 [-1.11543764]
 [ 0.32935628]]
activations:  [array([[ 0.74738816],
       [-1.11543764],
       [ 0.32935628]]), array([[ 0.45425665],
       [-0.91564429]]), array([[ 1.69534394],
       [ 0.96057168],
       [ 0.96203911]])]
cost derivative:  [[ 0.94795579]
 [ 2.07600931]
 [ 0.63268283]]
unit step:  1
delta:  [[ 0.94795579]
 [ 2.07600931]
 [ 0.63268283]]
delta b updated:  [array([[ 0.23058453],
       [ 2.36132691]]), array([[ 0.94795579],
       [ 2.07600931],
       [ 0.63268283]])]
delta w updated: [array([[ 0.17233614, -0.25720266,  0.07594446],
       [ 1.76482777, -2.63391291,  0.77771786]]), array([[ 0.43061522, -0.8679903 ],
       [ 0.94304104, -1.90088607],
       [ 0.28740038, -0.57931242]])]
input:  [[ 0.8800997 ]
 [-0.71060845]
 [ 0.6149225 ]]
activations:  [array([[ 0.8800997 ],
       [-0.71060845],
       [ 0.6149225 ]]), array([[ 0.55436947],
       [-0.82075323]]), array([[ 1.74759237],
       [ 0.84123101],
       [ 0.96296251]])]
cost derivative:  [[ 0.86749267]
 [ 1.55183946]
 [ 0.34804001]]
unit step:  1
delta:  [[ 0.86749267]
 [ 1.55183946]
 [ 0.34804001]]
delta b updated:  [array([[ 0.29128133],
       [ 1.63687581]]), array([[ 0.86749267],
       [ 1.55183946],
       [ 0.34804001]])]
delta w updated: [array([[ 0.25635661, -0.20698698,  0.17911544],
       [ 1.4406139 , -1.16317778,  1.00655176]]), array([[ 0.48091145, -0.71199741],
       [ 0.86029241, -1.27367724],
       [ 0.19294276, -0.28565496]])]
input:  [[ 0.76009975]
 [-1.11361334]
 [ 0.33083205]]
activations:  [array([[ 0.76009975],
       [-1.11361334],
       [ 0.33083205]]), array([[ 0.45756865],
       [-0.92389271]]), array([[ 1.70644003],
       [ 0.9613103 ],
       [ 0.96867956]])]
cost derivative:  [[ 0.94634028]
 [ 2.07492364]
 [ 0.63784751]]
unit step:  1
delta:  [[ 0.94634028]
 [ 2.07492364]
 [ 0.63784751]]
delta b updated:  [array([[ 0.23222736],
       [ 2.3809707 ]]), array([[ 0.94634028],
       [ 2.07492364],
       [ 0.63784751]])]
delta w updated: [array([[ 0.17651596, -0.25861149,  0.07682825],
       [ 1.80977522, -2.65148072,  0.78770141]]), array([[ 0.43301565, -0.87431689],
       [ 0.94942001, -1.91700683],
       [ 0.29185903, -0.58930267]])]
input:  [[ 0.17332101]
 [-0.74413054]
 [ 0.58042565]]
activations:  [array([[ 0.17332101],
       [-0.74413054],
       [ 0.58042565]]), array([[ 0.35372132],
       [-0.54778775]]), array([[ 1.21051954],
       [ 0.7869884 ],
       [ 0.66441941]])]
cost derivative:  [[ 1.03719853]
 [ 1.53111894]
 [ 0.08399376]]
unit step:  1
delta:  [[ 1.03719853]
 [ 1.53111894]
 [ 0.08399376]]
delta b updated:  [array([[ 0.21656037],
       [ 1.07831079]]), array([[ 1.03719853],
       [ 1.53111894],
       [ 0.08399376]])]
delta w updated: [array([[ 0.03753446, -0.16114918,  0.12569719],
       [ 0.18689391, -0.80240399,  0.62587924]]), array([[ 0.36687923, -0.56816464],
       [ 0.54158941, -0.83872819],
       [ 0.02971038, -0.04601075]])]
input:  [[ 0.83742212]
 [-1.05892622]
 [ 0.37033453]]
activations:  [array([[ 0.83742212],
       [-1.05892622],
       [ 0.37033453]]), array([[ 0.48712272],
       [-0.93812678]]), array([[ 1.76003296],
       [ 0.95050117],
       [ 0.99551927]])]
cost derivative:  [[ 0.92261084]
 [ 2.00942738]
 [ 0.62518474]]
unit step:  1
delta:  [[ 0.92261084]
 [ 2.00942738]
 [ 0.62518474]]
delta b updated:  [array([[ 0.24524607],
       [ 2.34888394]]), array([[ 0.92261084],
       [ 2.00942738],
       [ 0.62518474]])]
delta w updated: [array([[ 0.20537449, -0.2596975 ,  0.09082309],
       [ 1.96700736, -2.48729478,  0.86987282]]), array([[ 0.4494247 , -0.86552593],
       [ 0.97883772, -1.88509763],
       [ 0.30454169, -0.58650255]])]
input:  [[-0.80146246]
 [-0.89525142]
 [ 0.45939652]]
activations:  [array([[-0.80146246],
       [-0.89525142],
       [ 0.45939652]]), array([[ 0.06086219],
       [-0.2074729 ]]), array([[ 0.48153473],
       [ 0.74608289],
       [ 0.26637166]])]
cost derivative:  [[ 1.28299719]
 [ 1.6413343 ]
 [-0.19302486]]
unit step:  1
delta:  [[ 1.28299719]
 [ 1.6413343 ]
 [-0.19302486]]
delta b updated:  [array([[ 0.0438996 ],
       [ 0.43290293]]), array([[ 1.28299719],
       [ 1.6413343 ],
       [-0.19302486]])]
delta w updated: [array([[-0.03518388, -0.03930118,  0.02016732],
       [-0.34695544, -0.38755696,  0.1988741 ]]), array([[ 0.07808602, -0.26618715],
       [ 0.0998952 , -0.34053239],
       [-0.01174792,  0.04004743]])]
input:  [[-0.31359679]
 [-0.2876391 ]
 [ 0.89250755]]
activations:  [array([[-0.31359679],
       [-0.2876391 ],
       [ 0.89250755]]), array([[ 0.29108075],
       [-0.17956258]]), array([[ 0.77931903],
       [ 0.59270008],
       [ 0.3908328 ]])]
cost derivative:  [[ 1.09291582]
 [ 0.88033919]
 [-0.50167475]]
unit step:  1
delta:  [[ 1.09291582]
 [ 0.88033919]
 [-0.50167475]]
delta b updated:  [array([[ 0.20690338],
       [ 0.22279004]]), array([[ 1.09291582],
       [ 0.88033919],
       [-0.50167475]])]
delta w updated: [array([[-0.06488423, -0.0595135 ,  0.18466282],
       [-0.06986624, -0.06408313,  0.19884179]]), array([[ 0.31812676, -0.19624678],
       [ 0.25624979, -0.15807597],
       [-0.14602786,  0.09008201]])]
input:  [[ 0.72734629]
 [-1.11595321]
 [ 0.32868269]]
activations:  [array([[ 0.72734629],
       [-1.11595321],
       [ 0.32868269]]), array([[ 0.44742966],
       [-0.91707701]]), array([[ 1.68298101],
       [ 0.95831923],
       [ 0.95745026]])]
cost derivative:  [[ 0.95563472]
 [ 2.07427245]
 [ 0.62876757]]
unit step:  1
delta:  [[ 0.95563472]
 [ 2.07427245]
 [ 0.62876757]]
delta b updated:  [array([[ 0.22944692],
       [ 2.3613606 ]]), array([[ 0.95563472],
       [ 2.07427245],
       [ 0.62876757]])]
delta w updated: [array([[ 0.16688737, -0.25605203,  0.07541523],
       [ 1.71752686, -2.63516794,  0.77613836]]), array([[ 0.42757932, -0.87639063],
       [ 0.92809101, -1.90226757],
       [ 0.28132926, -0.57662828]])]
input:  [[ 0.25151697]
 [-0.81524509]
 [ 0.53184446]]
activations:  [array([[ 0.25151697],
       [-0.81524509],
       [ 0.53184446]]), array([[ 0.3634459 ],
       [-0.61105771]]), array([[ 1.28040236],
       [ 0.81653134],
       [ 0.710256  ]])]
cost derivative:  [[ 1.02888539]
 [ 1.63177643]
 [ 0.17841154]]
unit step:  1
delta:  [[ 1.02888539]
 [ 1.63177643]
 [ 0.17841154]]
delta b updated:  [array([[ 0.21717787],
       [ 1.27084547]]), array([[ 1.02888539],
       [ 1.63177643],
       [ 0.17841154]])]
delta w updated: [array([[ 0.05462392, -0.17705319,  0.11550485],
       [ 0.31963921, -1.03605053,  0.67589212]]), array([[ 0.37394417, -0.62870835],
       [ 0.59306245, -0.99710957],
       [ 0.06484294, -0.10901975]])]
input:  [[-0.24775025]
 [-0.34713934]
 [ 0.85186713]]
activations:  [array([[-0.24775025],
       [-0.34713934],
       [ 0.85186713]]), array([[ 0.29948882],
       [-0.23089956]]), array([[ 0.83750093],
       [ 0.61769156],
       [ 0.42856271]])]
cost derivative:  [[ 1.08525118]
 [ 0.9648309 ]
 [-0.42330441]]
unit step:  1
delta:  [[ 1.08525118]
 [ 0.9648309 ]
 [-0.42330441]]
delta b updated:  [array([[ 0.20896809],
       [ 0.30813818]]), array([[ 1.08525118],
       [ 0.9648309 ],
       [-0.42330441]])]
delta w updated: [array([[-0.0517719 , -0.07254104,  0.17801304],
       [-0.07634131, -0.10696689,  0.26249279]]), array([[ 0.32502059, -0.25058402],
       [ 0.28895606, -0.22277903],
       [-0.12677494,  0.0977408 ]])]
input:  [[-0.37776181]
 [-0.23174803]
 [ 0.93064673]]
activations:  [array([[-0.37776181],
       [-0.23174803],
       [ 0.93064673]]), array([[ 0.28170924],
       [-0.13433304]]), array([[ 0.72256597],
       [ 0.56793549],
       [ 0.35624117]])]
cost derivative:  [[ 1.10032778]
 [ 0.79968352]
 [-0.57440556]]
unit step:  1
delta:  [[ 1.10032778]
 [ 0.79968352]
 [-0.57440556]]
delta b updated:  [array([[ 0.20359892],
       [ 0.15444193]]), array([[ 1.10032778],
       [ 0.79968352],
       [-0.57440556]])]
delta w updated: [array([[-0.0769119 , -0.04718365,  0.18947867],
       [-0.05834226, -0.03579161,  0.14373088]]), array([[ 0.30997251, -0.14781037],
       [ 0.22527824, -0.10742392],
       [-0.16181536,  0.07716164]])]
input:  [[-0.72842907]
 [-0.01346693]
 [ 1.07803774]]
activations:  [array([[-0.72842907],
       [-0.01346693],
       [ 1.07803774]]), array([[ 0.21930351],
       [ 0.09155896]]), array([[ 0.42499323],
       [ 0.46438788],
       [ 0.17403345]])]
cost derivative:  [[ 1.1534223 ]
 [ 0.47785481]
 [-0.90400429]]
unit step:  1
delta:  [[ 1.1534223 ]
 [ 0.47785481]
 [-0.90400429]]
delta b updated:  [array([[ 0.17178419],
       [-0.07227445]]), array([[ 1.1534223 ],
       [ 0.47785481],
       [-0.90400429]])]
delta w updated: [array([[-0.1251326 , -0.00231341,  0.18518984],
       [ 0.05264681,  0.00097331, -0.07791459]]), array([[ 0.25294955,  0.10560615],
       [ 0.10479524,  0.04375189],
       [-0.19825131, -0.0827697 ]])]
input:  [[ 0.04803713]
 [-0.62653231]
 [ 0.66082445]]
activations:  [array([[ 0.04803713],
       [-0.62653231],
       [ 0.66082445]]), array([[ 0.33662966],
       [-0.45763482]]), array([[ 1.09867844],
       [ 0.73552708],
       [ 0.59660002]])]
cost derivative:  [[ 1.05064131]
 [ 1.36205939]
 [-0.06422443]]
unit step:  1
delta:  [[ 1.05064131]
 [ 1.36205939]
 [-0.06422443]]
delta b updated:  [array([[ 0.21415386],
       [ 0.81329185]]), array([[ 1.05064131],
       [ 1.36205939],
       [-0.06422443]])]
delta w updated: [array([[ 0.01028734, -0.13417431,  0.14151811],
       [ 0.03906821, -0.50955361,  0.53744314]]), array([[ 0.35367702, -0.48081004],
       [ 0.45850958, -0.6233258 ],
       [-0.02161985,  0.02939134]])]
input:  [[-0.73538449]
 [-0.01234762]
 [ 1.07871312]]
activations:  [array([[-0.73538449],
       [-0.01234762],
       [ 1.07871312]]), array([[ 0.21728763],
       [ 0.09444179]]), array([[ 0.41871782],
       [ 0.46315284],
       [ 0.17129266]])]
cost derivative:  [[ 1.1541023 ]
 [ 0.47550045]
 [-0.90742045]]
unit step:  1
delta:  [[ 1.1541023 ]
 [ 0.47550045]
 [-0.90742045]]
delta b updated:  [array([[ 0.1701715],
       [-0.0742455]]), array([[ 1.1541023 ],
       [ 0.47550045],
       [-0.90742045]])]
delta w updated: [array([[-0.12514148, -0.00210121,  0.18356623],
       [ 0.05459899,  0.00091675, -0.08008959]]), array([[ 0.25077215,  0.10899548],
       [ 0.10332037,  0.04490711],
       [-0.19717124, -0.08569841]])]
input:  [[ 0.87886468]
 [-0.92270113]
 [ 0.46637747]]
activations:  [array([[ 0.87886468],
       [-0.92270113],
       [ 0.46637747]]), array([[ 0.51884883],
       [-0.91044979]]), array([[ 1.77381164],
       [ 0.9079646 ],
       [ 0.9978911 ]])]
cost derivative:  [[ 0.89494696]
 [ 1.83066573]
 [ 0.53151363]]
unit step:  1
delta:  [[ 0.89494696]
 [ 1.83066573]
 [ 0.53151363]]
delta b updated:  [array([[ 0.26379277],
       [ 2.09613393]]), array([[ 0.89494696],
       [ 1.83066573],
       [ 0.53151363]])]
delta w updated: [array([[ 0.23183815, -0.24340189,  0.12302701],
       [ 1.84221808, -1.93410514,  0.97758965]]), array([[ 0.46434219, -0.81480427],
       [ 0.94983878, -1.66672922],
       [ 0.27577523, -0.48391647]])]
input:  [[-0.88275463]
 [-0.44301392]
 [ 0.77482491]]
activations:  [array([[-0.88275463],
       [-0.44301392],
       [ 0.77482491]]), array([[ 0.1085562 ],
       [-0.00780567]]), array([[ 0.35975906],
       [ 0.5897926 ],
       [ 0.16937618]])]
cost derivative:  [[ 1.24251369]
 [ 1.03280652]
 [-0.60544872]]
unit step:  1
delta:  [[ 1.24251369]
 [ 1.03280652]
 [-0.60544872]]
delta b updated:  [array([[ 0.08303999],
       [ 0.01096717]]), array([[ 1.24251369],
       [ 1.03280652],
       [-0.60544872]])]
delta w updated: [array([[-0.07330394, -0.03678787,  0.06434146],
       [-0.00968132, -0.00485861,  0.00849763]]), array([[ 0.13488257, -0.00969865],
       [ 0.11211755, -0.00806174],
       [-0.06572521,  0.00472593]])]
input:  [[-0.89352823]
 [-0.26187376]
 [ 0.90150702]]
activations:  [array([[-0.89352823],
       [-0.26187376],
       [ 0.90150702]]), array([[ 0.13406246],
       [ 0.0648617 ]]), array([[ 0.32790339],
       [ 0.5294085 ],
       [ 0.13906587]])]
cost derivative:  [[ 1.22143162]
 [ 0.79128226]
 [-0.76244115]]
unit step:  1
delta:  [[ 1.22143162]
 [ 0.79128226]
 [-0.76244115]]
delta b updated:  [array([[ 0.10465845],
       [-0.07368215]]), array([[ 1.22143162],
       [ 0.79128226],
       [-0.76244115]])]
delta w updated: [array([[-0.09351528, -0.0274073 ,  0.09435033],
       [ 0.06583708,  0.01929542, -0.06642497]]), array([[ 0.16374813,  0.07922413],
       [ 0.10608125,  0.05132391],
       [-0.10221474, -0.04945323]])]
input:  [[ 0.84875027]
 [-0.45538179]
 [ 0.79316557]]
activations:  [array([[ 0.84875027],
       [-0.45538179],
       [ 0.79316557]]), array([[ 0.5838813 ],
       [-0.72396179]]), array([[ 1.69105125],
       [ 0.75222556],
       [ 0.91942354]])]
cost derivative:  [[ 0.84230097]
 [ 1.20760735]
 [ 0.12625797]]
unit step:  1
delta:  [[ 0.84230097]
 [ 1.20760735]
 [ 0.12625797]]
delta b updated:  [array([[ 0.32147673],
       [ 1.16443708]]), array([[ 0.84230097],
       [ 1.20760735],
       [ 0.12625797]])]
delta w updated: [array([[ 0.27285346, -0.14639465,  0.25498427],
       [ 0.98831628, -0.53026344,  0.92359139]]), array([[ 0.49180379, -0.60979373],
       [ 0.70509935, -0.87426159],
       [ 0.07371967, -0.09140595]])]
input:  [[ 0.85550694]
 [-1.02321488]
 [ 0.39562474]]
activations:  [array([[ 0.85550694],
       [-1.02321488],
       [ 0.39562474]]), array([[ 0.49599204],
       [-0.94166337]]), array([[ 1.76854369],
       [ 0.93806651],
       [ 1.0036631 ]])]
cost derivative:  [[ 0.91303675]
 [ 1.96128139]
 [ 0.60803836]]
unit step:  1
delta:  [[ 0.91303675]
 [ 1.96128139]
 [ 0.60803836]]
delta b updated:  [array([[ 0.24923973],
       [ 2.30385338]]), array([[ 0.91303675],
       [ 1.96128139],
       [ 0.60803836]])]
delta w updated: [array([[ 0.21322631, -0.2550258 ,  0.0986054 ],
       [ 1.97096255, -2.35733706,  0.91146139]]), array([[ 0.45285896, -0.85977326],
       [ 0.97277995, -1.84686683],
       [ 0.30158218, -0.57256745]])]
input:  [[-0.05527359]
 [-0.52809735]
 [ 0.72814612]]
activations:  [array([[-0.05527359],
       [-0.52809735],
       [ 0.72814612]]), array([[ 0.32281354],
       [-0.3819127 ]]), array([[ 1.00603978],
       [ 0.69284802],
       [ 0.54000954]])]
cost derivative:  [[ 1.06131337]
 [ 1.22094537]
 [-0.18813658]]
unit step:  1
delta:  [[ 1.06131337]
 [ 1.22094537]
 [-0.18813658]]
delta b updated:  [array([[ 0.21164272],
       [ 0.61786525]]), array([[ 1.06131337],
       [ 1.22094537],
       [-0.18813658]])]
delta w updated: [array([[-0.01169825, -0.11176796,  0.15410682],
       [-0.03415163, -0.326293  ,  0.44989618]]), array([[ 0.34260632, -0.40532905],
       [ 0.39413769, -0.46629454],
       [-0.06073303,  0.07185175]])]
input:  [[-0.18059023]
 [-0.40942288]
 [ 0.80929809]]
activations:  [array([[-0.18059023],
       [-0.40942288],
       [ 0.80929809]]), array([[ 0.30685961],
       [-0.28588531]]), array([[ 0.89425936],
       [ 0.64240594],
       [ 0.46911291]])]
cost derivative:  [[ 1.07484959]
 [ 1.05182882]
 [-0.34018518]]
unit step:  1
delta:  [[ 1.07484959]
 [ 1.05182882]
 [-0.34018518]]
delta b updated:  [array([[ 0.20876763],
       [ 0.40844462]]), array([[ 1.07484959],
       [ 1.05182882],
       [-0.34018518]])]
delta w updated: [array([[-0.03770139, -0.08547424,  0.16895524],
       [-0.07376111, -0.16722657,  0.33055345]]), array([[ 0.32982792, -0.3072837 ],
       [ 0.32276378, -0.30070241],
       [-0.10438909,  0.09725394]])]
input:  [[-0.87031495]
 [-0.09903159]
 [ 1.01590529]]
activations:  [array([[-0.87031495],
       [-0.09903159],
       [ 1.01590529]]), array([[ 0.1655791 ],
       [ 0.11507672]]), array([[ 0.32400002],
       [ 0.47764521],
       [ 0.12675999]])]
cost derivative:  [[ 1.19431497]
 [ 0.5766768 ]
 [-0.88914531]]
unit step:  1
delta:  [[ 1.19431497]
 [ 0.5766768 ]
 [-0.88914531]]
delta b updated:  [array([[ 0.13075463],
       [-0.10310688]]), array([[ 1.19431497],
       [ 0.5766768 ],
       [-0.88914531]])]
delta w updated: [array([[-0.11379771, -0.01294884,  0.13283432],
       [ 0.08973546,  0.01021084, -0.10474682]]), array([[ 0.19775359,  0.13743785],
       [ 0.09548562,  0.06636208],
       [-0.14722388, -0.10231993]])]
input:  [[-0.22549134]
 [-0.36763205]
 [ 0.83786346]]
activations:  [array([[-0.22549134],
       [-0.36763205],
       [ 0.83786346]]), array([[ 0.30085305],
       [-0.25180333]]), array([[ 0.85343568],
       [ 0.62428245],
       [ 0.44414451]])]
cost derivative:  [[ 1.07892702]
 [ 0.9919145 ]
 [-0.39371895]]
unit step:  1
delta:  [[ 1.07892702]
 [ 0.9919145 ]
 [-0.39371895]]
delta b updated:  [array([[ 0.20699558],
       [ 0.34276229]]), array([[ 1.07892702],
       [ 0.9919145 ],
       [-0.39371895]])]
delta w updated: [array([[-0.04667571, -0.07609821,  0.17343404],
       [-0.07728993, -0.12601041,  0.287188  ]]), array([[ 0.32459849, -0.27167741],
       [ 0.29842051, -0.24976737],
       [-0.11845155,  0.09913974]])]
input:  [[ 0.80968627]
 [-0.24410611]
 [ 0.94051003]]
activations:  [array([[ 0.80968627],
       [-0.24410611],
       [ 0.94051003]]), array([[ 0.60552294],
       [-0.63181542]]), array([[ 1.63315441],
       [ 0.67873362],
       [ 0.87438683]])]
cost derivative:  [[ 0.82346814]
 [ 0.92283973]
 [-0.06612319]]
unit step:  1
delta:  [[ 0.82346814]
 [ 0.92283973]
 [-0.06612319]]
delta b updated:  [array([[ 0.34622783],
       [ 0.81530354]]), array([[ 0.82346814],
       [ 0.92283973],
       [-0.06612319]])]
delta w updated: [array([[ 0.28033592, -0.08451633,  0.32563075],
       [ 0.66014008, -0.19902057,  0.76680115]]), array([[ 0.49862885, -0.52027987],
       [ 0.55880062, -0.58306437],
       [-0.04003911,  0.04177765]])]
input:  [[ 0.8261106 ]
 [-0.32735242]
 [ 0.88246983]]
activations:  [array([[ 0.8261106 ],
       [-0.32735242],
       [ 0.88246983]]), array([[ 0.59663387],
       [-0.67069045]]), array([[ 1.65615083],
       [ 0.70745846],
       [ 0.89368069]])]
cost derivative:  [[ 0.83004023]
 [ 1.03481088]
 [ 0.01121085]]
unit step:  1
delta:  [[ 0.83004023]
 [ 1.03481088]
 [ 0.01121085]]
delta b updated:  [array([[ 0.33549523],
       [ 0.94873875]]), array([[ 0.83004023],
       [ 1.03481088],
       [ 0.01121085]])]
delta w updated: [array([[ 0.27715617, -0.10982518,  0.29606442],
       [ 0.78376314, -0.31057192,  0.83723333]]), array([[ 0.49523011, -0.55670006],
       [ 0.61740322, -0.69403778],
       [ 0.00668878, -0.00751901]])]
input:  [[-0.6015206 ]
 [-0.06581055]
 [ 1.04336123]]
activations:  [array([[-0.6015206 ],
       [-0.06581055],
       [ 1.04336123]]), array([[ 0.24430245],
       [ 0.01588182]]), array([[ 0.52509949],
       [ 0.49115462],
       [ 0.23899305]])]
cost derivative:  [[ 1.1266201 ]
 [ 0.55696517]
 [-0.80436819]]
unit step:  1
delta:  [[ 1.1266201 ]
 [ 0.55696517]
 [-0.80436819]]
delta b updated:  [array([[ 0.18507131],
       [-0.01388653]]), array([[ 1.1266201 ],
       [ 0.55696517],
       [-0.80436819]])]
delta w updated: [array([[-0.11132421, -0.01217964,  0.19309623],
       [ 0.00835304,  0.00091388, -0.01448867]]), array([[ 0.27523605,  0.01789277],
       [ 0.13606796,  0.00884562],
       [-0.19650912, -0.01277483]])]
input:  [[ 0.81047671]
 [-1.08986298]
 [ 0.34824972]]
activations:  [array([[ 0.81047671],
       [-1.08986298],
       [ 0.34824972]]), array([[ 0.47188061],
       [-0.95259   ]]), array([[ 1.74071165],
       [ 0.95445897],
       [ 0.99634851]])]
cost derivative:  [[ 0.93023494]
 [ 2.04432195]
 [ 0.6480988 ]]
unit step:  1
delta:  [[ 0.93023494]
 [ 2.04432195]
 [ 0.6480988 ]]
delta b updated:  [array([[ 0.23561025],
       [ 2.41547638]]), array([[ 0.93023494],
       [ 2.04432195],
       [ 0.6480988 ]])]
delta w updated: [array([[ 0.19095662, -0.25678288,  0.0820512 ],
       [ 1.95768734, -2.63253827,  0.84118896]]), array([[ 0.43895983, -0.8861325 ],
       [ 0.96467589, -1.94740064],
       [ 0.30582526, -0.61737243]])]
input:  [[ 0.86836884]
 [-0.59192698]
 [ 0.69785067]]
activations:  [array([[ 0.86836884],
       [-0.59192698],
       [ 0.69785067]]), array([[ 0.56603375],
       [-0.79078107]]), array([[ 1.7227062 ],
       [ 0.79749746],
       [ 0.95108038]])]
cost derivative:  [[ 0.85433736]
 [ 1.38942443]
 [ 0.25322971]]
unit step:  1
delta:  [[ 0.85433736]
 [ 1.38942443]
 [ 0.25322971]]
delta b updated:  [array([[ 0.30297507],
       [ 1.43012481]]), array([[ 0.85433736],
       [ 1.38942443],
       [ 0.25322971]])]
delta w updated: [array([[ 0.26309411, -0.17933912,  0.21143136],
       [ 1.24187582, -0.84652945,  0.99801355]]), array([[ 0.48358378, -0.67559381],
       [ 0.78646112, -1.09873053],
       [ 0.14333656, -0.20024926]])]
input:  [[-0.63582729]
 [-0.0470456 ]
 [ 1.0559671 ]]
activations:  [array([[-0.63582729],
       [-0.0470456 ],
       [ 1.0559671 ]]), array([[ 0.23746146],
       [ 0.03581198]]), array([[ 0.49599513],
       [ 0.48144827],
       [ 0.22203827]])]
cost derivative:  [[ 1.13182243]
 [ 0.52849387]
 [-0.83392883]]
unit step:  1
delta:  [[ 1.13182243]
 [ 0.52849387]
 [-0.83392883]]
delta b updated:  [array([[ 0.18111655],
       [-0.03014994]]), array([[ 1.13182243],
       [ 0.52849387],
       [-0.83392883]])]
delta w updated: [array([[-0.11515885, -0.00852074,  0.19125312],
       [ 0.01917016,  0.00141842, -0.03183735]]), array([[ 0.26876421,  0.0405328 ],
       [ 0.12549693,  0.01892641],
       [-0.19802596, -0.02986464]])]
input:  [[-0.53784878]
 [-0.10663077]
 [ 1.01576828]]
activations:  [array([[-0.53784878],
       [-0.10663077],
       [ 1.01576828]]), array([[ 0.25490473],
       [-0.02718895]]), array([[ 0.57837023],
       [ 0.50977895],
       [ 0.27319222]])]
cost derivative:  [[ 1.11621901]
 [ 0.61640972]
 [-0.74257606]]
unit step:  1
delta:  [[ 1.11621901]
 [ 0.61640972]
 [-0.74257606]]
delta b updated:  [array([[ 0.18990713],
       [ 0.02555266]]), array([[ 1.11621901],
       [ 0.61640972],
       [-0.74257606]])]
delta w updated: [array([[-0.10214132, -0.02024994,  0.19290164],
       [-0.01374347, -0.0027247 ,  0.02595558]]), array([[ 0.28452951, -0.03034883],
       [ 0.15712576, -0.01675953],
       [-0.18928615,  0.02018987]])]
input:  [[-0.14663269]
 [-0.44135029]
 [ 0.78746928]]
activations:  [array([[-0.14663269],
       [-0.44135029],
       [ 0.78746928]]), array([[ 0.30979281],
       [-0.3154372 ]]), array([[ 0.92166412],
       [ 0.65477812],
       [ 0.49076762]])]
cost derivative:  [[ 1.06829681]
 [ 1.09612841]
 [-0.29670166]]
unit step:  1
delta:  [[ 1.06829681]
 [ 1.09612841]
 [-0.29670166]]
delta b updated:  [array([[ 0.20725032],
       [ 0.46524612]]), array([[ 1.06829681],
       [ 1.09612841],
       [-0.29670166]])]
delta w updated: [array([[-0.03038967, -0.09146999,  0.16320326],
       [-0.06822029, -0.20533651,  0.36636703]]), array([[ 0.33095067, -0.33698056],
       [ 0.3395727 , -0.34575968],
       [-0.09191604,  0.09359074]])]
input:  [[ 0.83331994]
 [-1.06496602]
 [ 0.36604096]]
activations:  [array([[ 0.83331994],
       [-1.06496602],
       [ 0.36604096]]), array([[ 0.48136431],
       [-0.95650556]]), array([[ 1.75507273],
       [ 0.94791683],
       [ 1.00479474]])]
cost derivative:  [[ 0.92175279]
 [ 2.01288284]
 [ 0.63875378]]
unit step:  1
delta:  [[ 0.92175279]
 [ 2.01288284]
 [ 0.63875378]]
delta b updated:  [array([[ 0.2397439 ],
       [ 2.39075842]]), array([[ 0.92175279],
       [ 2.01288284],
       [ 0.63875378]])]
delta w updated: [array([[ 0.19978337, -0.2553191 ,  0.08775609],
       [ 1.99226667, -2.54607647,  0.87511551]]), array([[ 0.4436989 , -0.88166168],
       [ 0.96892996, -1.92533364],
       [ 0.30747327, -0.61097154]])]
input:  [[-0.67638176]
 [-0.02871278]
 [ 1.06817291]]
activations:  [array([[-0.67638176],
       [-0.02871278],
       [ 1.06817291]]), array([[ 0.22867054],
       [ 0.05852541]]), array([[ 0.46114604],
       [ 0.47115286],
       [ 0.20259157]])]
cost derivative:  [[ 1.1375278 ]
 [ 0.49986564]
 [-0.86558134]]
unit step:  1
delta:  [[ 1.1375278 ]
 [ 0.49986564]
 [-0.86558134]]
delta b updated:  [array([[ 0.17546156],
       [-0.0473294 ]]), array([[ 1.1375278 ],
       [ 0.49986564],
       [-0.86558134]])]
delta w updated: [array([[-0.118679  , -0.00503799,  0.18742329],
       [ 0.03201275,  0.00135896, -0.05055599]]), array([[ 0.26011909,  0.06657428],
       [ 0.11430454,  0.02925484],
       [-0.19793295, -0.0506585 ]])]
input:  [[-0.86733502]
 [-0.09135316]
 [ 1.02132887]]
activations:  [array([[-0.86733502],
       [-0.09135316],
       [ 1.02132887]]), array([[ 0.16606871],
       [ 0.11394054]]), array([[ 0.32157895],
       [ 0.47393805],
       [ 0.12897456]])]
cost derivative:  [[ 1.18891397]
 [ 0.56529121]
 [-0.89235431]]
unit step:  1
delta:  [[ 1.18891397]
 [ 0.56529121]
 [-0.89235431]]
delta b updated:  [array([[ 0.1302024 ],
       [-0.10021079]]), array([[ 1.18891397],
       [ 0.56529121],
       [-0.89235431]])]
delta w updated: [array([[-0.1129291 , -0.0118944 ,  0.13297946],
       [ 0.08691633,  0.00915457, -0.10234818]]), array([[ 0.19744141,  0.1354655 ],
       [ 0.09387718,  0.06440958],
       [-0.14819213, -0.10167533]])]
input:  [[ 0.61112977]
 [-1.08199651]
 [ 0.35064981]]
activations:  [array([[ 0.61112977],
       [-1.08199651],
       [ 0.35064981]]), array([[ 0.4171678 ],
       [-0.87324945]]), array([[ 1.58648611],
       [ 0.93288063],
       [ 0.91231445]])]
cost derivative:  [[ 0.97535634]
 [ 2.01487715]
 [ 0.56166464]]
unit step:  1
delta:  [[ 0.97535634]
 [ 2.01487715]
 [ 0.56166464]]
delta b updated:  [array([[ 0.21837959],
       [ 2.18279211]]), array([[ 0.97535634],
       [ 2.01487715],
       [ 0.56166464]])]
delta w updated: [array([[ 0.13345827, -0.23628595,  0.07657476],
       [ 1.33396924, -2.36177346,  0.76539564]]), array([[ 0.40688726, -0.85172938],
       [ 0.84054187, -1.75949035],
       [ 0.2343084 , -0.49047333]])]
input:  [[-0.79214976]
 [-0.01515875]
 [ 1.0758593 ]]
activations:  [array([[-0.79214976],
       [-0.01515875],
       [ 1.0758593 ]]), array([[ 0.19858525],
       [ 0.1110718 ]]), array([[ 0.3691742 ],
       [ 0.45558359],
       [ 0.15101332]])]
cost derivative:  [[ 1.16132396]
 [ 0.47074234]
 [-0.92484598]]
unit step:  1
delta:  [[ 1.16132396]
 [ 0.47074234]
 [-0.92484598]]
delta b updated:  [array([[ 0.15506551],
       [-0.08605284]]), array([[ 1.16132396],
       [ 0.47074234],
       [-0.92484598]])]
delta w updated: [array([[-0.12283511, -0.0023506 ,  0.16682867],
       [ 0.06816674,  0.00130445, -0.09258075]]), array([[ 0.23062181,  0.12899034],
       [ 0.09348248,  0.0522862 ],
       [-0.18366077, -0.10272431]])]
input:  [[ 0.53025033]
 [-1.03611129]
 [ 0.38152138]]
activations:  [array([[ 0.53025033],
       [-1.03611129],
       [ 0.38152138]]), array([[ 0.40187694],
       [-0.82423209]]), array([[ 1.51869709],
       [ 0.91033243],
       [ 0.87164157]])]
cost derivative:  [[ 0.98844676]
 [ 1.94644372]
 [ 0.49012019]]
unit step:  1
delta:  [[ 0.98844676]
 [ 1.94644372]
 [ 0.49012019]]
delta b updated:  [array([[ 0.21596223],
       [ 1.99681243]]), array([[ 0.98844676],
       [ 1.94644372],
       [ 0.49012019]])]
delta w updated: [array([[ 0.11451405, -0.22376091,  0.08239421],
       [ 1.05881045, -2.0689199 ,  0.76182663]]), array([[ 0.39723395, -0.81470954],
       [ 0.78223084, -1.60432138],
       [ 0.196968  , -0.40397279]])]
input:  [[ 0.32782706]
 [-0.8819045 ]
 [ 0.48635374]]
activations:  [array([[ 0.32782706],
       [-0.8819045 ],
       [ 0.48635374]]), array([[ 0.37024641],
       [-0.6833494 ]]), array([[ 1.3435043 ],
       [ 0.84129714],
       [ 0.76224066]])]
cost derivative:  [[ 1.01567723]
 [ 1.72320164]
 [ 0.27588691]]
unit step:  1
delta:  [[ 1.01567723]
 [ 1.72320164]
 [ 0.27588691]]
delta b updated:  [array([[ 0.21288884],
       [ 1.48492193]]), array([[ 1.01567723],
       [ 1.72320164],
       [ 0.27588691]])]
delta w updated: [array([[ 0.06979072, -0.18774763,  0.10353928],
       [ 0.4867976 , -1.30955933,  0.72219733]]), array([[ 0.37605085, -0.69406242],
       [ 0.63800922, -1.1775488 ],
       [ 0.10214614, -0.18852716]])]
input:  [[-0.45000473]
 [-0.17220518]
 [ 0.97121724]]
activations:  [array([[-0.45000473],
       [-0.17220518],
       [ 0.97121724]]), array([[ 0.26774339],
       [-0.09185796]]), array([[ 0.6526637 ],
       [ 0.53783678],
       [ 0.32279554]])]
cost derivative:  [[ 1.10266843]
 [ 0.71004196]
 [-0.6484217 ]]
unit step:  1
delta:  [[ 1.10266843]
 [ 0.71004196]
 [-0.6484217 ]]
delta b updated:  [array([[ 0.19456705],
       [ 0.0957645 ]]), array([[ 1.10266843],
       [ 0.71004196],
       [-0.6484217 ]])]
delta w updated: [array([[-0.08755609, -0.03350545,  0.18896687],
       [-0.04309448, -0.01649114,  0.09300814]]), array([[ 0.29523219, -0.10128887],
       [ 0.19010904, -0.06522301],
       [-0.17361063,  0.0595627 ]])]
input:  [[-0.82561786]
 [-0.78438004]
 [ 0.53666163]]
activations:  [array([[-0.82561786],
       [-0.78438004],
       [ 0.53666163]]), array([[ 0.06772671],
       [-0.16854691]]), array([[ 0.4422507 ],
       [ 0.70334738],
       [ 0.24821655]])]
cost derivative:  [[ 1.26786855]
 [ 1.48772741]
 [-0.28844507]]
unit step:  1
delta:  [[ 1.26786855]
 [ 1.48772741]
 [-0.28844507]]
delta b updated:  [array([[ 0.04872818],
       [ 0.32050526]]), array([[ 1.26786855],
       [ 1.48772741],
       [-0.28844507]])]
delta w updated: [array([[-0.04023086, -0.03822141,  0.02615055],
       [-0.26461487, -0.25139793,  0.17200288]]), array([[ 0.08586856, -0.21369532],
       [ 0.10075888, -0.25075185],
       [-0.01953544,  0.04861652]])]
input:  [[ 0.53959763]
 [-1.04203725]
 [ 0.37751727]]
activations:  [array([[ 0.53959763],
       [-1.04203725],
       [ 0.37751727]]), array([[ 0.40306561],
       [-0.83336315]]), array([[ 1.52668556],
       [ 0.91219915],
       [ 0.87809006]])]
cost derivative:  [[ 0.98708793]
 [ 1.9542364 ]
 [ 0.50057279]]
unit step:  1
delta:  [[ 0.98708793]
 [ 1.9542364 ]
 [ 0.50057279]]
delta b updated:  [array([[ 0.21596343],
       [ 2.02517195]]), array([[ 0.98708793],
       [ 1.9542364 ],
       [ 0.50057279]])]
delta w updated: [array([[ 0.11653335, -0.22504194,  0.08152992],
       [ 1.09277798, -2.11030461,  0.76453738]]), array([[ 0.3978612 , -0.8226027 ],
       [ 0.78768548, -1.62858859],
       [ 0.20176368, -0.41715892]])]
input:  [[ 0.86696128]
 [-0.9878016 ]
 [ 0.42060282]]
activations:  [array([[ 0.86696128],
       [-0.9878016 ],
       [ 0.42060282]]), array([[ 0.50157287],
       [-0.95042668]]), array([[ 1.77246326],
       [ 0.92435525],
       [ 1.01302702]])]
cost derivative:  [[ 0.90550198]
 [ 1.91215685]
 [ 0.5924242 ]]
unit step:  1
delta:  [[ 0.90550198]
 [ 1.91215685]
 [ 0.5924242 ]]
delta b updated:  [array([[ 0.25193601],
       [ 2.26766386]]), array([[ 0.90550198],
       [ 1.91215685],
       [ 0.5924242 ]])]
delta w updated: [array([[ 0.21841877, -0.24886279,  0.105965  ],
       [ 1.96597677, -2.24000199,  0.95378583]]), array([[ 0.45417523, -0.86061325],
       [ 0.95908599, -1.81736489],
       [ 0.2971439 , -0.56305577]])]
input:  [[ 0.88021093]
 [-0.91040425]
 [ 0.47500981]]
activations:  [array([[ 0.88021093],
       [-0.91040425],
       [ 0.47500981]]), array([[ 0.51717849],
       [-0.92864852]]), array([[ 1.77361846],
       [ 0.90036354],
       [ 1.00840248]])]
cost derivative:  [[ 0.89340752]
 [ 1.81076779]
 [ 0.53339266]]
unit step:  1
delta:  [[ 0.89340752]
 [ 1.81076779]
 [ 0.53339266]]
delta b updated:  [array([[ 0.26286113],
       [ 2.11136558]]), array([[ 0.89340752],
       [ 1.81076779],
       [ 0.53339266]])]
delta w updated: [array([[ 0.23137324, -0.23930989,  0.12486162],
       [ 1.85844707, -1.92219619,  1.00291937]]), array([[ 0.46205115, -0.82966157],
       [ 0.93649015, -1.68156682],
       [ 0.27585921, -0.49533431]])]
input:  [[-0.49957509]
 [-0.13409692]
 [ 0.99713094]]
activations:  [array([[-0.49957509],
       [-0.13409692],
       [ 0.99713094]]), array([[ 0.25963662],
       [-0.05959166]]), array([[ 0.60955386],
       [ 0.5198345 ],
       [ 0.29697058]])]
cost derivative:  [[ 1.10912895]
 [ 0.65393142]
 [-0.70016036]]
unit step:  1
delta:  [[ 1.10912895]
 [ 0.65393142]
 [-0.70016036]]
delta b updated:  [array([[ 0.1910796 ],
       [ 0.05835378]]), array([[ 1.10912895],
       [ 0.65393142],
       [-0.70016036]])]
delta w updated: [array([[-0.09545861, -0.02562318,  0.19053138],
       [-0.0291521 , -0.00782506,  0.05818636]]), array([[ 0.28797049, -0.06609483],
       [ 0.16978454, -0.03896886],
       [-0.18178727,  0.04172372]])]
input:  [[-0.78075027]
 [-0.98418159]
 [ 0.39744286]]
activations:  [array([[-0.78075027],
       [-0.98418159],
       [ 0.39744286]]), array([[ 0.04807023],
       [-0.26666652]]), array([[ 0.50328356],
       [ 0.7721443 ],
       [ 0.29810047]])]
cost derivative:  [[ 1.28403383]
 [ 1.75632589]
 [-0.09934239]]
unit step:  1
delta:  [[ 1.28403383]
 [ 1.75632589]
 [-0.09934239]]
delta b updated:  [array([[ 0.03351562],
       [ 0.58596917]]), array([[ 1.28403383],
       [ 1.75632589],
       [-0.09934239]])]
delta w updated: [array([[-0.02616733, -0.03298545,  0.01332054],
       [-0.45749559, -0.57670006,  0.23288926]]), array([[ 0.0617238 , -0.34240884],
       [ 0.08442698, -0.46835332],
       [-0.00477541,  0.02649129]])]
input:  [[-0.89074637]
 [-0.35380162]
 [ 0.83717451]]
activations:  [array([[-0.89074637],
       [-0.35380162],
       [ 0.83717451]]), array([[ 0.11716117],
       [ 0.01911439]]), array([[ 0.33613013],
       [ 0.55547492],
       [ 0.1592712 ]])]
cost derivative:  [[ 1.2268765 ]
 [ 0.90927654]
 [-0.6779033 ]]
unit step:  1
delta:  [[ 1.2268765 ]
 [ 0.90927654]
 [-0.6779033 ]]
delta b updated:  [array([[ 0.08939288],
       [-0.02404727]]), array([[ 1.2268765 ],
       [ 0.90927654],
       [-0.6779033 ]])]
delta w updated: [array([[-0.07962638, -0.03162735,  0.07483744],
       [ 0.02142002,  0.00850796, -0.02013176]]), array([[ 0.14374228,  0.023451  ],
       [ 0.1065319 ,  0.01738027],
       [-0.07942394, -0.01295771]])]
input:  [[ 0.16203029]
 [-0.7336841 ]
 [ 0.58756508]]
activations:  [array([[ 0.16203029],
       [-0.7336841 ],
       [ 0.58756508]]), array([[ 0.3469839 ],
       [-0.56434044]]), array([[ 1.19658385],
       [ 0.77583638],
       [ 0.67205516]])]
cost derivative:  [[ 1.03455357]
 [ 1.50952048]
 [ 0.08449007]]
unit step:  1
delta:  [[ 1.03455357]
 [ 1.50952048]
 [ 0.08449007]]
delta b updated:  [array([[ 0.2106474 ],
       [ 1.09056555]]), array([[ 1.03455357],
       [ 1.50952048],
       [ 0.08449007]])]
delta w updated: [array([[ 0.03413126, -0.15454865,  0.12376905],
       [ 0.17670465, -0.80013061,  0.64077824]]), array([[ 0.35897343, -0.58384041],
       [ 0.5237793 , -0.85188345],
       [ 0.02931669, -0.04768116]])]
input:  [[ 0.7843778 ]
 [-0.12539678]
 [ 1.02324597]]
activations:  [array([[ 0.7843778 ],
       [-0.12539678],
       [ 1.02324597]]), array([[ 0.61407887],
       [-0.59217969]]), array([[ 1.59660482],
       [ 0.63337059],
       [ 0.85465115]])]
cost derivative:  [[ 0.81222702]
 [ 0.75876737]
 [-0.16859482]]
unit step:  1
delta:  [[ 0.81222702]
 [ 0.75876737]
 [-0.16859482]]
delta b updated:  [array([[ 0.35904116],
       [ 0.6552549 ]]), array([[ 0.81222702],
       [ 0.75876737],
       [-0.16859482]])]
delta w updated: [array([[ 0.28162392, -0.0450226 ,  0.36738742],
       [ 0.5139674 , -0.08216685,  0.67048693]]), array([[ 0.49877145, -0.48098434],
       [ 0.46594301, -0.44932662],
       [-0.10353051,  0.09983843]])]
input:  [[ 0.51130396]
 [-1.02368072]
 [ 0.38993089]]
activations:  [array([[ 0.51130396],
       [-1.02368072],
       [ 0.38993089]]), array([[ 0.39702851],
       [-0.82164261]]), array([[ 1.50319482],
       [ 0.90239865],
       [ 0.86645614]])]
cost derivative:  [[ 0.99189086]
 [ 1.92607937]
 [ 0.47652525]]
unit step:  1
delta:  [[ 0.99189086]
 [ 1.92607937]
 [ 0.47652525]]
delta b updated:  [array([[ 0.214735  ],
       [ 1.96866043]]), array([[ 0.99189086],
       [ 1.92607937],
       [ 0.47652525]])]
delta w updated: [array([[ 0.10979486, -0.21982008,  0.08373181],
       [ 1.00658388, -2.01527972,  0.76764152]]), array([[ 0.39380895, -0.81497979],
       [ 0.76470842, -1.58254887],
       [ 0.18919411, -0.39153345]])]
input:  [[-0.64415088]
 [-0.04291088]
 [ 1.05873279]]
activations:  [array([[-0.64415088],
       [-0.04291088],
       [ 1.05873279]]), array([[ 0.23360291],
       [ 0.0333727 ]]), array([[ 0.48496421],
       [ 0.4757337 ],
       [ 0.2222208 ]])]
cost derivative:  [[ 1.12911509]
 [ 0.51864458]
 [-0.83651199]]
unit step:  1
delta:  [[ 1.12911509]
 [ 0.51864458]
 [-0.83651199]]
delta b updated:  [array([[ 0.17733404],
       [-0.02759404]]), array([[ 1.12911509],
       [ 0.51864458],
       [-0.83651199]])]
delta w updated: [array([[-0.11422988, -0.00760956,  0.18774936],
       [ 0.01777472,  0.00118408, -0.02921471]]), array([[ 0.26376457,  0.03768162],
       [ 0.12115688,  0.01730857],
       [-0.19541163, -0.02791666]])]
input:  [[-0.82850036]
 [-0.03459315]
 [ 1.06168277]]
activations:  [array([[-0.82850036],
       [-0.03459315],
       [ 1.06168277]]), array([[ 0.18403814],
       [ 0.11347367]]), array([[ 0.34117337],
       [ 0.45606872],
       [ 0.14103165]])]
cost derivative:  [[ 1.16967374]
 [ 0.49066187]
 [-0.92065112]]
unit step:  1
delta:  [[ 1.16967374]
 [ 0.49066187]
 [-0.92065112]]
delta b updated:  [array([[ 0.14364851],
       [-0.09006656]]), array([[ 1.16967374],
       [ 0.49066187],
       [-0.92065112]])]
delta w updated: [array([[-0.11901284, -0.00496925,  0.15250915],
       [ 0.07462018,  0.00311569, -0.09562211]]), array([[ 0.21526457,  0.13272717],
       [ 0.0903005 ,  0.0556772 ],
       [-0.16943492, -0.10446966]])]
input:  [[-0.47005138]
 [-0.15648523]
 [ 0.9819131 ]]
activations:  [array([[-0.47005138],
       [-0.15648523],
       [ 0.9819131 ]]), array([[ 0.26333837],
       [-0.08254056]]), array([[ 0.63275408],
       [ 0.52855434],
       [ 0.31481464]])]
cost derivative:  [[ 1.10280546]
 [ 0.68503957]
 [-0.66709846]]
unit step:  1
delta:  [[ 1.10280546]
 [ 0.68503957]
 [-0.66709846]]
delta b updated:  [array([[ 0.19158988],
       [ 0.08353226]]), array([[ 1.10280546],
       [ 0.68503957],
       [-0.66709846]])]
delta w updated: [array([[-0.09005709, -0.02998099,  0.18812461],
       [-0.03926446, -0.01307157,  0.08202142]]), array([[ 0.29041099, -0.09102618],
       [ 0.1803972 , -0.05654355],
       [-0.17567262,  0.05506268]])]
input:  [[ 0.46254887]
 [-0.98940729]
 [ 0.41317183]]
activations:  [array([[ 0.46254887],
       [-0.98940729],
       [ 0.41317183]]), array([[ 0.3886349 ],
       [-0.78982185]]), array([[ 1.46026052],
       [ 0.88615059],
       [ 0.84162992]])]
cost derivative:  [[ 0.99771165]
 [ 1.87555788]
 [ 0.4284581 ]]
unit step:  1
delta:  [[ 0.99771165]
 [ 1.87555788]
 [ 0.4284581 ]]
delta b updated:  [array([[ 0.21309541],
       [ 1.84710672]]), array([[ 0.99771165],
       [ 1.87555788],
       [ 0.4284581 ]])]
delta w updated: [array([[ 0.09856704, -0.21083815,  0.08804502],
       [ 0.85437713, -1.82754085,  0.76317246]]), array([[ 0.38774557, -0.78801447],
       [ 0.72890726, -1.4813566 ],
       [ 0.16651377, -0.33840557]])]
input:  [[ 0.76277979]
 [-0.03044527]
 [ 1.08940248]]
activations:  [array([[ 0.76277979],
       [-0.03044527],
       [ 1.08940248]]), array([[ 0.62223868],
       [-0.5498653 ]]), array([[ 1.56616367],
       [ 0.59940905],
       [ 0.8333053 ]])]
cost derivative:  [[ 0.80338388]
 [ 0.62985432]
 [-0.25609718]]
unit step:  1
delta:  [[ 0.80338388]
 [ 0.62985432]
 [-0.25609718]]
delta b updated:  [array([[ 0.36948531],
       [ 0.52933734]]), array([[ 0.80338388],
       [ 0.62985432],
       [-0.25609718]])]
delta w updated: [array([[ 0.28183592, -0.01124908,  0.40251821],
       [ 0.40376782, -0.01611582,  0.57666141]]), array([[ 0.49989652, -0.44175291],
       [ 0.39191972, -0.34633503],
       [-0.15935357,  0.14081895]])]
input:  [[ 0.78390241]
 [-1.10627369]
 [ 0.3363431 ]]
activations:  [array([[ 0.78390241],
       [-1.10627369],
       [ 0.3363431 ]]), array([[ 0.45823609],
       [-0.97047082]]), array([[ 1.72332864],
       [ 0.95357889],
       [ 0.99922795]])]
cost derivative:  [[ 0.93942623]
 [ 2.05985257]
 [ 0.66288485]]
unit step:  1
delta:  [[ 0.93942623]
 [ 2.05985257]
 [ 0.66288485]]
delta b updated:  [array([[ 0.22942047],
       [ 2.46961461]]), array([[ 0.93942623],
       [ 2.05985257],
       [ 0.66288485]])]
delta w updated: [array([[ 0.17984326, -0.25380183,  0.07716399],
       [ 1.93593685, -2.73206966,  0.83063782]]), array([[ 0.430479  , -0.91168574],
       [ 0.94389878, -1.99902681],
       [ 0.30375776, -0.6433104 ]])]
input:  [[ 0.79496623]
 [-1.10069716]
 [ 0.3404208 ]]
activations:  [array([[ 0.79496623],
       [-1.10069716],
       [ 0.3404208 ]]), array([[ 0.4619322 ],
       [-0.97539178]]), array([[ 1.73237196],
       [ 0.9529018 ],
       [ 1.00415911]])]
cost derivative:  [[ 0.93740574]
 [ 2.05359896]
 [ 0.66373831]]
unit step:  1
delta:  [[ 0.93740574]
 [ 2.05359896]
 [ 0.66373831]]
delta b updated:  [array([[ 0.23153373],
       [ 2.47537285]]), array([[ 0.93740574],
       [ 2.05359896],
       [ 0.66373831]])]
delta w updated: [array([[ 0.1840615 , -0.25484852,  0.0788189 ],
       [ 1.96783781, -2.72463587,  0.8426684 ]]), array([[ 0.43301789, -0.91433785],
       [ 0.94862348, -2.00306355],
       [ 0.3066021 , -0.64740489]])]
input:  [[ 0.29539115]
 [-0.85396583]
 [ 0.50541302]]
activations:  [array([[ 0.29539115],
       [-0.85396583],
       [ 0.50541302]]), array([[ 0.36323127],
       [-0.67388622]]), array([[ 1.31560336],
       [ 0.82650837],
       [ 0.75140077]])]
cost derivative:  [[ 1.02021221]
 [ 1.6804742 ]
 [ 0.24598775]]
unit step:  1
delta:  [[ 1.02021221]
 [ 1.6804742 ]
 [ 0.24598775]]
delta b updated:  [array([[ 0.21100356],
       [ 1.42851092]]), array([[ 1.02021221],
       [ 1.6804742 ],
       [ 0.24598775]])]
delta w updated: [array([[ 0.06232859, -0.18018983,  0.10664395],
       [ 0.42196949, -1.21989951,  0.72198802]]), array([[ 0.37057298, -0.68750694],
       [ 0.61040078, -1.1324484 ],
       [ 0.08935044, -0.16576776]])]
input:  [[-0.72135026]
 [-0.01485856]
 [ 1.07717359]]
activations:  [array([[-0.72135026],
       [-0.01485856],
       [ 1.07717359]]), array([[ 0.21584895],
       [ 0.07337342]]), array([[ 0.42035485],
       [ 0.45839077],
       [ 0.18610913]])]
cost derivative:  [[ 1.14170512]
 [ 0.47324933]
 [-0.89106446]]
unit step:  1
delta:  [[ 1.14170512]
 [ 0.47324933]
 [-0.89106446]]
delta b updated:  [array([[ 0.16586313],
       [-0.05679679]]), array([[ 1.14170512],
       [ 0.47324933],
       [-0.89106446]])]
delta w updated: [array([[-0.11964542, -0.00246449,  0.17866339],
       [ 0.04097038,  0.00084392, -0.06118001]]), array([[ 0.24643586,  0.08377081],
       [ 0.10215037,  0.03472392],
       [-0.19233533, -0.06538045]])]
input:  [[-0.87249431]
 [-0.52297891]
 [ 0.71898646]]
activations:  [array([[-0.87249431],
       [-0.52297891],
       [ 0.71898646]]), array([[ 0.09402918],
       [-0.05835062]]), array([[ 0.37045034],
       [ 0.61108522],
       [ 0.19476932]])]
cost derivative:  [[ 1.24294465]
 [ 1.13406413]
 [-0.52421714]]
unit step:  1
delta:  [[ 1.24294465]
 [ 1.13406413]
 [-0.52421714]]
delta b updated:  [array([[ 0.06983883],
       [ 0.08767671]]), array([[ 1.24294465],
       [ 1.13406413],
       [-0.52421714]])]
delta w updated: [array([[-0.06093398, -0.03652424,  0.05021318],
       [-0.07649743, -0.04585307,  0.06303837]]), array([[ 0.11687306, -0.07252659],
       [ 0.10663512, -0.06617335],
       [-0.04929171,  0.0305884 ]])]
input:  [[-0.78790495]
 [-0.95398039]
 [ 0.41848079]]
activations:  [array([[-0.78790495],
       [-0.95398039],
       [ 0.41848079]]), array([[ 0.04928359],
       [-0.25936947]]), array([[ 0.4923921 ],
       [ 0.75980763],
       [ 0.29486098]])]
cost derivative:  [[ 1.28029704]
 [ 1.71378802]
 [-0.12361981]]
unit step:  1
delta:  [[ 1.28029704]
 [ 1.71378802]
 [-0.12361981]]
delta b updated:  [array([[ 0.03433708],
       [ 0.55613015]]), array([[ 1.28029704],
       [ 1.71378802],
       [-0.12361981]])]
delta w updated: [array([[-0.02705436, -0.0327569 ,  0.01436941],
       [-0.4381777 , -0.53053726,  0.23272979]]), array([[ 0.06309763, -0.33206997],
       [ 0.08446163, -0.44450429],
       [-0.00609243,  0.03206321]])]
input:  [[-0.80860522]
 [-0.02154802]
 [ 1.07112836]]
activations:  [array([[-0.80860522],
       [-0.02154802],
       [ 1.07112836]]), array([[ 0.19056936],
       [ 0.10695661]]), array([[ 0.35274973],
       [ 0.45190118],
       [ 0.14971853]])]
cost derivative:  [[ 1.16135495]
 [ 0.4734492 ]
 [-0.92140983]]
unit step:  1
delta:  [[ 1.16135495]
 [ 0.4734492 ]
 [-0.92140983]]
delta b updated:  [array([[ 0.14803979],
       [-0.08266036]]), array([[ 1.16135495],
       [ 0.4734492 ],
       [-0.92140983]])]
delta w updated: [array([[-0.11970575, -0.00318996,  0.15856962],
       [ 0.0668396 ,  0.00178117, -0.08853986]]), array([[ 0.22131867,  0.12421458],
       [ 0.09022491,  0.05063852],
       [-0.17559248, -0.09855087]])]
input:  [[-0.75549339]
 [-0.01066178]
 [ 1.0795801 ]]
activations:  [array([[-0.75549339],
       [-0.01066178],
       [ 1.0795801 ]]), array([[ 0.20675622],
       [ 0.08896691]]), array([[ 0.39159998],
       [ 0.45303651],
       [ 0.17145224]])]
cost derivative:  [[ 1.14709337]
 [ 0.46369829]
 [-0.90812785]]
unit step:  1
delta:  [[ 1.14709337]
 [ 0.46369829]
 [-0.90812785]]
delta b updated:  [array([[ 0.15934703],
       [-0.06781821]]), array([[ 1.14709337],
       [ 0.46369829],
       [-0.90812785]])]
delta w updated: [array([[-0.12038563, -0.00169892,  0.17202788],
       [ 0.05123621,  0.00072306, -0.07321519]]), array([[ 0.23716869,  0.10205335],
       [ 0.09587251,  0.0412538 ],
       [-0.18776108, -0.08079333]])]
input:  [[-0.89286411]
 [-0.23476572]
 [ 0.92050079]]
activations:  [array([[-0.89286411],
       [-0.23476572],
       [ 0.92050079]]), array([[ 0.13350384],
       [ 0.06048698]]), array([[ 0.31473369],
       [ 0.51390166],
       [ 0.14459159]])]
cost derivative:  [[ 1.2075978 ]
 [ 0.74866738]
 [-0.7759092 ]]
unit step:  1
delta:  [[ 1.2075978 ]
 [ 0.74866738]
 [-0.7759092 ]]
delta b updated:  [array([[ 0.10240771],
       [-0.06505193]]), array([[ 1.2075978 ],
       [ 0.74866738],
       [-0.7759092 ]])]
delta w updated: [array([[-0.09143617, -0.02404182,  0.09426638],
       [ 0.05808253,  0.01527196, -0.05988035]]), array([[ 0.16121895,  0.07304394],
       [ 0.09994997,  0.04528463],
       [-0.10358686, -0.0469324 ]])]
input:  [[-0.32441767]
 [-0.27805098]
 [ 0.89905324]]
activations:  [array([[-0.32441767],
       [-0.27805098],
       [ 0.89905324]]), array([[ 0.28298957],
       [-0.19422616]]), array([[ 0.75840062],
       [ 0.57959008],
       [ 0.39880041]])]
cost derivative:  [[ 1.08281829]
 [ 0.85764107]
 [-0.50025283]]
unit step:  1
delta:  [[ 1.08281829]
 [ 0.85764107]
 [-0.50025283]]
delta b updated:  [array([[ 0.19733913],
       [ 0.23343542]]), array([[ 1.08281829],
       [ 0.85764107],
       [-0.50025283]])]
delta w updated: [array([[-0.0640203 , -0.05487034,  0.17741839],
       [-0.07573058, -0.06490695,  0.20987087]]), array([[ 0.30642628, -0.21031164],
       [ 0.24270348, -0.16657633],
       [-0.14156633,  0.09716219]])]
input:  [[ 0.52081854]
 [-1.02999117]
 [ 0.38566014]]
activations:  [array([[ 0.52081854],
       [-1.02999117],
       [ 0.38566014]]), array([[ 0.39696017],
       [-0.83730335]]), array([[ 1.50982885],
       [ 0.9028309 ],
       [ 0.87741485]])]
cost derivative:  [[ 0.98901031]
 [ 1.93282207]
 [ 0.49175471]]
unit step:  1
delta:  [[ 0.98901031]
 [ 1.93282207]
 [ 0.49175471]]
delta b updated:  [array([[ 0.21322863],
       [ 2.00903091]]), array([[ 0.98901031],
       [ 1.93282207],
       [ 0.49175471]])]
delta w updated: [array([[ 0.11105343, -0.21962361,  0.08223378],
       [ 1.04634055, -2.06928409,  0.77480314]]), array([[ 0.3925977 , -0.82810165],
       [ 0.76725339, -1.6183584 ],
       [ 0.19520704, -0.41174787]])]
input:  [[ 0.80545352]
 [-1.09380872]
 [ 0.34540823]]
activations:  [array([[ 0.80545352],
       [-1.09380872],
       [ 0.34540823]]), array([[ 0.46503362],
       [-0.9828491 ]]), array([[ 1.73858796],
       [ 0.94954895],
       [ 1.01148613]])]
cost derivative:  [[ 0.93313445]
 [ 2.04335767]
 [ 0.66607791]]
unit step:  1
delta:  [[ 0.93313445]
 [ 2.04335767]
 [ 0.66607791]]
delta b updated:  [array([[ 0.23247322],
       [ 2.48111891]]), array([[ 0.93313445],
       [ 2.04335767],
       [ 0.66607791]])]
delta w updated: [array([[ 0.18724637, -0.25428124,  0.08029816],
       [ 1.99842595, -2.71386951,  0.85699888]]), array([[ 0.43393889, -0.91713035],
       [ 0.95023001, -2.00831225],
       [ 0.30974862, -0.65465407]])]
input:  [[-0.12388573]
 [-0.46285611]
 [ 0.77276375]]
activations:  [array([[-0.12388573],
       [-0.46285611],
       [ 0.77276375]]), array([[ 0.3086684 ],
       [-0.35190476]]), array([[ 0.93823494],
       [ 0.65802972],
       [ 0.51433151]])]
cost derivative:  [[ 1.06212067]
 [ 1.12088584]
 [-0.25843224]]
unit step:  1
delta:  [[ 1.06212067]
 [ 1.12088584]
 [-0.25843224]]
delta b updated:  [array([[ 0.20359787],
       [ 0.52592377]]), array([[ 1.06212067],
       [ 1.12088584],
       [-0.25843224]])]
delta w updated: [array([[-0.02522287, -0.09423652,  0.15733305],
       [-0.06515445, -0.24342703,  0.40641483]]), array([[ 0.32784309, -0.37376532],
       [ 0.34598204, -0.39444506],
       [-0.07976987,  0.09094353]])]
input:  [[-0.19185916]
 [-0.39888405]
 [ 0.81650256]]
activations:  [array([[-0.19185916],
       [-0.39888405],
       [ 0.81650256]]), array([[ 0.29993374],
       [-0.29903156]]), array([[ 0.87692045],
       [ 0.63066897],
       [ 0.4755119 ]])]
cost derivative:  [[ 1.06877961]
 [ 1.02955303]
 [-0.34099066]]
unit step:  1
delta:  [[ 1.06877961]
 [ 1.02955303]
 [-0.34099066]]
delta b updated:  [array([[ 0.2016245 ],
       [ 0.41640252]]), array([[ 1.06877961],
       [ 1.02955303],
       [-0.34099066]])]
delta w updated: [array([[-0.03868351, -0.0804248 ,  0.16462692],
       [-0.07989064, -0.16609632,  0.33999372]]), array([[ 0.32056306, -0.31959883],
       [ 0.30879769, -0.30786884],
       [-0.1022746 ,  0.10196697]])]
input:  [[ 0.6839231 ]
 [-1.10936775]
 [ 0.33261725]]
activations:  [array([[ 0.6839231 ],
       [-1.10936775],
       [ 0.33261725]]), array([[ 0.42870257],
       [-0.94077657]]), array([[ 1.64726276],
       [ 0.9431586 ],
       [ 0.96217015]])]
cost derivative:  [[ 0.96333966]
 [ 2.05252635]
 [ 0.62955289]]
unit step:  1
delta:  [[ 0.96333966]
 [ 2.05252635]
 [ 0.62955289]]
delta b updated:  [array([[ 0.21981044],
       [ 2.38219311]]), array([[ 0.96333966],
       [ 2.05252635],
       [ 0.62955289]])]
delta w updated: [array([[ 0.15033344, -0.24385061,  0.07311275],
       [ 1.62923689, -2.6427282 ,  0.79235853]]), array([[ 0.41298619, -0.90628738],
       [ 0.87992331, -1.93096869],
       [ 0.26989094, -0.59226861]])]
input:  [[-0.89356616]
 [-0.27608096]
 [ 0.89155731]]
activations:  [array([[-0.89356616],
       [-0.27608096],
       [ 0.89155731]]), array([[ 0.12607557],
       [ 0.04188019]]), array([[ 0.31896668],
       [ 0.52633756],
       [ 0.15184298]])]
cost derivative:  [[ 1.21253284]
 [ 0.80241852]
 [-0.73971433]]
unit step:  1
delta:  [[ 1.21253284]
 [ 0.80241852]
 [-0.73971433]]
delta b updated:  [array([[ 0.09612868],
       [-0.04744783]]), array([[ 1.21253284],
       [ 0.80241852],
       [-0.73971433]])]
delta w updated: [array([[-0.08589734, -0.0265393 ,  0.08570423],
       [ 0.04239777,  0.01309944, -0.04230246]]), array([[ 0.15287077,  0.05078111],
       [ 0.10116538,  0.03360544],
       [-0.09325991, -0.03097938]])]
input:  [[-0.20310013]
 [-0.38840343]
 [ 0.82366671]]
activations:  [array([[-0.20310013],
       [-0.38840343],
       [ 0.82366671]]), array([[ 0.29818921],
       [-0.29174333]]), array([[ 0.8664868 ],
       [ 0.62564554],
       [ 0.46990485]])]
cost derivative:  [[ 1.06958693]
 [ 1.01404897]
 [-0.35376186]]
unit step:  1
delta:  [[ 1.06958693]
 [ 1.01404897]
 [-0.35376186]]
delta b updated:  [array([[ 0.2009762 ],
       [ 0.40103782]]), array([[ 1.06958693],
       [ 1.01404897],
       [-0.35376186]])]
delta w updated: [array([[-0.04081829, -0.07805985,  0.16553741],
       [-0.08145083, -0.15576446,  0.3303215 ]]), array([[ 0.31893928, -0.31204485],
       [ 0.30237846, -0.29584202],
       [-0.10548797,  0.10320766]])]
input:  [[ 0.09382361]
 [-0.66987231]
 [ 0.63118801]]
activations:  [array([[ 0.09382361],
       [-0.66987231],
       [ 0.63118801]]), array([[ 0.33535091],
       [-0.5254699 ]]), array([[ 1.133039 ],
       [ 0.744835 ],
       [ 0.6411823]])]
cost derivative:  [[ 1.03921539]
 [ 1.41470732]
 [ 0.00999428]]
unit step:  1
delta:  [[ 1.03921539]
 [ 1.41470732]
 [ 0.00999428]]
delta b updated:  [array([[ 0.20671371],
       [ 0.95644732]]), array([[ 1.03921539],
       [ 1.41470732],
       [ 0.00999428]])]
delta w updated: [array([[ 0.01939463, -0.13847179,  0.13047522],
       [ 0.08973734, -0.64069758,  0.60369808]]), array([[ 0.34850183, -0.5460764 ],
       [ 0.47442339, -0.74338611],
       [ 0.00335159, -0.00525169]])]
input:  [[-0.89329364]
 [-0.24810329]
 [ 0.91115396]]
activations:  [array([[-0.89329364],
       [-0.24810329],
       [ 0.91115396]]), array([[ 0.13022715],
       [ 0.0518078 ]]), array([[ 0.31452516],
       [ 0.51673507],
       [ 0.14848142]])]
cost derivative:  [[ 1.2078188 ]
 [ 0.76483836]
 [-0.76267254]]
unit step:  1
delta:  [[ 1.2078188 ]
 [ 0.76483836]
 [-0.76267254]]
delta b updated:  [array([[ 0.09943348],
       [-0.05650422]]), array([[ 1.2078188 ],
       [ 0.76483836],
       [-0.76267254]])]
delta w updated: [array([[-0.08882329, -0.02466977,  0.09059921],
       [ 0.05047486,  0.01401888, -0.05148404]]), array([[ 0.15729081,  0.06257444],
       [ 0.09960272,  0.03962459],
       [-0.09932067, -0.03951239]])]
input:  [[ 0.83110741]
 [-0.35401954]
 [ 0.86387311]]
activations:  [array([[ 0.83110741],
       [-0.35401954],
       [ 0.86387311]]), array([[ 0.58779293],
       [-0.71410315]]), array([[ 1.65916679],
       [ 0.70738191],
       [ 0.91695892]])]
cost derivative:  [[ 0.82805938]
 [ 1.06140146]
 [ 0.05308581]]
unit step:  1
delta:  [[ 0.82805938]
 [ 1.06140146]
 [ 0.05308581]]
delta b updated:  [array([[ 0.32802012],
       [ 1.02731573]]), array([[ 0.82805938],
       [ 1.06140146],
       [ 0.05308581]])]
delta w updated: [array([[ 0.27261995, -0.11612553,  0.28336776],
       [ 0.85380972, -0.36368985,  0.88747044]]), array([[ 0.48672745, -0.59131982],
       [ 0.62388427, -0.75795013],
       [ 0.03120346, -0.03790874]])]
input:  [[ 0.88410719]
 [-0.84248988]
 [ 0.52263013]]
activations:  [array([[ 0.88410719],
       [-0.84248988],
       [ 0.52263013]]), array([[ 0.52507074],
       [-0.92581834]]), array([[ 1.7654048 ],
       [ 0.87258142],
       [ 1.01240885]])]
cost derivative:  [[ 0.8812976 ]
 [ 1.7150713 ]
 [ 0.48977872]]
unit step:  1
delta:  [[ 0.8812976 ]
 [ 1.7150713 ]
 [ 0.48977872]]
delta b updated:  [array([[ 0.26832602],
       [ 1.99997264]]), array([[ 0.8812976 ],
       [ 1.7150713 ],
       [ 0.48977872]])]
delta w updated: [array([[ 0.23722896, -0.22606195,  0.14023526],
       [ 1.7681902 , -1.68495671,  1.04524596]]), array([[ 0.46274358, -0.81592149],
       [ 0.90053375, -1.58784447],
       [ 0.25716848, -0.45344613]])]
input:  [[-0.74221482]
 [-0.01150444]
 [ 1.07919707]]
activations:  [array([[-0.74221482],
       [-0.01150444],
       [ 1.07919707]]), array([[ 0.20878203],
       [ 0.07861124]]), array([[ 0.39890752],
       [ 0.4522819 ],
       [ 0.18008124]])]
cost derivative:  [[ 1.14112233]
 [ 0.46378634]
 [-0.89911583]]
unit step:  1
delta:  [[ 1.14112233]
 [ 0.46378634]
 [-0.89911583]]
delta b updated:  [array([[ 0.15976257],
       [-0.05970923]]), array([[ 1.14112233],
       [ 0.46378634],
       [-0.89911583]])]
delta w updated: [array([[-0.11857815, -0.00183798,  0.1724153 ],
       [ 0.04431708,  0.00068692, -0.06443803]]), array([[ 0.23824583,  0.08970504],
       [ 0.09683025,  0.03645882],
       [-0.18771922, -0.07068061]])]
input:  [[-0.81380157]
 [-0.02431671]
 [ 1.06910845]]
activations:  [array([[-0.81380157],
       [-0.02431671],
       [ 1.06910845]]), array([[ 0.18693436],
       [ 0.10388074]]), array([[ 0.3446943 ],
       [ 0.44988896],
       [ 0.15088552]])]
cost derivative:  [[ 1.15849587]
 [ 0.47420568]
 [-0.91822293]]
unit step:  1
delta:  [[ 1.15849587]
 [ 0.47420568]
 [-0.91822293]]
delta b updated:  [array([[ 0.14419034],
       [-0.07996499]]), array([[ 1.15849587],
       [ 0.47420568],
       [-0.91822293]])]
delta w updated: [array([[-0.11734233, -0.00350624,  0.15415511],
       [ 0.06507563,  0.00194449, -0.08549124]]), array([[ 0.21656268,  0.12034541],
       [ 0.08864533,  0.04926084],
       [-0.17164741, -0.09538568]])]
input:  [[ 0.65264831]
 [-1.09966686]
 [ 0.33892295]]
activations:  [array([[ 0.65264831],
       [-1.09966686],
       [ 0.33892295]]), array([[ 0.42054373],
       [-0.92943839]]), array([[ 1.62095951],
       [ 0.93579262],
       [ 0.95040522]])]
cost derivative:  [[ 0.9683112 ]
 [ 2.03545949]
 [ 0.61148228]]
unit step:  1
delta:  [[ 0.9683112 ]
 [ 2.03545949]
 [ 0.61148228]]
delta b updated:  [array([[ 0.21676049],
       [ 2.33310885]]), array([[ 0.9683112 ],
       [ 2.03545949],
       [ 0.61148228]])]
delta w updated: [array([[ 0.14146837, -0.23836433,  0.07346511],
       [ 1.52269954, -2.56564249,  0.79074413]]), array([[ 0.4072172 , -0.8999856 ],
       [ 0.85599972, -1.89183418],
       [ 0.25715504, -0.5683351 ]])]
input:  [[-0.0896365]
 [-0.4953697]
 [ 0.750529 ]]
activations:  [array([[-0.0896365],
       [-0.4953697],
       [ 0.750529 ]]), array([[ 0.31155659],
       [-0.38453943]]), array([[ 0.96714081],
       [ 0.66996518],
       [ 0.53743341]])]
cost derivative:  [[ 1.0567773 ]
 [ 1.16533488]
 [-0.21309559]]
unit step:  1
delta:  [[ 1.0567773 ]
 [ 1.16533488]
 [-0.21309559]]
delta b updated:  [array([[ 0.20258768],
       [ 0.5925314 ]]), array([[ 1.0567773 ],
       [ 1.16533488],
       [-0.21309559]])]
delta w updated: [array([[-0.01815925, -0.1003558 ,  0.15204793],
       [-0.05311244, -0.2935221 ,  0.444712  ]]), array([[ 0.32924593, -0.40637254],
       [ 0.36306776, -0.44811721],
       [-0.06639133,  0.08194366]])]
input:  [[-0.89248299]
 [-0.32136112]
 [ 0.85986509]]
activations:  [array([[-0.89248299],
       [-0.32136112],
       [ 0.85986509]]), array([[ 0.11813364],
       [ 0.02115711]]), array([[ 0.32327538],
       [ 0.53990599],
       [ 0.16099856]])]
cost derivative:  [[ 1.21575837]
 [ 0.86126711]
 [-0.69886652]]
unit step:  1
delta:  [[ 1.21575837]
 [ 0.86126711]
 [-0.69886652]]
delta b updated:  [array([[ 0.08914628],
       [-0.02527976]]), array([[ 1.21575837],
       [ 0.86126711],
       [-0.69886652]])]
delta w updated: [array([[-0.07956154, -0.02864815,  0.07665377],
       [ 0.02256175,  0.00812393, -0.02173718]]), array([[ 0.14362196,  0.02572193],
       [ 0.10174462,  0.01822192],
       [-0.08255965, -0.014786  ]])]
input:  [[-0.70682931]
 [-0.01844346]
 [ 1.07488957]]
activations:  [array([[-0.70682931],
       [-0.01844346],
       [ 1.07488957]]), array([[ 0.21687195],
       [ 0.06007911]]), array([[ 0.42534338],
       [ 0.45693433],
       [ 0.19756126]])]
cost derivative:  [[ 1.13217269]
 [ 0.47537778]
 [-0.87732832]]
unit step:  1
delta:  [[ 1.13217269]
 [ 0.47537778]
 [-0.87732832]]
delta b updated:  [array([[ 0.1644719],
       [-0.0463567]]), array([[ 1.13217269],
       [ 0.47537778],
       [-0.87732832]])]
delta w updated: [array([[-0.11625356, -0.00303343,  0.17678913],
       [ 0.03276628,  0.00085498, -0.04982834]]), array([[ 0.2455365 ,  0.06801993],
       [ 0.10309611,  0.02856027],
       [-0.1902679 , -0.0527091 ]])]
input:  [[ 0.73415457]
 [-1.11607237]
 [ 0.32870542]]
activations:  [array([[ 0.73415457],
       [-1.11607237],
       [ 0.32870542]]), array([[ 0.43997418],
       [-0.97263514]]), array([[ 1.68584629],
       [ 0.94786337],
       [ 0.99000988]])]
cost derivative:  [[ 0.95169172]
 [ 2.06393575]
 [ 0.66130446]]
unit step:  1
delta:  [[ 0.95169172]
 [ 2.06393575]
 [ 0.66130446]]
delta b updated:  [array([[ 0.22199883],
       [ 2.47214933]]), array([[ 0.95169172],
       [ 2.06393575],
       [ 0.66130446]])]
delta w updated: [array([[ 0.16298145, -0.24776676,  0.07297222],
       [ 1.81493973, -2.75909757,  0.81260888]]), array([[ 0.41871978, -0.92564881],
       [ 0.90807843, -2.00745644],
       [ 0.29095689, -0.64320796]])]
input:  [[ 0.63635401]
 [-1.09331501]
 [ 0.34311697]]
activations:  [array([[ 0.63635401],
       [-1.09331501],
       [ 0.34311697]]), array([[ 0.41645832],
       [-0.92487225]]), array([[ 1.60839441],
       [ 0.93162191],
       [ 0.94476182]])]
cost derivative:  [[ 0.97204041]
 [ 2.02493692]
 [ 0.60164486]]
unit step:  1
delta:  [[ 0.97204041]
 [ 2.02493692]
 [ 0.60164486]]
delta b updated:  [array([[ 0.21604003],
       [ 2.30960766]]), array([[ 0.97204041],
       [ 2.02493692],
       [ 0.60164486]])]
delta w updated: [array([[ 0.13747794, -0.23619981,  0.074127  ],
       [ 1.46972809, -2.52512873,  0.79246557]]), array([[ 0.40481431, -0.8990132 ],
       [ 0.84330183, -1.87280798],
       [ 0.25056001, -0.55644464]])]
input:  [[-0.38826665]
 [-0.22284173]
 [ 0.93671988]]
activations:  [array([[-0.38826665],
       [-0.22284173],
       [ 0.93671988]]), array([[ 0.27192274],
       [-0.1554507 ]]), array([[ 0.69917234],
       [ 0.55245346],
       [ 0.36790185]])]
cost derivative:  [[ 1.08743899]
 [ 0.77529519]
 [-0.56881803]]
unit step:  1
delta:  [[ 1.08743899]
 [ 0.77529519]
 [-0.56881803]]
delta b updated:  [array([[ 0.19194777],
       [ 0.1719307 ]]), array([[ 1.08743899],
       [ 0.77529519],
       [-0.56881803]])]
delta w updated: [array([[-0.07452692, -0.04277397,  0.17980129],
       [-0.06675496, -0.03831333,  0.1610509 ]]), array([[ 0.29569939, -0.16904316],
       [ 0.21082039, -0.12052018],
       [-0.15467456,  0.08842316]])]
input:  [[ 0.64455448]
 [-1.09661287]
 [ 0.3409354 ]]
activations:  [array([[ 0.64455448],
       [-1.09661287],
       [ 0.3409354 ]]), array([[ 0.41791262],
       [-0.93178982]]), array([[ 1.61566614],
       [ 0.93323107],
       [ 0.94987185]])]
cost derivative:  [[ 0.97111166]
 [ 2.02984394]
 [ 0.60893645]]
unit step:  1
delta:  [[ 0.97111166]
 [ 2.02984394]
 [ 0.60893645]]
delta b updated:  [array([[ 0.21650341],
       [ 2.33148654]]), array([[ 0.97111166],
       [ 2.02984394],
       [ 0.60893645]])]
delta w updated: [array([[ 0.13954825, -0.23742043,  0.07381368],
       [ 1.50277009, -2.55673814,  0.7948863 ]]), array([[ 0.40583982, -0.90487196],
       [ 0.84829741, -1.89138793],
       [ 0.25448223, -0.56740079]])]
input:  [[ 0.87704311]
 [-0.67298184]
 [ 0.64122427]]
activations:  [array([[ 0.87704311],
       [-0.67298184],
       [ 0.64122427]]), array([[ 0.54847682],
       [-0.86756664]]), array([[ 1.73878291],
       [ 0.81480092],
       [ 0.9894278 ]])]
cost derivative:  [[ 0.8617398 ]
 [ 1.48778276]
 [ 0.34820353]]
unit step:  1
delta:  [[ 0.8617398 ]
 [ 1.48778276]
 [ 0.34820353]]
delta b updated:  [array([[ 0.28982411],
       [ 1.65550484]]), array([[ 0.8617398 ],
       [ 1.48778276],
       [ 0.34820353]])]
delta w updated: [array([[ 0.25418824, -0.19504636,  0.18584225],
       [ 1.4519491 , -1.11412469,  1.06154987]]), array([[ 0.4726443 , -0.74761671],
       [ 0.81601435, -1.2907507 ],
       [ 0.19098156, -0.30208977]])]
input:  [[-0.82375085]
 [-0.03083545]
 [ 1.0643883 ]]
activations:  [array([[-0.82375085],
       [-0.03083545],
       [ 1.0643883 ]]), array([[ 0.18219139],
       [ 0.10199187]]), array([[ 0.33628804],
       [ 0.44941532],
       [ 0.14935573]])]
cost derivative:  [[ 1.16003889]
 [ 0.48025077]
 [-0.91503257]]
unit step:  1
delta:  [[ 1.16003889]
 [ 0.48025077]
 [-0.91503257]]
delta b updated:  [array([[ 0.14027244],
       [-0.07897629]]), array([[ 1.16003889],
       [ 0.48025077],
       [-0.91503257]])]
delta w updated: [array([[-0.11554954, -0.00432536,  0.14930435],
       [ 0.06505678,  0.00243527, -0.08406144]]), array([[ 0.2113491 ,  0.11831454],
       [ 0.08749756,  0.04898167],
       [-0.16671106, -0.09332588]])]
input:  [[-0.65236982]
 [-0.03900642]
 [ 1.06133886]]
activations:  [array([[-0.65236982],
       [-0.03900642],
       [ 1.06133886]]), array([[ 0.22787289],
       [ 0.02621887]]), array([[ 0.46931031],
       [ 0.46748823],
       [ 0.22584004]])]
cost derivative:  [[ 1.12168014]
 [ 0.50649465]
 [-0.83549883]]
unit step:  1
delta:  [[ 1.12168014]
 [ 0.50649465]
 [-0.83549883]]
delta b updated:  [array([[ 0.17078257],
       [-0.02111623]]), array([[ 1.12168014],
       [ 0.50649465],
       [-0.83549883]])]
delta w updated: [array([[-0.1114134 , -0.00666162,  0.18125818],
       [ 0.01377559,  0.00082367, -0.02241148]]), array([[ 0.25560049,  0.02940918],
       [ 0.1154164 ,  0.01327972],
       [-0.19038753, -0.02190583]])]
input:  [[ 0.48228053]
 [-1.0036456 ]
 [ 0.40350862]]
activations:  [array([[ 0.48228053],
       [-1.0036456 ],
       [ 0.40350862]]), array([[ 0.38743625],
       [-0.83028932]]), array([[ 1.47788834],
       [ 0.88763312],
       [ 0.86675729]])]
cost derivative:  [[ 0.9956078 ]
 [ 1.89127872]
 [ 0.46324866]]
unit step:  1
delta:  [[ 0.9956078 ]
 [ 1.89127872]
 [ 0.46324866]]
delta b updated:  [array([[ 0.21069184],
       [ 1.94797025]]), array([[ 0.9956078 ],
       [ 1.89127872],
       [ 0.46324866]])]
delta w updated: [array([[ 0.10161257, -0.21145994,  0.08501597],
       [ 0.93946813, -1.95507177,  0.7860228 ]]), array([[ 0.38573456, -0.82664252],
       [ 0.73274994, -1.57030852],
       [ 0.17947933, -0.38463041]])]
input:  [[ 0.71335526]
 [-1.11486096]
 [ 0.32922941]]
activations:  [array([[ 0.71335526],
       [-1.11486096],
       [ 0.32922941]]), array([[ 0.43322577],
       [-0.97323653]]), array([[ 1.67242989],
       [ 0.94503757],
       [ 0.98520158]])]
cost derivative:  [[ 0.95907463]
 [ 2.05989852]
 [ 0.65597217]]
unit step:  1
delta:  [[ 0.95907463]
 [ 2.05989852]
 [ 0.65597217]]
delta b updated:  [array([[ 0.22087788],
       [ 2.46693148]]), array([[ 0.95907463],
       [ 2.05989852],
       [ 0.65597217]])]
delta w updated: [array([[ 0.1575644 , -0.24624813,  0.07271949],
       [ 1.75979856, -2.75028559,  0.81218639]]), array([[ 0.41549584, -0.93340646],
       [ 0.89240112, -2.00476848],
       [ 0.28418405, -0.63841608]])]
input:  [[-0.25882582]
 [-0.33700705]
 [ 0.85878993]]
activations:  [array([[-0.25882582],
       [-0.33700705],
       [ 0.85878993]]), array([[ 0.28867332],
       [-0.25883211]]), array([[ 0.81459617],
       [ 0.60079467],
       [ 0.44358408]])]
cost derivative:  [[ 1.073422  ]
 [ 0.93780172]
 [-0.41520585]]
unit step:  1
delta:  [[ 1.073422  ]
 [ 0.93780172]
 [-0.41520585]]
delta b updated:  [array([[ 0.19679794],
       [ 0.33270692]]), array([[ 1.073422  ],
       [ 0.93780172],
       [-0.41520585]])]
delta w updated: [array([[-0.05093639, -0.06632229,  0.16900809],
       [-0.08611314, -0.11212458,  0.28572535]]), array([[ 0.30986829, -0.27783608],
       [ 0.27071833, -0.24273319],
       [-0.11985885,  0.1074686 ]])]
input:  [[-0.8411984 ]
 [-0.70686931]
 [ 0.59069842]]
activations:  [array([[-0.8411984 ],
       [-0.70686931],
       [ 0.59069842]]), array([[ 0.07012339],
       [-0.15597261]]), array([[ 0.41421217],
       [ 0.66990407],
       [ 0.24372887]])]
cost derivative:  [[ 1.25541057]
 [ 1.37677338]
 [-0.34696955]]
unit step:  1
delta:  [[ 1.25541057]
 [ 1.37677338]
 [-0.34696955]]
delta b updated:  [array([[ 0.05009891],
       [ 0.2743817 ]]), array([[ 1.25541057],
       [ 1.37677338],
       [-0.34696955]])]
delta w updated: [array([[-0.04214313, -0.03541338,  0.02959335],
       [-0.23080945, -0.19395201,  0.16207684]]), array([[ 0.08803365, -0.19580966],
       [ 0.09654402, -0.21473893],
       [-0.02433068,  0.05411775]])]
input:  [[ 0.88430752]
 [-0.82759425]
 [ 0.53306447]]
activations:  [array([[ 0.88430752],
       [-0.82759425],
       [ 0.53306447]]), array([[ 0.52522466],
       [-0.93636064]]), array([[ 1.7656333 ],
       [ 0.86514739],
       [ 1.01854062]])]
cost derivative:  [[ 0.88132579]
 [ 1.69274163]
 [ 0.48547614]]
unit step:  1
delta:  [[ 0.88132579]
 [ 1.69274163]
 [ 0.48547614]]
delta b updated:  [array([[ 0.27064264],
       [ 1.99694082]]), array([[ 0.88132579],
       [ 1.69274163],
       [ 0.48547614]])]
delta w updated: [array([[ 0.23933133, -0.2239823 ,  0.14426998],
       [ 1.76590978, -1.65265673,  1.06449821]]), array([[ 0.46289404, -0.82523878],
       [ 0.88906965, -1.58501663],
       [ 0.25498404, -0.45458075]])]
input:  [[ 0.85618893]
 [-0.50293269]
 [ 0.75998228]]
activations:  [array([[ 0.85618893],
       [-0.50293269],
       [ 0.75998228]]), array([[ 0.56851605],
       [-0.79939236]]), array([[ 1.70003316],
       [ 0.75563174],
       [ 0.95829301]])]
cost derivative:  [[ 0.84384423]
 [ 1.25856443]
 [ 0.19831073]]
unit step:  1
delta:  [[ 0.84384423]
 [ 1.25856443]
 [ 0.19831073]]
delta b updated:  [array([[ 0.31036495],
       [ 1.32273953]]), array([[ 0.84384423],
       [ 1.25856443],
       [ 0.19831073]])]
delta w updated: [array([[ 0.26573103, -0.15609268,  0.23587186],
       [ 1.13251494, -0.66524895,  1.00525861]]), array([[ 0.47973899, -0.67456263],
       [ 0.71551408, -1.00608679],
       [ 0.11274283, -0.15852808]])]
input:  [[-0.46006334]
 [-0.16426831]
 [ 0.97661847]]
activations:  [array([[-0.46006334],
       [-0.16426831],
       [ 0.97661847]]), array([[ 0.26021882],
       [-0.10776513]]), array([[ 0.63476041],
       [ 0.52500664],
       [ 0.33044784]])]
cost derivative:  [[ 1.09482374]
 [ 0.68927495]
 [-0.64617063]]
unit step:  1
delta:  [[ 1.09482374]
 [ 0.68927495]
 [-0.64617063]]
delta b updated:  [array([[ 0.18670133],
       [ 0.10864443]]), array([[ 1.09482374],
       [ 0.68927495],
       [-0.64617063]])]
delta w updated: [array([[-0.08589444, -0.03066911,  0.18233596],
       [-0.04998332, -0.01784684,  0.10610416]]), array([[ 0.28489374, -0.11798383],
       [ 0.17936231, -0.07427981],
       [-0.16814576,  0.06963466]])]
input:  [[ 0.27353785]
 [-0.83480259]
 [ 0.51849199]]
activations:  [array([[ 0.27353785],
       [-0.83480259],
       [ 0.51849199]]), array([[ 0.35573002],
       [-0.682137  ]]), array([[ 1.29408797],
       [ 0.81212065],
       [ 0.75289854]])]
cost derivative:  [[ 1.02055012]
 [ 1.64692324]
 [ 0.23440655]]
unit step:  1
delta:  [[ 1.02055012]
 [ 1.64692324]
 [ 0.23440655]]
delta b updated:  [array([[ 0.20671725],
       [ 1.41328327]]), array([[ 1.02055012],
       [ 1.64692324],
       [ 0.23440655]])]
delta w updated: [array([[ 0.05654499, -0.1725681 ,  0.10718124],
       [ 0.38658647, -1.17981254,  0.73277606]]), array([[ 0.36304031, -0.696155  ],
       [ 0.58586003, -1.12342728],
       [ 0.08338544, -0.15989738]])]
input:  [[-0.55648726]
 [-0.09398864]
 [ 1.02433075]]
activations:  [array([[-0.55648726],
       [-0.09398864],
       [ 1.02433075]]), array([[ 0.24459143],
       [-0.04002143]]), array([[ 0.55007754],
       [ 0.49287823],
       [ 0.27810178]])]
cost derivative:  [[ 1.1065648 ]
 [ 0.58686687]
 [-0.74622897]]
unit step:  1
delta:  [[ 1.1065648 ]
 [ 0.58686687]
 [-0.74622897]]
delta b updated:  [array([[ 0.1793604 ],
       [ 0.03576497]]), array([[ 1.1065648 ],
       [ 0.58686687],
       [-0.74622897]])]
delta w updated: [array([[-0.09981178, -0.01685784,  0.18372437],
       [-0.01990275, -0.0033615 ,  0.03663516]]), array([[ 0.27065627, -0.04428631],
       [ 0.14354261, -0.02348725],
       [-0.18252121,  0.02986515]])]
input:  [[ 0.88131382]
 [-0.72870994]
 [ 0.60226519]]
activations:  [array([[ 0.88131382],
       [-0.72870994],
       [ 0.60226519]]), array([[ 0.53919982],
       [-0.90050336]]), array([[ 1.74962066],
       [ 0.83163779],
       [ 1.00442405]])]
cost derivative:  [[ 0.86830684]
 [ 1.56034773]
 [ 0.40215886]]
unit step:  1
delta:  [[ 0.86830684]
 [ 1.56034773]
 [ 0.40215886]]
delta b updated:  [array([[ 0.2821788 ],
       [ 1.78810114]]), array([[ 0.86830684],
       [ 1.56034773],
       [ 0.40215886]])]
delta w updated: [array([[ 0.24868808, -0.2056265 ,  0.16994647],
       [ 1.57587825, -1.30300707,  1.07691108]]), array([[ 0.46819089, -0.78191323],
       [ 0.84133922, -1.40509838],
       [ 0.21684399, -0.36214541]])]
input:  [[-0.88658559]
 [-0.40591942]
 [ 0.80074197]]
activations:  [array([[-0.88658559],
       [-0.40591942],
       [ 0.80074197]]), array([[ 0.10443957],
       [-0.02197412]]), array([[ 0.33690911],
       [ 0.56561649],
       [ 0.18027376]])]
cost derivative:  [[ 1.2234947 ]
 [ 0.97153591]
 [-0.62046821]]
unit step:  1
delta:  [[ 1.2234947 ]
 [ 0.97153591]
 [-0.62046821]]
delta b updated:  [array([[ 0.07753284],
       [ 0.02879304]]), array([[ 1.2234947 ],
       [ 0.97153591],
       [-0.62046821]])]
delta w updated: [array([[-0.0687395 , -0.03147208,  0.0620838 ],
       [-0.02552749, -0.01168765,  0.02305579]]), array([[ 0.12778126, -0.02688522],
       [ 0.10146679, -0.02134865],
       [-0.06480143,  0.01363424]])]
input:  [[-0.10106781]
 [-0.48450296]
 [ 0.75796058]]
activations:  [array([[-0.10106781],
       [-0.48450296],
       [ 0.75796058]]), array([[ 0.30769047],
       [-0.38769495]]), array([[ 0.95545035],
       [ 0.66216178],
       [ 0.53720125]])]
cost derivative:  [[ 1.05651816]
 [ 1.14666474]
 [-0.22075933]]
unit step:  1
delta:  [[ 1.05651816]
 [ 1.14666474]
 [-0.22075933]]
delta b updated:  [array([[ 0.20006235],
       [ 0.58740607]]), array([[ 1.05651816],
       [ 1.14666474],
       [-0.22075933]])]
delta w updated: [array([[-0.02021986, -0.0969308 ,  0.15163937],
       [-0.05936785, -0.28459998,  0.44523064]]), array([[ 0.32508057, -0.40960676],
       [ 0.35281781, -0.44455613],
       [-0.06792554,  0.08558728]])]
input:  [[-0.83309753]
 [-0.03868815]
 [ 1.0587434 ]]
activations:  [array([[-0.83309753],
       [-0.03868815],
       [ 1.0587434 ]]), array([[ 0.17691592],
       [ 0.09842148]]), array([[ 0.3272183 ],
       [ 0.44909354],
       [ 0.1491812 ]])]
cost derivative:  [[ 1.16031583]
 [ 0.48778169]
 [-0.90956221]]
unit step:  1
delta:  [[ 1.16031583]
 [ 0.48778169]
 [-0.90956221]]
delta b updated:  [array([[ 0.13560806],
       [-0.07671102]]), array([[ 1.16031583],
       [ 0.48778169],
       [-0.90956221]])]
delta w updated: [array([[-0.11297474, -0.00524642,  0.14357413],
       [ 0.06390776,  0.00296781, -0.08121728]]), array([[ 0.20527834,  0.1142    ],
       [ 0.08629635,  0.04800819],
       [-0.16091603, -0.08952045]])]
input:  [[ 0.88234155]
 [-0.88453597]
 [ 0.49315826]]
activations:  [array([[ 0.88234155],
       [-0.88453597],
       [ 0.49315826]]), array([[ 0.51445083],
       [-0.96379162]]), array([[ 1.77099843],
       [ 0.88228786],
       [ 1.02951516]])]
cost derivative:  [[ 0.88865688]
 [ 1.76682383]
 [ 0.5363569 ]]
unit step:  1
delta:  [[ 0.88865688]
 [ 1.76682383]
 [ 0.5363569 ]]
delta b updated:  [array([[ 0.26199023],
       [ 2.1315032 ]]), array([[ 0.88865688],
       [ 1.76682383],
       [ 0.5363569 ]])]
delta w updated: [array([[ 0.23116486, -0.23173978,  0.12920265],
       [ 1.88071384, -1.88539125,  1.05116841]]), array([[ 0.45717027, -0.85648005],
       [ 0.90894399, -1.70285   ],
       [ 0.27592925, -0.51693629]])]
input:  [[-0.59269937]
 [-0.07103919]
 [ 1.03983725]]
activations:  [array([[-0.59269937],
       [-0.07103919],
       [ 1.03983725]]), array([[ 0.23762037],
       [-0.01741856]]), array([[ 0.51737045],
       [ 0.48112516],
       [ 0.26001783]])]
cost derivative:  [[ 1.11006982]
 [ 0.55216435]
 [-0.77981942]]
unit step:  1
delta:  [[ 1.11006982]
 [ 0.55216435]
 [-0.77981942]]
delta b updated:  [array([[ 0.17517815],
       [ 0.01486878]]), array([[ 1.11006982],
       [ 0.55216435],
       [-0.77981942]])]
delta w updated: [array([[-0.10382798, -0.01244451,  0.18215677],
       [-0.00881272, -0.00105627,  0.01546111]]), array([[ 0.2637752 , -0.01933582],
       [ 0.1312055 , -0.00961791],
       [-0.18530098,  0.01358333]])]
input:  [[ 0.67627288]
 [-1.10732743]
 [ 0.33392676]]
activations:  [array([[ 0.67627288],
       [-1.10732743],
       [ 0.33392676]]), array([[ 0.42238241],
       [-0.96499248]]), array([[ 1.64236812],
       [ 0.93697964],
       [ 0.97333211]])]
cost derivative:  [[ 0.96609523]
 [ 2.04430707]
 [ 0.63940536]]
unit step:  1
delta:  [[ 0.96609523]
 [ 2.04430707]
 [ 0.63940536]]
delta b updated:  [array([[ 0.21671005],
       [ 2.42442502]]), array([[ 0.96609523],
       [ 2.04430707],
       [ 0.63940536]])]
delta w updated: [array([[ 0.14655513, -0.23996898,  0.07236528],
       [ 1.6395729 , -2.68463234,  0.80958039]]), array([[ 0.40806163, -0.93227464],
       [ 0.86347935, -1.97274096],
       [ 0.27007358, -0.61702136]])]
input:  [[-0.2918166 ]
 [-0.30711228]
 [ 0.87921038]]
activations:  [array([[-0.2918166 ],
       [-0.30711228],
       [ 0.87921038]]), array([[ 0.28273804],
       [-0.23949254]]), array([[ 0.78282998],
       [ 0.58579563],
       [ 0.42823476]])]
cost derivative:  [[ 1.07464658]
 [ 0.89290791]
 [-0.45097562]]
unit step:  1
delta:  [[ 1.07464658]
 [ 0.89290791]
 [-0.45097562]]
delta b updated:  [array([[ 0.1936514 ],
       [ 0.29511349]]), array([[ 1.07464658],
       [ 0.89290791],
       [-0.45097562]])]
delta w updated: [array([[-0.05651069, -0.05947272,  0.17026032],
       [-0.08611902, -0.09063298,  0.25946685]]), array([[ 0.30384346, -0.25736984],
       [ 0.25245903, -0.21384478],
       [-0.12750796,  0.1080053 ]])]
input:  [[-0.88818223]
 [-0.38808078]
 [ 0.81320924]]
activations:  [array([[-0.88818223],
       [-0.38808078],
       [ 0.81320924]]), array([[ 0.10606738],
       [-0.01643632]]), array([[ 0.33153403],
       [ 0.55857704],
       [ 0.17837594]])]
cost derivative:  [[ 1.21971626]
 [ 0.94665782]
 [-0.6348333 ]]
unit step:  1
delta:  [[ 1.21971626]
 [ 0.94665782]
 [-0.6348333 ]]
delta b updated:  [array([[ 0.07864715],
       [ 0.02105064]]), array([[ 1.21971626],
       [ 0.94665782],
       [-0.6348333 ]])]
delta w updated: [array([[-0.069853  , -0.03052145,  0.06395659],
       [-0.0186968 , -0.00816935,  0.01711857]]), array([[ 0.12937211, -0.02004765],
       [ 0.10040951, -0.01555957],
       [-0.0673351 ,  0.01043432]])]
input:  [[ 0.83586808]
 [-0.38015222]
 [ 0.84564697]]
activations:  [array([[ 0.83586808],
       [-0.38015222],
       [ 0.84564697]]), array([[ 0.58070726],
       [-0.75051159]]), array([[ 1.66577362],
       [ 0.71107903],
       [ 0.93552312]])]
cost derivative:  [[ 0.82990554]
 [ 1.09123125]
 [ 0.08987614]]
unit step:  1
delta:  [[ 0.82990554]
 [ 1.09123125]
 [ 0.08987614]]
delta b updated:  [array([[ 0.32347552],
       [ 1.10217331]]), array([[ 0.82990554],
       [ 1.09123125],
       [ 0.08987614]])]
delta w updated: [array([[ 0.27038286, -0.12296994,  0.2735461 ],
       [ 0.92127149, -0.41899363,  0.93204952]]), array([[ 0.48193217, -0.62285372],
       [ 0.63368591, -0.8189817 ],
       [ 0.05219173, -0.06745309]])]
input:  [[-0.52840239]
 [-0.11323031]
 [ 1.01129402]]
activations:  [array([[-0.52840239],
       [-0.11323031],
       [ 1.01129402]]), array([[ 0.24804308],
       [-0.06305374]]), array([[ 0.57179723],
       [ 0.50010056],
       [ 0.29567025]])]
cost derivative:  [[ 1.10019962]
 [ 0.61333087]
 [-0.71562377]]
unit step:  1
delta:  [[ 1.10019962]
 [ 0.61333087]
 [-0.71562377]]
delta b updated:  [array([[ 0.17988193],
       [ 0.05804848]]), array([[ 1.10019962],
       [ 0.61333087],
       [-0.71562377]])]
delta w updated: [array([[-0.09505004, -0.02036809,  0.18191352],
       [-0.03067296, -0.00657285,  0.05870408]]), array([[ 0.2728969 , -0.0693717 ],
       [ 0.15213248, -0.0386728 ],
       [-0.17750552,  0.04512275]])]
input:  [[-0.78638149]
 [-0.01365519]
 [ 1.07700217]]
activations:  [array([[-0.78638149],
       [-0.01365519],
       [ 1.07700217]]), array([[ 0.19279115],
       [ 0.08632042]]), array([[ 0.35761658],
       [ 0.44392303],
       [ 0.16741569]])]
cost derivative:  [[ 1.14399807]
 [ 0.45757822]
 [-0.90958648]]
unit step:  1
delta:  [[ 1.14399807]
 [ 0.45757822]
 [-0.90958648]]
delta b updated:  [array([[ 0.14659845],
       [-0.06430527]]), array([[ 1.14399807],
       [ 0.45757822],
       [-0.90958648]])]
delta w updated: [array([[-0.11528231, -0.00200183,  0.15788685],
       [ 0.05056848,  0.0008781 , -0.06925692]]), array([[ 0.22055271,  0.09875039],
       [ 0.08821703,  0.03949834],
       [-0.17536023, -0.07851589]])]
input:  [[ 0.79752477]
 [-0.18586622]
 [ 0.98110502]]
activations:  [array([[ 0.79752477],
       [-0.18586622],
       [ 0.98110502]]), array([[ 0.60041292],
       [-0.65887976]]), array([[ 1.60813238],
       [ 0.64332373],
       [ 0.89033408]])]
cost derivative:  [[ 0.81060761]
 [ 0.82918995]
 [-0.09077093]]
unit step:  1
delta:  [[ 0.81060761]
 [ 0.82918995]
 [-0.09077093]]
delta b updated:  [array([[ 0.34585167],
       [ 0.77725419]]), array([[ 0.81060761],
       [ 0.82918995],
       [-0.09077093]])]
delta w updated: [array([[ 0.27582527, -0.06428214,  0.33931681],
       [ 0.61987947, -0.1444653 ,  0.76256799]]), array([[ 0.48669928, -0.53409295],
       [ 0.49785636, -0.54633648],
       [-0.05450004,  0.05980713]])]
input:  [[ 0.80028279]
 [-1.09741885]
 [ 0.34279947]]
activations:  [array([[ 0.80028279],
       [-1.09741885],
       [ 0.34279947]]), array([[ 0.45707184],
       [-1.01798043]]), array([[ 1.73581141],
       [ 0.94390912],
       [ 1.02879455]])]
cost derivative:  [[ 0.93552862]
 [ 2.04132796]
 [ 0.68599508]]
unit step:  1
delta:  [[ 0.93552862]
 [ 2.04132796]
 [ 0.68599508]]
delta b updated:  [array([[ 0.22784905],
       [ 2.55389875]]), array([[ 0.93552862],
       [ 2.04132796],
       [ 0.68599508]])]
delta w updated: [array([[ 0.18234368, -0.25004585,  0.07810653],
       [ 2.04384121, -2.80269662,  0.87547514]]), array([[ 0.42760379, -0.95234982],
       [ 0.93303353, -2.07803191],
       [ 0.31354903, -0.69832957]])]
input:  [[ 0.00212559]
 [-0.58283873]
 [ 0.69070654]]
activations:  [array([[ 0.00212559],
       [-0.58283873],
       [ 0.69070654]]), array([[ 0.31900718],
       [-0.47621846]]), array([[ 1.04708827],
       [ 0.70236315],
       [ 0.6008129 ]])]
cost derivative:  [[ 1.04496268]
 [ 1.28520188]
 [-0.08989364]]
unit step:  1
delta:  [[ 1.04496268]
 [ 1.28520188]
 [-0.08989364]]
delta b updated:  [array([[ 0.20030817],
       [ 0.7931477 ]]), array([[ 1.04496268],
       [ 1.28520188],
       [-0.08989364]])]
delta w updated: [array([[  4.25772732e-04,  -1.16747360e-01,   1.38354164e-01],
       [  1.68590557e-03,  -4.62277197e-01,   5.47832302e-01]]), array([[ 0.33335059, -0.49763052],
       [ 0.40998862, -0.61203686],
       [-0.02867672,  0.04280901]])]
input:  [[-0.76825116]
 [-0.01096956]
 [ 1.07916561]]
activations:  [array([[-0.76825116],
       [-0.01096956],
       [ 1.07916561]]), array([[ 0.19771562],
       [ 0.07818395]]), array([[ 0.37057733],
       [ 0.44423453],
       [ 0.17574664]])]
cost derivative:  [[ 1.1388285 ]
 [ 0.45520409]
 [-0.90341897]]
unit step:  1
delta:  [[ 1.1388285 ]
 [ 0.45520409]
 [-0.90341897]]
delta b updated:  [array([[ 0.14978652],
       [-0.05799004]]), array([[ 1.1388285 ],
       [ 0.45520409],
       [-0.90341897]])]
delta w updated: [array([[-0.11507367, -0.00164309,  0.16164446],
       [ 0.04455092,  0.00063613, -0.06258086]]), array([[ 0.22516418,  0.08903811],
       [ 0.09000096,  0.03558965],
       [-0.17862004, -0.07063286]])]
input:  [[ 0.2844863 ]
 [-0.84443541]
 [ 0.51191699]]
activations:  [array([[ 0.2844863 ],
       [-0.84443541],
       [ 0.51191699]]), array([[ 0.35502493],
       [-0.70046564]]), array([[ 1.30147812],
       [ 0.81369454],
       [ 0.76505428]])]
cost derivative:  [[ 1.01699182]
 [ 1.65812995]
 [ 0.25313729]]
unit step:  1
delta:  [[ 1.01699182]
 [ 1.65812995]
 [ 0.25313729]]
delta b updated:  [array([[ 0.2041595 ],
       [ 1.45610564]]), array([[ 1.01699182],
       [ 1.65812995],
       [ 0.25313729]])]
delta w updated: [array([[ 0.05808058, -0.17239951,  0.10451272],
       [ 0.41424211, -1.22958716,  0.74540522]]), array([[ 0.36105745, -0.71236782],
       [ 0.58867747, -1.16146305],
       [ 0.08987005, -0.17731397]])]
input:  [[ 0.88371162]
 [-0.85694283]
 [ 0.51250275]]
activations:  [array([[ 0.88371162],
       [-0.85694283],
       [ 0.51250275]]), array([[ 0.51737285],
       [-0.96341718]]), array([[ 1.76786132],
       [ 0.87153065],
       [ 1.03124645]])]
cost derivative:  [[ 0.8841497 ]
 [ 1.72847348]
 [ 0.5187437 ]]
unit step:  1
delta:  [[ 0.8841497 ]
 [ 1.72847348]
 [ 0.5187437 ]]
delta b updated:  [array([[ 0.26418928],
       [ 2.08695336]]), array([[ 0.8841497 ],
       [ 1.72847348],
       [ 0.5187437 ]])]
delta w updated: [array([[ 0.23346713, -0.22639511,  0.13539773],
       [ 1.84426494, -1.78839972,  1.06956933]]), array([[ 0.45743505, -0.85180501],
       [ 0.89426525, -1.66524104],
       [ 0.26838391, -0.49976659]])]
input:  [[ 0.1280158 ]
 [-0.70199809]
 [ 0.60922395]]
activations:  [array([[ 0.1280158 ],
       [-0.70199809],
       [ 0.60922395]]), array([[ 0.33424074],
       [-0.57979061]]), array([[ 1.16113911],
       [ 0.75239943],
       [ 0.6755644 ]])]
cost derivative:  [[ 1.03312332]
 [ 1.45439751]
 [ 0.06634045]]
unit step:  1
delta:  [[ 1.03312332]
 [ 1.45439751]
 [ 0.06634045]]
delta b updated:  [array([[ 0.20196704],
       [ 1.07378759]]), array([[ 1.03312332],
       [ 1.45439751],
       [ 0.06634045]])]
delta w updated: [array([[ 0.02585497, -0.14178048,  0.12304316],
       [ 0.13746178, -0.75379684,  0.65417712]]), array([[ 0.3453119 , -0.59899519],
       [ 0.4861189 , -0.84324602],
       [ 0.02217368, -0.03846357]])]
input:  [[-0.56567595]
 [-0.08795369]
 [ 1.02841365]]
activations:  [array([[-0.56567595],
       [-0.08795369],
       [ 1.02841365]]), array([[ 0.2407298 ],
       [-0.04090283]]), array([[ 0.53798003],
       [ 0.48733717],
       [ 0.27752706]])]
cost derivative:  [[ 1.10365598]
 [ 0.57529086]
 [-0.7508866 ]]
unit step:  1
delta:  [[ 1.10365598]
 [ 0.57529086]
 [-0.7508866 ]]
delta b updated:  [array([[ 0.17555946],
       [ 0.0358437 ]]), array([[ 1.10365598],
       [ 0.57529086],
       [-0.7508866 ]])]
delta w updated: [array([[-0.09930976, -0.0154411 ,  0.18054774],
       [-0.02027592, -0.00315259,  0.03686215]]), array([[ 0.26568288, -0.04514266],
       [ 0.13848965, -0.02353103],
       [-0.18076078,  0.03071339]])]
input:  [[-0.76193823]
 [-0.01066996]
 [ 1.07947387]]
activations:  [array([[-0.76193823],
       [-0.01066996],
       [ 1.07947387]]), array([[ 0.19893399],
       [ 0.07378512]]), array([[ 0.37451563],
       [ 0.4441106 ],
       [ 0.17956686]])]
cost derivative:  [[ 1.13645386]
 [ 0.45478056]
 [-0.89990701]]
unit step:  1
delta:  [[ 1.13645386]
 [ 0.45478056]
 [-0.89990701]]
delta b updated:  [array([[ 0.15034242],
       [-0.05462886]]), array([[ 1.13645386],
       [ 0.45478056],
       [-0.89990701]])]
delta w updated: [array([[-0.11455164, -0.00160415,  0.16229072],
       [ 0.04162382,  0.00058289, -0.05897043]]), array([[ 0.2260793 ,  0.08385339],
       [ 0.09047131,  0.03355604],
       [-0.17902209, -0.06639975]])]
input:  [[ 0.88232077]
 [-0.74634198]
 [ 0.58993341]]
activations:  [array([[ 0.88232077],
       [-0.74634198],
       [ 0.58993341]]), array([[ 0.53395407],
       [-0.9219689 ]]), array([[ 1.75109027],
       [ 0.83434007],
       [ 1.01549636]])]
cost derivative:  [[ 0.8687695 ]
 [ 1.58068204]
 [ 0.42556295]]
unit step:  1
delta:  [[ 0.8687695 ]
 [ 1.58068204]
 [ 0.42556295]]
delta b updated:  [array([[ 0.27749069],
       [ 1.84703181]]), array([[ 0.8687695 ],
       [ 1.58068204],
       [ 0.42556295]])]
delta w updated: [array([[ 0.2448358 , -0.20710295,  0.16370103],
       [ 1.62967453, -1.37851738,  1.08962577]]), array([[ 0.46388301, -0.80097846],
       [ 0.84401162, -1.45733969],
       [ 0.22723107, -0.39235581]])]
input:  [[-0.8624718 ]
 [-0.58812709]
 [ 0.67352033]]
activations:  [array([[-0.8624718 ],
       [-0.58812709],
       [ 0.67352033]]), array([[ 0.07998238],
       [-0.11078194]]), array([[ 0.37631267],
       [ 0.62517225],
       [ 0.22280805]])]
cost derivative:  [[ 1.23878447]
 [ 1.21329933]
 [-0.45071227]]
unit step:  1
delta:  [[ 1.23878447]
 [ 1.21329933]
 [-0.45071227]]
delta b updated:  [array([[ 0.05732206],
       [ 0.17374327]]), array([[ 1.23878447],
       [ 1.21329933],
       [-0.45071227]])]
delta w updated: [array([[-0.04943866, -0.03371265,  0.03860757],
       [-0.14984867, -0.10218312,  0.11701962]]), array([[ 0.09908093, -0.13723494],
       [ 0.09704256, -0.13441165],
       [-0.03604904,  0.04993078]])]
input:  [[ 0.84468781]
 [-0.43082952]
 [ 0.81029585]]
activations:  [array([[ 0.84468781],
       [-0.43082952],
       [ 0.81029585]]), array([[ 0.57315895],
       [-0.78332025]]), array([[ 1.6781371 ],
       [ 0.72654851],
       [ 0.95204056]])]
cost derivative:  [[ 0.83344929]
 [ 1.15737803]
 [ 0.14174471]]
unit step:  1
delta:  [[ 0.83344929]
 [ 1.15737803]
 [ 0.14174471]]
delta b updated:  [array([[ 0.31554806],
       [ 1.20547744]]), array([[ 0.83344929],
       [ 1.15737803],
       [ 0.14174471]])]
delta w updated: [array([[ 0.2665396 , -0.13594742,  0.25568728],
       [ 1.01825209, -0.51935527,  0.97679337]]), array([[ 0.47769892, -0.65285771],
       [ 0.66336158, -0.90659765],
       [ 0.08124225, -0.1110315 ]])]
input:  [[-0.13526893]
 [-0.45208366]
 [ 0.78013005]]
activations:  [array([[-0.13526893],
       [-0.45208366],
       [ 0.78013005]]), array([[ 0.30075076],
       [-0.37086578]]), array([[ 0.92102292],
       [ 0.64538323],
       [ 0.52339317]])]
cost derivative:  [[ 1.05629186]
 [ 1.0974669 ]
 [-0.25673688]]
unit step:  1
delta:  [[ 1.05629186]
 [ 1.0974669 ]
 [-0.25673688]]
delta b updated:  [array([[ 0.19589227],
       [ 0.53946472]]), array([[ 1.05629186],
       [ 1.0974669 ],
       [-0.25673688]])]
delta w updated: [array([[-0.02649814, -0.0885597 ,  0.15282145],
       [-0.07297282, -0.24388319,  0.42085264]]), array([[ 0.31768058, -0.3917425 ],
       [ 0.330064  , -0.40701292],
       [-0.07721381,  0.09521492]])]
input:  [[ 0.6280486 ]
 [-1.08977712]
 [ 0.34546499]]
activations:  [array([[ 0.6280486 ],
       [-1.08977712],
       [ 0.34546499]]), array([[ 0.40936434],
       [-0.95069694]]), array([[ 1.60128107],
       [ 0.92390689],
       [ 0.9566105 ]])]
cost derivative:  [[ 0.97323247]
 [ 2.01368401]
 [ 0.61114551]]
unit step:  1
delta:  [[ 0.97323247]
 [ 2.01368401]
 [ 0.61114551]]
delta b updated:  [array([[ 0.21144325],
       [ 2.34927789]]), array([[ 0.97323247],
       [ 2.01368401],
       [ 0.61114551]])]
delta w updated: [array([[ 0.13279664, -0.23042602,  0.07304624],
       [ 1.47546068, -2.56018929,  0.81159326]]), array([[ 0.39840667, -0.92524913],
       [ 0.82433042, -1.91440323],
       [ 0.25018118, -0.58101417]])]
input:  [[-0.06673768]
 [-0.51717072]
 [ 0.73561912]]
activations:  [array([[-0.06673768],
       [-0.51717072],
       [ 0.73561912]]), array([[ 0.30903178],
       [-0.42769668]]), array([[ 0.98351037],
       [ 0.67267898],
       [ 0.56417662]])]
cost derivative:  [[ 1.05024805]
 [ 1.18984971]
 [-0.1714425 ]]
unit step:  1
delta:  [[ 1.05024805]
 [ 1.18984971]
 [-0.1714425 ]]
delta b updated:  [array([[ 0.19746123],
       [ 0.6657174 ]]), array([[ 1.05024805],
       [ 1.18984971],
       [-0.1714425 ]])]
delta w updated: [array([[-0.0131781 , -0.10212117,  0.14525626],
       [-0.04442843, -0.34428955,  0.48971445]]), array([[ 0.32456002, -0.44918761],
       [ 0.36770137, -0.50889477],
       [-0.05298118,  0.07332539]])]
input:  [[-0.87312378]
 [-0.10708939]
 [ 1.01021872]]
activations:  [array([[-0.87312378],
       [-0.10708939],
       [ 1.01021872]]), array([[ 0.15250298],
       [ 0.08103948]]), array([[ 0.30066579],
       [ 0.46493911],
       [ 0.14653295]])]
cost derivative:  [[ 1.17378957]
 [ 0.5720285 ]
 [-0.86368577]]
unit step:  1
delta:  [[ 1.17378957]
 [ 0.5720285 ]
 [-0.86368577]]
delta b updated:  [array([[ 0.1155788 ],
       [-0.07011045]]), array([[ 1.17378957],
       [ 0.5720285 ],
       [-0.86368577]])]
delta w updated: [array([[-0.1009146 , -0.01237726,  0.11675986],
       [ 0.0612151 ,  0.00750809, -0.07082689]]), array([[ 0.17900641,  0.09512329],
       [ 0.08723605,  0.04635689],
       [-0.13171466, -0.06999264]])]
input:  [[ 0.86435564]
 [-0.99724056]
 [ 0.41395221]]
activations:  [array([[ 0.86435564],
       [-0.99724056],
       [ 0.41395221]]), array([[ 0.48844369],
       [-1.01854701]]), array([[ 1.77189323],
       [ 0.91410729],
       [ 1.04820439]])]
cost derivative:  [[ 0.9075376 ]
 [ 1.91134786]
 [ 0.63425218]]
unit step:  1
delta:  [[ 0.9075376 ]
 [ 1.91134786]
 [ 0.63425218]]
delta b updated:  [array([[ 0.2441997 ],
       [ 2.40670885]]), array([[ 0.9075376 ],
       [ 1.91134786],
       [ 0.63425218]])]
delta w updated: [array([[ 0.21107539, -0.24352585,  0.101087  ],
       [ 2.08025236, -2.40006769,  0.99626244]]), array([[ 0.44328101, -0.92436971],
       [ 0.9335858 , -1.94679765],
       [ 0.30979648, -0.64601566]])]
input:  [[-0.88261408]
 [-0.14319077]
 [ 0.98478939]]
activations:  [array([[-0.88261408],
       [-0.14319077],
       [ 0.98478939]]), array([[ 0.14402953],
       [ 0.07033256]]), array([[ 0.29790643],
       [ 0.47559544],
       [ 0.14814411]])]
cost derivative:  [[ 1.18052051]
 [ 0.61878621]
 [-0.83664528]]
unit step:  1
delta:  [[ 1.18052051]
 [ 0.61878621]
 [-0.83664528]]
delta b updated:  [array([[ 0.10877659],
       [-0.06439554]]), array([[ 1.18052051],
       [ 0.61878621],
       [-0.83664528]])]
delta w updated: [array([[-0.09600775, -0.0155758 ,  0.10712203],
       [ 0.05683641,  0.00922085, -0.06341604]]), array([[ 0.17002981,  0.08302903],
       [ 0.08912348,  0.04352082],
       [-0.12050162, -0.05884341]])]
input:  [[ 0.75381005]
 [-1.11467609]
 [ 0.32998973]]
activations:  [array([[ 0.75381005],
       [-1.11467609],
       [ 0.32998973]]), array([[ 0.4393198 ],
       [-1.01950583]]), array([[ 1.70316744],
       [ 0.94278984],
       [ 1.01828081]])]
cost derivative:  [[ 0.94935739]
 [ 2.05746593]
 [ 0.68829108]]
unit step:  1
delta:  [[ 0.94935739]
 [ 2.05746593]
 [ 0.68829108]]
delta b updated:  [array([[ 0.22063434],
       [ 2.56931141]]), array([[ 0.94935739],
       [ 2.05746593],
       [ 0.68829108]])]
delta w updated: [array([[ 0.16631638, -0.24593582,  0.07280706],
       [ 1.93677277, -2.86395001,  0.84784638]]), array([[ 0.4170715 , -0.9678754 ],
       [ 0.90388552, -2.09759852],
       [ 0.3023799 , -0.70171677]])]
input:  [[ 0.85221913]
 [-1.03110487]
 [ 0.39004821]]
activations:  [array([[ 0.85221913],
       [-1.03110487],
       [ 0.39004821]]), array([[ 0.47928806],
       [-1.03149731]]), array([[ 1.76913443],
       [ 0.92412875],
       [ 1.05000072]])]
cost derivative:  [[ 0.9169153 ]
 [ 1.95523362]
 [ 0.65995252]]
unit step:  1
delta:  [[ 0.9169153 ]
 [ 1.95523362]
 [ 0.65995252]]
delta b updated:  [array([[ 0.23995301],
       [ 2.48615986]]), array([[ 0.9169153 ],
       [ 1.95523362],
       [ 0.65995252]])]
delta w updated: [array([[ 0.20449254, -0.24741672,  0.09359324],
       [ 2.118753  , -2.56349154,  0.9697222 ]]), array([[ 0.43946655, -0.94579567],
       [ 0.93712013, -2.01681822],
       [ 0.31630736, -0.68073925]])]
input:  [[ 0.66063379]
 [-1.10247317]
 [ 0.33708225]]
activations:  [array([[ 0.66063379],
       [-1.10247317],
       [ 0.33708225]]), array([[ 0.41525837],
       [-0.97924405]]), array([[ 1.63152749],
       [ 0.93055779],
       [ 0.97704019]])]
cost derivative:  [[ 0.97089371]
 [ 2.03303096]
 [ 0.63995794]]
unit step:  1
delta:  [[ 0.97089371]
 [ 2.03303096]
 [ 0.63995794]]
delta b updated:  [array([[ 0.21409508],
       [ 2.43940003]]), array([[ 0.97089371],
       [ 2.03303096],
       [ 0.63995794]])]
delta w updated: [array([[ 0.14143844, -0.23603408,  0.07216765],
       [ 1.61155008, -2.68937309,  0.82227846]]), array([[ 0.40317174, -0.95074188],
       [ 0.84423313, -1.99083347],
       [ 0.26574789, -0.626675  ]])]
input:  [[ 0.80372785]
 [-0.21526295]
 [ 0.9606156 ]]
activations:  [array([[ 0.80372785],
       [-0.21526295],
       [ 0.9606156 ]]), array([[ 0.59452655],
       [-0.69145007]]), array([[ 1.61865209],
       [ 0.65021509],
       [ 0.90582995]])]
cost derivative:  [[ 0.81492424]
 [ 0.86547804]
 [-0.05478565]]
unit step:  1
delta:  [[ 0.81492424]
 [ 0.86547804]
 [-0.05478565]]
delta b updated:  [array([[ 0.34318972],
       [ 0.84310788]]), array([[ 0.81492424],
       [ 0.86547804],
       [-0.05478565]])]
delta w updated: [array([[ 0.27583114, -0.07387603,  0.3296734 ],
       [ 0.67762928, -0.18148989,  0.80990258]]), array([[ 0.4844941 , -0.56347943],
       [ 0.51454967, -0.59843485],
       [-0.03257152,  0.03788154]])]
input:  [[ 0.13937598]
 [-0.71261405]
 [ 0.60196689]]
activations:  [array([[ 0.13937598],
       [-0.71261405],
       [ 0.60196689]]), array([[ 0.33361615],
       [-0.60129305]]), array([[ 1.17227692],
       [ 0.75481292],
       [ 0.6880497 ]])]
cost derivative:  [[ 1.03290094]
 [ 1.46742698]
 [ 0.08608281]]
unit step:  1
delta:  [[ 1.03290094]
 [ 1.46742698]
 [ 0.08608281]]
delta b updated:  [array([[ 0.20095922],
       [ 1.11958298]]), array([[ 1.03290094],
       [ 1.46742698],
       [ 0.08608281]])]
delta w updated: [array([[ 0.02800889, -0.14320637,  0.1209708 ],
       [ 0.15604297, -0.79783056,  0.67395188]]), array([[ 0.34459243, -0.62107616],
       [ 0.48955733, -0.88235364],
       [ 0.02871862, -0.051761  ]])]
input:  [[-0.81885068]
 [-0.02741125]
 [ 1.06686264]]
activations:  [array([[-0.81885068],
       [-0.02741125],
       [ 1.06686264]]), array([[ 0.1792589 ],
       [ 0.08564398]]), array([[ 0.33110827],
       [ 0.44215664],
       [ 0.15985072]])]
cost derivative:  [[ 1.14995895]
 [ 0.46956789]
 [-0.90701193]]
unit step:  1
delta:  [[ 1.14995895]
 [ 0.46956789]
 [-0.90701193]]
delta b updated:  [array([[ 0.1359444 ],
       [-0.06446916]]), array([[ 1.14995895],
       [ 0.46956789],
       [-0.90701193]])]
delta w updated: [array([[-0.11131816, -0.00372641,  0.145034  ],
       [ 0.05279062,  0.00176718, -0.06877974]]), array([[ 0.20614038,  0.09848706],
       [ 0.08417422,  0.04021566],
       [-0.16258996, -0.07768011]])]
input:  [[ 0.8615769 ]
 [-1.00628655]
 [ 0.40757408]]
activations:  [array([[ 0.8615769 ],
       [-1.00628655],
       [ 0.40757408]]), array([[ 0.48490164],
       [-1.031853  ]]), array([[ 1.77432985],
       [ 0.9163345 ],
       [ 1.05300017]])]
cost derivative:  [[ 0.91275295]
 [ 1.92262105]
 [ 0.64542609]]
unit step:  1
delta:  [[ 0.91275295]
 [ 1.92262105]
 [ 0.64542609]]
delta b updated:  [array([[ 0.24397689],
       [ 2.44886518]]), array([[ 0.91275295],
       [ 1.92262105],
       [ 0.64542609]])]
delta w updated: [array([[ 0.21020485, -0.24551066,  0.09943866],
       [ 2.10988566, -2.4642601 ,  0.99809399]]), array([[ 0.44259541, -0.94182687],
       [ 0.93228211, -1.98386229],
       [ 0.31296817, -0.66598484]])]
input:  [[ 0.8756188 ]
 [-0.94603947]
 [ 0.44998331]]
activations:  [array([[ 0.8756188 ],
       [-0.94603947],
       [ 0.44998331]]), array([[ 0.4980339 ],
       [-1.01639591]]), array([[ 1.77786553],
       [ 0.89776347],
       [ 1.05087052]])]
cost derivative:  [[ 0.90224673]
 [ 1.84380294]
 [ 0.60088721]]
unit step:  1
delta:  [[ 0.90224673]
 [ 1.84380294]
 [ 0.60088721]]
delta b updated:  [array([[ 0.25305695],
       [ 2.32495749]]), array([[ 0.90224673],
       [ 1.84380294],
       [ 0.60088721]])]
delta w updated: [array([[ 0.22158143, -0.23940187,  0.11387141],
       [ 2.0357765 , -2.19950156,  1.04619207]]), array([[ 0.44934946, -0.91703988],
       [ 0.91827638, -1.87403377],
       [ 0.29926221, -0.61073931]])]
input:  [[-0.88923054]
 [-0.18566798]
 [ 0.95493997]]
activations:  [array([[-0.88923054],
       [-0.18566798],
       [ 0.95493997]]), array([[ 0.13470523],
       [ 0.05213615]]), array([[ 0.29849781],
       [ 0.48756721],
       [ 0.15336643]])]
cost derivative:  [[ 1.18772835]
 [ 0.67323519]
 [-0.80157354]]
unit step:  1
delta:  [[ 1.18772835]
 [ 0.67323519]
 [-0.80157354]]
delta b updated:  [array([[ 0.1012523 ],
       [-0.05071173]]), array([[ 1.18772835],
       [ 0.67323519],
       [-0.80157354]])]
delta w updated: [array([[-0.09003664, -0.01879931,  0.09668987],
       [ 0.04509442,  0.00941554, -0.04842666]]), array([[ 0.15999322,  0.06192358],
       [ 0.0906883 ,  0.03509989],
       [-0.10797615, -0.04179096]])]
input:  [[-0.61024572]
 [-0.06079305]
 [ 1.04673886]]
activations:  [array([[-0.61024572],
       [-0.06079305],
       [ 1.04673886]]), array([[ 0.23076717],
       [-0.01956456]]), array([[ 0.49721912],
       [ 0.47119211],
       [ 0.25805517]])]
cost derivative:  [[ 1.10746484]
 [ 0.53198516]
 [-0.78868369]]
unit step:  1
delta:  [[ 1.10746484]
 [ 0.53198516]
 [-0.78868369]]
delta b updated:  [array([[ 0.16926865],
       [ 0.01613228]]), array([[ 1.10746484],
       [ 0.53198516],
       [-0.78868369]])]
delta w updated: [array([[-0.10329547, -0.01029036,  0.17718007],
       [-0.00984466, -0.00098073,  0.01688629]]), array([[ 0.25556653, -0.02166706],
       [ 0.12276471, -0.01040805],
       [-0.18200231,  0.01543025]])]
input:  [[-0.48980896]
 [-0.14139571]
 [ 0.99217199]]
activations:  [array([[-0.48980896],
       [-0.14139571],
       [ 0.99217199]]), array([[ 0.25087717],
       [-0.10407538]]), array([[ 0.60175599],
       [ 0.50857992],
       [ 0.32396013]])]
cost derivative:  [[ 1.09156495]
 [ 0.64997563]
 [-0.66821186]]
unit step:  1
delta:  [[ 1.09156495]
 [ 0.64997563]
 [-0.66821186]]
delta b updated:  [array([[ 0.17907044],
       [ 0.09944209]]), array([[ 1.09156495],
       [ 0.64997563],
       [-0.66821186]])]
delta w updated: [array([[-0.08771031, -0.02531979,  0.17766868],
       [-0.04870763, -0.01406068,  0.09866365]]), array([[ 0.27384873, -0.11360503],
       [ 0.16306405, -0.06764646],
       [-0.1676391 ,  0.0695444 ]])]
input:  [[-0.61887301]
 [-0.05599051]
 [ 1.04996748]]
activations:  [array([[-0.61887301],
       [-0.05599051],
       [ 1.04996748]]), array([[ 0.2288832],
       [-0.0139895]]), array([[ 0.48874635],
       [ 0.46863595],
       [ 0.25389476]])]
cost derivative:  [[ 1.10761936]
 [ 0.52462646]
 [-0.79607273]]
unit step:  1
delta:  [[ 1.10761936]
 [ 0.52462646]
 [-0.79607273]]
delta b updated:  [array([[ 0.16783918],
       [ 0.01141028]]), array([[ 1.10761936],
       [ 0.52462646],
       [-0.79607273]])]
delta w updated: [array([[-0.10387114, -0.0093974 ,  0.17622568],
       [-0.00706151, -0.00063887,  0.01198042]]), array([[ 0.25351546, -0.01549504],
       [ 0.12007818, -0.00733926],
       [-0.18220767,  0.01113666]])]
input:  [[-0.88956859]
 [-0.37070946]
 [ 0.82535253]]
activations:  [array([[-0.88956859],
       [-0.37070946],
       [ 0.82535253]]), array([[ 0.10485272],
       [-0.02140203]]), array([[ 0.32227397],
       [ 0.54823756],
       [ 0.18230267]])]
cost derivative:  [[ 1.21184256]
 [ 0.91894702]
 [-0.64304986]]
unit step:  1
delta:  [[ 1.21184256]
 [ 0.91894702]
 [-0.64304986]]
delta b updated:  [array([[ 0.0768594 ],
       [ 0.02652099]]), array([[ 1.21184256],
       [ 0.91894702],
       [-0.64304986]])]
delta w updated: [array([[-0.06837171, -0.02849251,  0.0634361 ],
       [-0.02359224, -0.00983158,  0.02188916]]), array([[ 0.12706499, -0.02593589],
       [ 0.09635409, -0.01966733],
       [-0.06742553,  0.01376257]])]
input:  [[-0.71414978]
 [-0.01651868]
 [ 1.07612332]]
activations:  [array([[-0.71414978],
       [-0.01651868],
       [ 1.07612332]]), array([[ 0.20881134],
       [ 0.0431551 ]]), array([[ 0.40798042],
       [ 0.44667108],
       [ 0.20601837]])]
cost derivative:  [[ 1.1221302 ]
 [ 0.46318975]
 [-0.87010494]]
unit step:  1
delta:  [[ 1.1221302 ]
 [ 0.46318975]
 [-0.87010494]]
delta b updated:  [array([[ 0.1555525 ],
       [-0.03219297]]), array([[ 1.1221302 ],
       [ 0.46318975],
       [-0.87010494]])]
delta w updated: [array([[-0.11108779, -0.00256952,  0.16739368],
       [ 0.0229906 ,  0.00053179, -0.03464361]]), array([[ 0.23431351,  0.04842565],
       [ 0.09671927,  0.019989  ],
       [-0.18168778, -0.03754947]])]
input:  [[-0.85738571]
 [-0.07055587]
 [ 1.03604809]]
activations:  [array([[-0.85738571],
       [-0.07055587],
       [ 1.03604809]]), array([[ 0.16088482],
       [ 0.08402733]]), array([[ 0.30362257],
       [ 0.45157057],
       [ 0.1510021 ]])]
cost derivative:  [[ 1.16100827]
 [ 0.52212644]
 [-0.88504599]]
unit step:  1
delta:  [[ 1.16100827]
 [ 0.52212644]
 [-0.88504599]]
delta b updated:  [array([[ 0.12129023],
       [-0.0677857 ]]), array([[ 1.16100827],
       [ 0.52212644],
       [-0.88504599]])]
delta w updated: [array([[-0.10399251, -0.00855774,  0.12566251],
       [ 0.05811849,  0.00478268, -0.07022925]]), array([[ 0.18678861,  0.09755642],
       [ 0.08400222,  0.04387289],
       [-0.14239047, -0.07436805]])]
input:  [[-0.89042284]
 [-0.19731218]
 [ 0.94676709]]
activations:  [array([[-0.89042284],
       [-0.19731218],
       [ 0.94676709]]), array([[ 0.13169798],
       [ 0.04803224]]), array([[ 0.29531166],
       [ 0.49035173],
       [ 0.15595929]])]
cost derivative:  [[ 1.18573449]
 [ 0.68766391]
 [-0.7908078 ]]
unit step:  1
delta:  [[ 1.18573449]
 [ 0.68766391]
 [-0.7908078 ]]
delta b updated:  [array([[ 0.09820863],
       [-0.04736793]]), array([[ 1.18573449],
       [ 0.68766391],
       [-0.7908078 ]])]
delta w updated: [array([[-0.0874472 , -0.01937776,  0.09298069],
       [ 0.04217748,  0.00934627, -0.04484639]]), array([[ 0.15615884,  0.05695349],
       [ 0.09056395,  0.03303004],
       [-0.10414779, -0.03798427]])]
input:  [[ 0.49203326]
 [-1.01050411]
 [ 0.39885779]]
activations:  [array([[ 0.49203326],
       [-1.01050411],
       [ 0.39885779]]), array([[ 0.38213356],
       [-0.87729597]]), array([[ 1.48582941],
       [ 0.88308892],
       [ 0.89351888]])]
cost derivative:  [[ 0.99379616]
 [ 1.89359303]
 [ 0.49466109]]
unit step:  1
delta:  [[ 0.99379616]
 [ 1.89359303]
 [ 0.49466109]]
delta b updated:  [array([[ 0.20568285],
       [ 2.045576  ]]), array([[ 0.99379616],
       [ 1.89359303],
       [ 0.49466109]])]
delta w updated: [array([[ 0.1012028 , -0.20784337,  0.08203821],
       [ 1.00649142, -2.06706294,  0.81589391]]), array([[ 0.37976286, -0.87185336],
       [ 0.72360544, -1.66124154],
       [ 0.1890266 , -0.43396419]])]
input:  [[ 0.44252695]
 [-0.97449941]
 [ 0.42329939]]
activations:  [array([[ 0.44252695],
       [-0.97449941],
       [ 0.42329939]]), array([[ 0.37408665],
       [-0.84303562]]), array([[ 1.4428192 ],
       [ 0.86660557],
       [ 0.86666668]])]
cost derivative:  [[ 1.00029226]
 [ 1.84110498]
 [ 0.44336729]]
unit step:  1
delta:  [[ 1.00029226]
 [ 1.84110498]
 [ 0.44336729]]
delta b updated:  [array([[ 0.20461063],
       [ 1.91621004]]), array([[ 1.00029226],
       [ 1.84110498],
       [ 0.44336729]])]
delta w updated: [array([[ 0.09054572, -0.19939294,  0.08661155],
       [ 0.84797458, -1.86734556,  0.81113055]]), array([[ 0.37419598, -0.843282  ],
       [ 0.68873279, -1.55211707],
       [ 0.16585778, -0.37377441]])]
input:  [[-0.00935906]
 [-0.57188877]
 [ 0.69819556]]
activations:  [array([[-0.00935906],
       [-0.57188877],
       [ 0.69819556]]), array([[ 0.3137093 ],
       [-0.48694718]]), array([[ 1.03427608],
       [ 0.6927628 ],
       [ 0.60498839]])]
cost derivative:  [[ 1.04363514]
 [ 1.26465157]
 [-0.09320717]]
unit step:  1
delta:  [[ 1.04363514]
 [ 1.26465157]
 [-0.09320717]]
delta b updated:  [array([[ 0.19653116],
       [ 0.79581108]]), array([[ 1.04363514],
       [ 1.26465157],
       [-0.09320717]])]
delta w updated: [array([[-0.00183935, -0.11239396,  0.13721718],
       [-0.00744804, -0.45511542,  0.55563176]]), array([[ 0.32739805, -0.50819518],
       [ 0.39673296, -0.61581851],
       [-0.02923996,  0.04538697]])]
input:  [[-0.81402889]
 [-0.83872816]
 [ 0.49878306]]
activations:  [array([[-0.81402889],
       [-0.83872816],
       [ 0.49878306]]), array([[ 0.0509139 ],
       [-0.24309183]]), array([[ 0.44606108],
       [ 0.70879667],
       [ 0.28934261]])]
cost derivative:  [[ 1.26008996]
 [ 1.54752483]
 [-0.20944045]]
unit step:  1
delta:  [[ 1.26008996]
 [ 1.54752483]
 [-0.20944045]]
delta b updated:  [array([[ 0.03481172],
       [ 0.46766483]]), array([[ 1.26008996],
       [ 1.54752483],
       [-0.20944045]])]
delta w updated: [array([[-0.02833774, -0.02919757,  0.0173635 ],
       [-0.38069268, -0.39224366,  0.23326329]]), array([[ 0.06415609, -0.30631758],
       [ 0.07879052, -0.37619064],
       [-0.01066343,  0.05091326]])]
input:  [[-0.6841651 ]
 [-0.02576757]
 [ 1.07011403]]
activations:  [array([[-0.6841651 ],
       [-0.02576757],
       [ 1.07011403]]), array([[ 0.21493706],
       [ 0.02424453]]), array([[ 0.43102906],
       [ 0.45122773],
       [ 0.2223601 ]])]
cost derivative:  [[ 1.11519416]
 [ 0.4769953 ]
 [-0.84775392]]
unit step:  1
delta:  [[ 1.11519416]
 [ 0.4769953 ]
 [-0.84775392]]
delta b updated:  [array([[ 0.15898052],
       [-0.01844059]]), array([[ 1.11519416],
       [ 0.4769953 ],
       [-0.84775392]])]
delta w updated: [array([[-0.10876892, -0.00409654,  0.17012728],
       [ 0.01261641,  0.00047517, -0.01973353]]), array([[ 0.23969655,  0.02703736],
       [ 0.10252397,  0.01156453],
       [-0.18221374, -0.02055339]])]
input:  [[ 0.5761078 ]
 [-1.06372307]
 [ 0.36290032]]
activations:  [array([[ 0.5761078 ],
       [-1.06372307],
       [ 0.36290032]]), array([[ 0.39624212],
       [-0.93907552]]), array([[ 1.55893185],
       [ 0.90699711],
       [ 0.94095607]])]
cost derivative:  [[ 0.98282405]
 [ 1.97072019]
 [ 0.57805575]]
unit step:  1
delta:  [[ 0.98282405]
 [ 1.97072019]
 [ 0.57805575]]
delta b updated:  [array([[ 0.20832231],
       [ 2.26875813]]), array([[ 0.98282405],
       [ 1.97072019],
       [ 0.57805575]])]
delta w updated: [array([[ 0.12001611, -0.22159725,  0.07560023],
       [ 1.30704925, -2.41333036,  0.82333305]]), array([[ 0.38943629, -0.922946  ],
       [ 0.78088234, -1.85065508],
       [ 0.22905003, -0.542838  ]])]
input:  [[ 0.31706324]
 [-0.8727042 ]
 [ 0.49262874]]
activations:  [array([[ 0.31706324],
       [-0.8727042 ],
       [ 0.49262874]]), array([[ 0.35526044],
       [-0.7517054 ]]), array([[ 1.33090665],
       [ 0.82058321],
       [ 0.79735891]])]
cost derivative:  [[ 1.01384341]
 [ 1.69328741]
 [ 0.30473017]]
unit step:  1
delta:  [[ 1.01384341]
 [ 1.69328741]
 [ 0.30473017]]
delta b updated:  [array([[ 0.2019874 ],
       [ 1.58428276]]), array([[ 1.01384341],
       [ 1.69328741],
       [ 0.30473017]])]
delta w updated: [array([[ 0.06404278, -0.17627525,  0.0995048 ],
       [ 0.50231782, -1.38261022,  0.78046322]]), array([[ 0.36017845, -0.76211157],
       [ 0.60155803, -1.27285329],
       [ 0.10825857, -0.22906732]])]
input:  [[ 0.24044795]
 [-0.80532804]
 [ 0.53861663]]
activations:  [array([[ 0.24044795],
       [-0.80532804],
       [ 0.53861663]]), array([[ 0.3447748 ],
       [-0.69244033]]), array([[ 1.26188769],
       [ 0.79123817],
       [ 0.75342516]])]
cost derivative:  [[ 1.02143974]
 [ 1.59656621]
 [ 0.21480853]]
unit step:  1
delta:  [[ 1.02143974]
 [ 1.59656621]
 [ 0.21480853]]
delta b updated:  [array([[ 0.20069619],
       [ 1.38498158]]), array([[ 1.02143974],
       [ 1.59656621],
       [ 0.21480853]])]
delta w updated: [array([[ 0.04825699, -0.16162627,  0.10809831],
       [ 0.33301599, -1.1153645 ,  0.74597411]]), array([[ 0.35216668, -0.70728607],
       [ 0.55045579, -1.10552683],
       [ 0.07406057, -0.14874209]])]
input:  [[-0.74891835]
 [-0.01094122]
 [ 1.07948694]]
activations:  [array([[-0.74891835],
       [-0.01094122],
       [ 1.07948694]]), array([[ 0.19914332],
       [ 0.05632075]]), array([[ 0.37844773],
       [ 0.44001762],
       [ 0.19234028]])]
cost derivative:  [[ 1.12736608]
 [ 0.45095884]
 [-0.88714666]]
unit step:  1
delta:  [[ 1.12736608]
 [ 0.45095884]
 [-0.88714666]]
delta b updated:  [array([[ 0.14884197],
       [-0.0411325 ]]), array([[ 1.12736608],
       [ 0.45095884],
       [-0.88714666]])]
delta w updated: [array([[-0.11147048, -0.00162851,  0.16067296],
       [ 0.03080488,  0.00045004, -0.04440199]]), array([[ 0.22450743,  0.06349411],
       [ 0.08980544,  0.02539834],
       [-0.17666933, -0.04996477]])]
input:  [[-0.43987726]
 [-0.18029201]
 [ 0.96571207]]
activations:  [array([[-0.43987726],
       [-0.18029201],
       [ 0.96571207]]), array([[ 0.25692992],
       [-0.14630107]]), array([[ 0.64256383],
       [ 0.52347348],
       [ 0.35579301]])]
cost derivative:  [[ 1.08244109]
 [ 0.70376549]
 [-0.60991905]]
unit step:  1
delta:  [[ 1.08244109]
 [ 0.70376549]
 [-0.60991905]]
delta b updated:  [array([[ 0.18029075],
       [ 0.14809302]]), array([[ 1.08244109],
       [ 0.70376549],
       [-0.60991905]])]
delta w updated: [array([[-0.0793058 , -0.03250498,  0.17410895],
       [-0.06514275, -0.02669999,  0.14301521]]), array([[ 0.2781115 , -0.15836229],
       [ 0.18081841, -0.10296164],
       [-0.15670645,  0.08923181]])]
input:  [[-0.69939058]
 [-0.02062908]
 [ 1.07347501]]
activations:  [array([[-0.69939058],
       [-0.02062908],
       [ 1.07347501]]), array([[ 0.21090835],
       [ 0.0307457 ]]), array([[ 0.41728865],
       [ 0.447443  ],
       [ 0.21621361]])]
cost derivative:  [[ 1.11667923]
 [ 0.46807208]
 [-0.8572614 ]]
unit step:  1
delta:  [[ 1.11667923]
 [ 0.46807208]
 [-0.8572614 ]]
delta b updated:  [array([[ 0.15611818],
       [-0.02304081]]), array([[ 1.11667923],
       [ 0.46807208],
       [-0.8572614 ]])]
delta w updated: [array([[-0.10918758, -0.00322058,  0.16758896],
       [ 0.01611453,  0.00047531, -0.02473374]]), array([[ 0.23551697,  0.03433309],
       [ 0.09872031,  0.0143912 ],
       [-0.18080358, -0.0263571 ]])]
input:  [[ 0.87519723]
 [-0.65344906]
 [ 0.65487403]]
activations:  [array([[ 0.87519723],
       [-0.65344906],
       [ 0.65487403]]), array([[ 0.54238683],
       [-0.90973283]]), array([[ 1.73260564],
       [ 0.79675528],
       [ 1.0128516 ]])]
cost derivative:  [[ 0.85740841]
 [ 1.45020434]
 [ 0.35797757]]
unit step:  1
delta:  [[ 0.85740841]
 [ 1.45020434]
 [ 0.35797757]]
delta b updated:  [array([[ 0.28774863],
       [ 1.68710481]]), array([[ 0.85740841],
       [ 1.45020434],
       [ 0.35797757]])]
delta w updated: [array([[ 0.25183681, -0.18802907,  0.18843911],
       [ 1.47654946, -1.10243705,  1.10484113]]), array([[ 0.46504703, -0.78001258],
       [ 0.78657173, -1.31929849],
       [ 0.19416232, -0.32566394]])]
input:  [[ 0.77815857]
 [-1.10857954]
 [ 0.33463877]]
activations:  [array([[ 0.77815857],
       [-1.10857954],
       [ 0.33463877]]), array([[ 0.4436269 ],
       [-1.05092141]]), array([[ 1.7227347 ],
       [ 0.93869942],
       [ 1.04046228]])]
cost derivative:  [[ 0.94457613]
 [ 2.04727896]
 [ 0.70582351]]
unit step:  1
delta:  [[ 0.94457613]
 [ 2.04727896]
 [ 0.70582351]]
delta b updated:  [array([[ 0.2226428 ],
       [ 2.62885291]]), array([[ 0.94457613],
       [ 2.04727896],
       [ 0.70582351]])]
delta w updated: [array([[ 0.1732514 , -0.24681725,  0.07450491],
       [ 2.04566443, -2.91429255,  0.8797161 ]]), array([[ 0.41903938, -0.99267528],
       [ 0.90822802, -2.1515293 ],
       [ 0.3131223 , -0.74176504]])]
input:  [[ 0.8708618 ]
 [-0.61292545]
 [ 0.68318458]]
activations:  [array([[ 0.8708618 ],
       [-0.61292545],
       [ 0.68318458]]), array([[ 0.54715885],
       [-0.89536279]]), array([[ 1.72490548],
       [ 0.78290799],
       [ 1.00599012]])]
cost derivative:  [[ 0.85404367]
 [ 1.39583345]
 [ 0.32280553]]
unit step:  1
delta:  [[ 0.85404367]
 [ 1.39583345]
 [ 0.32280553]]
delta b updated:  [array([[ 0.29337501],
       [ 1.60735483]]), array([[ 0.85404367],
       [ 1.39583345],
       [ 0.32280553]])]
delta w updated: [array([[ 0.25548909, -0.17981701,  0.20042928],
       [ 1.39978393, -0.98518869,  1.09812004]]), array([[ 0.46729756, -0.76467893],
       [ 0.76374263, -1.24977733],
       [ 0.17662591, -0.28902806]])]
input:  [[-0.88050667]
 [-0.13357725]
 [ 0.99155448]]
activations:  [array([[-0.88050667],
       [-0.13357725],
       [ 0.99155448]]), array([[ 0.14303207],
       [ 0.06287161]]), array([[ 0.29233033],
       [ 0.46816827],
       [ 0.15393575]])]
cost derivative:  [[ 1.172837  ]
 [ 0.60174552]
 [-0.83761873]]
unit step:  1
delta:  [[ 1.172837  ]
 [ 0.60174552]
 [-0.83761873]]
delta b updated:  [array([[ 0.10699474],
       [-0.05593203]]), array([[ 1.172837  ],
       [ 0.60174552],
       [-0.83761873]])]
delta w updated: [array([[-0.09420958, -0.01429206,  0.10609111],
       [ 0.04924852,  0.00747125, -0.05545965]]), array([[ 0.1677533 ,  0.07373815],
       [ 0.08606891,  0.03783271],
       [-0.11980634, -0.05266244]])]
input:  [[-0.66048242]
 [-0.03533603]
 [ 1.06378268]]
activations:  [array([[-0.66048242],
       [-0.03533603],
       [ 1.06378268]]), array([[ 0.21872823],
       [ 0.0059047 ]]), array([[ 0.44896692],
       [ 0.45507293],
       [ 0.23674738]])]
cost derivative:  [[ 1.10944934]
 [ 0.49040896]
 [-0.8270353 ]]
unit step:  1
delta:  [[ 1.10944934]
 [ 0.49040896]
 [-0.8270353 ]]
delta b updated:  [array([[ 0.16059392],
       [-0.00456837]]), array([[ 1.10944934],
       [ 0.49040896],
       [-0.8270353 ]])]
delta w updated: [array([[ -1.06069463e-01,  -5.67475140e-03,   1.70837034e-01],
       [  3.01733073e-03,   1.61428193e-04,  -4.85975714e-03]]), array([[ 0.24266789,  0.00655097],
       [ 0.10726628,  0.00289572],
       [-0.18089597, -0.0048834 ]])]
input:  [[ 0.81535065]
 [-1.08557778]
 [ 0.35132659]]
activations:  [array([[ 0.81535065],
       [-1.08557778],
       [ 0.35132659]]), array([[ 0.45690335],
       [-1.06194626]]), array([[ 1.74907479],
       [ 0.93407777],
       [ 1.05538981]])]
cost derivative:  [[ 0.93372414]
 [ 2.01965554]
 [ 0.70406322]]
unit step:  1
delta:  [[ 0.93372414]
 [ 2.01965554]
 [ 0.70406322]]
delta b updated:  [array([[ 0.22882654],
       [ 2.62437214]]), array([[ 0.93372414],
       [ 2.01965554],
       [ 0.70406322]])]
delta w updated: [array([[ 0.18657387, -0.24840901,  0.08039285],
       [ 2.13978354, -2.84896007,  0.92201172]]), array([[ 0.42662168, -0.99156485],
       [ 0.92278738, -2.14476565],
       [ 0.32168884, -0.7476773 ]])]
input:  [[ 0.8841156 ]
 [-0.79645963]
 [ 0.55486465]]
activations:  [array([[ 0.8841156 ],
       [-0.79645963],
       [ 0.55486465]]), array([[ 0.5212199 ],
       [-0.97857381]]), array([[ 1.76220513],
       [ 0.84451548],
       [ 1.04212999]])]
cost derivative:  [[ 0.87808953]
 [ 1.6409751 ]
 [ 0.48726534]]
unit step:  1
delta:  [[ 0.87808953]
 [ 1.6409751 ]
 [ 0.48726534]]
delta b updated:  [array([[ 0.27109226],
       [ 2.01725272]]), array([[ 0.87808953],
       [ 1.6409751 ],
       [ 0.48726534]])]
delta w updated: [array([[ 0.2396769 , -0.21591404,  0.15041951],
       [ 1.7834846 , -1.60666035,  1.11930223]]), array([[ 0.45767774, -0.85927542],
       [ 0.85530888, -1.60581526],
       [ 0.25397239, -0.4768251 ]])]
input:  [[-0.3027292 ]
 [-0.29732748]
 [ 0.88589238]]
activations:  [array([[-0.3027292 ],
       [-0.29732748],
       [ 0.88589238]]), array([[ 0.27495148],
       [-0.25811263]]), array([[ 0.76556543],
       [ 0.57329422],
       [ 0.43716841]])]
cost derivative:  [[ 1.06829463]
 [ 0.87062169]
 [-0.44872397]]
unit step:  1
delta:  [[ 1.06829463]
 [ 0.87062169]
 [-0.44872397]]
delta b updated:  [array([[ 0.18625093],
       [ 0.30844699]]), array([[ 1.06829463],
       [ 0.87062169],
       [-0.44872397]])]
delta w updated: [array([[-0.0563836 , -0.05537752,  0.16499828],
       [-0.09337591, -0.09170977,  0.27325084]]), array([[ 0.29372919, -0.27574034],
       [ 0.23937872, -0.22471845],
       [-0.12337732,  0.11582132]])]
input:  [[ 0.5017083 ]
 [-1.01718375]
 [ 0.39433099]]
activations:  [array([[ 0.5017083 ],
       [-1.01718375],
       [ 0.39433099]]), array([[ 0.38127423],
       [-0.90121969]]), array([[ 1.49622741],
       [ 0.88327978],
       [ 0.90702832]])]
cost derivative:  [[ 0.9945191 ]
 [ 1.90046353]
 [ 0.51269733]]
unit step:  1
delta:  [[ 0.9945191 ]
 [ 1.90046353]
 [ 0.51269733]]
delta b updated:  [array([[ 0.20525577],
       [ 2.10255902]]), array([[ 0.9945191 ],
       [ 1.90046353],
       [ 0.51269733]])]
delta w updated: [array([[ 0.10297852, -0.20878283,  0.08093871],
       [ 1.05487131, -2.13868888,  0.82910418]]), array([[ 0.37918451, -0.8962802 ],
       [ 0.72459777, -1.71273516],
       [ 0.19547828, -0.46205293]])]
input:  [[-0.15797529]
 [-0.43065982]
 [ 0.7947788 ]]
activations:  [array([[-0.15797529],
       [-0.43065982],
       [ 0.7947788 ]]), array([[ 0.29326862],
       [-0.37670054]]), array([[ 0.89769284],
       [ 0.63005287],
       [ 0.5229061 ]])]
cost derivative:  [[ 1.05566813]
 [ 1.06071269]
 [-0.2718727 ]]
unit step:  1
delta:  [[ 1.05566813]
 [ 1.06071269]
 [-0.2718727 ]]
delta b updated:  [array([[ 0.19127038],
       [ 0.52909633]]), array([[ 1.05566813],
       [ 1.06071269],
       [-0.2718727 ]])]
delta w updated: [array([[-0.03021599, -0.08237247,  0.15201764],
       [-0.08358415, -0.22786053,  0.42051454]]), array([[ 0.30959433, -0.39767075],
       [ 0.31107374, -0.39957104],
       [-0.07973173,  0.10241459]])]
input:  [[-0.79777761]
 [-0.01697286]
 [ 1.07450114]]
activations:  [array([[-0.79777761],
       [-0.01697286],
       [ 1.07450114]]), array([[ 0.18340918],
       [ 0.07086838]]), array([[ 0.33880086],
       [ 0.43592648],
       [ 0.17406863]])]
cost derivative:  [[ 1.13657847]
 [ 0.45289934]
 [-0.9004325 ]]
unit step:  1
delta:  [[ 1.13657847]
 [ 0.45289934]
 [-0.9004325 ]]
delta b updated:  [array([[ 0.13726653],
       [-0.051624  ]]), array([[ 1.13657847],
       [ 0.45289934],
       [-0.9004325 ]])]
delta w updated: [array([[-0.10950817, -0.00232981,  0.14749304],
       [ 0.04118447,  0.00087621, -0.05547005]]), array([[ 0.20845893,  0.08054747],
       [ 0.0830659 ,  0.03209624],
       [-0.16514759, -0.06381219]])]
input:  [[-0.85465634]
 [-0.63408057]
 [ 0.64146157]]
activations:  [array([[-0.85465634],
       [-0.63408057],
       [ 0.64146157]]), array([[ 0.07012575],
       [-0.15244541]]), array([[ 0.38325423],
       [ 0.63521161],
       [ 0.24477043]])]
cost derivative:  [[ 1.23791057]
 [ 1.26929217]
 [-0.39669114]]
unit step:  1
delta:  [[ 1.23791057]
 [ 1.26929217]
 [-0.39669114]]
delta b updated:  [array([[ 0.04914146],
       [ 0.24584186]]), array([[ 1.23791057],
       [ 1.26929217],
       [-0.39669114]])]
delta w updated: [array([[-0.04199906, -0.03115964,  0.03152236],
       [-0.2101103 , -0.15588355,  0.1576981 ]]), array([[ 0.08680941, -0.18871378],
       [ 0.08901007, -0.19349776],
       [-0.02781827,  0.06047374]])]
input:  [[-0.88477696]
 [-0.42422919]
 [ 0.78794808]]
activations:  [array([[-0.88477696],
       [-0.42422919],
       [ 0.78794808]]), array([[ 0.09501955],
       [-0.05494212]]), array([[ 0.32908399],
       [ 0.56272615],
       [ 0.19901256]])]
cost derivative:  [[ 1.21386094]
 [ 0.98695534]
 [-0.58893552]]
unit step:  1
delta:  [[ 1.21386094]
 [ 0.98695534]
 [-0.58893552]]
delta b updated:  [array([[ 0.06853658],
       [ 0.07171978]]), array([[ 1.21386094],
       [ 0.98695534],
       [-0.58893552]])]
delta w updated: [array([[-0.06063958, -0.02907522,  0.05400326],
       [-0.06345601, -0.03042563,  0.05651147]]), array([[ 0.11534052, -0.06669209],
       [ 0.09378005, -0.05422542],
       [-0.05596039,  0.03235737]])]
input:  [[-0.51887351]
 [-0.1200104 ]
 [ 1.00669461]]
activations:  [array([[-0.51887351],
       [-0.1200104 ],
       [ 1.00669461]]), array([[ 0.24327121],
       [-0.09345754]]), array([[ 0.56976605],
       [ 0.49416873],
       [ 0.31488266]])]
cost derivative:  [[ 1.08863955]
 [ 0.61417912]
 [-0.69181195]]
unit step:  1
delta:  [[ 1.08863955]
 [ 0.61417912]
 [-0.69181195]]
delta b updated:  [array([[ 0.17310181],
       [ 0.08504163]]), array([[ 1.08863955],
       [ 0.61417912],
       [-0.69181195]])]
delta w updated: [array([[-0.08981794, -0.02077402,  0.17426065],
       [-0.04412585, -0.01020588,  0.08561095]]), array([[ 0.26483467, -0.10174157],
       [ 0.1494121 , -0.05739967],
       [-0.16829793,  0.06465504]])]
input:  [[ 0.26254751]
 [-0.82507121]
 [ 0.52513537]]
activations:  [array([[ 0.26254751],
       [-0.82507121],
       [ 0.52513537]]), array([[ 0.34569505],
       [-0.72090817]]), array([[ 1.28045123],
       [ 0.79696498],
       [ 0.77252953]])]
cost derivative:  [[ 1.01790372]
 [ 1.6220362 ]
 [ 0.24739416]]
unit step:  1
delta:  [[ 1.01790372]
 [ 1.6220362 ]
 [ 0.24739416]]
delta b updated:  [array([[ 0.19916518],
       [ 1.4585361 ]]), array([[ 1.01790372],
       [ 1.6220362 ],
       [ 0.24739416]])]
delta w updated: [array([[ 0.05229032, -0.16432546,  0.10458868],
       [ 0.38293502, -1.20339615,  0.76592889]]), array([[ 0.35188427, -0.73381511],
       [ 0.56072988, -1.16933915],
       [ 0.08552294, -0.17834847]])]
input:  [[-0.77334271]
 [-1.01494568]
 [ 0.37601468]]
activations:  [array([[-0.77334271],
       [-1.01494568],
       [ 0.37601468]]), array([[ 0.03183853],
       [-0.34271403]]), array([[ 0.50080514],
       [ 0.76785359],
       [ 0.34114999]])]
cost derivative:  [[ 1.27414785]
 [ 1.78279927]
 [-0.03486469]]
unit step:  1
delta:  [[ 1.27414785]
 [ 1.78279927]
 [-0.03486469]]
delta b updated:  [array([[ 0.02099741],
       [ 0.74395362]]), array([[ 1.27414785],
       [ 1.78279927],
       [-0.03486469]])]
delta w updated: [array([[-0.01623819, -0.02131123,  0.00789533],
       [-0.57533111, -0.75507252,  0.27973748]]), array([[ 0.04056699, -0.43666834],
       [ 0.0567617 , -0.61099032],
       [-0.00111004,  0.01194862]])]
input:  [[ 0.86565678]
 [-0.57043228]
 [ 0.71286083]]
activations:  [array([[ 0.86565678],
       [-0.57043228],
       [ 0.71286083]]), array([[ 0.55098972],
       [-0.88492143]]), array([[ 1.71340978],
       [ 0.76520543],
       [ 1.00211902]])]
cost derivative:  [[ 0.847753  ]
 [ 1.33563771]
 [ 0.28925819]]
unit step:  1
delta:  [[ 0.847753  ]
 [ 1.33563771]
 [ 0.28925819]]
delta b updated:  [array([[ 0.29759968],
       [ 1.52847859]]), array([[ 0.847753  ],
       [ 1.33563771],
       [ 0.28925819]])]
delta w updated: [array([[ 0.25761918, -0.16976047,  0.21214716],
       [ 1.32313785, -0.87189353,  1.08959252]]), array([[ 0.46710319, -0.7501948 ],
       [ 0.73592265, -1.18193444],
       [ 0.15937829, -0.25597077]])]
input:  [[-0.28086071]
 [-0.31698969]
 [ 0.8724642 ]]
activations:  [array([[-0.28086071],
       [-0.31698969],
       [ 0.8724642 ]]), array([[ 0.27690932],
       [-0.27952153]]), array([[ 0.78347601],
       [ 0.57982766],
       [ 0.45255222]])]
cost derivative:  [[ 1.06433672]
 [ 0.89681735]
 [-0.41991198]]
unit step:  1
delta:  [[ 1.06433672]
 [ 0.89681735]
 [-0.41991198]]
delta b updated:  [array([[ 0.18603549],
       [ 0.34154441]]), array([[ 1.06433672],
       [ 0.89681735],
       [-0.41991198]])]
delta w updated: [array([[-0.05225006, -0.05897133,  0.16230931],
       [-0.0959264 , -0.10826606,  0.29798527]]), array([[ 0.29472476, -0.29750502],
       [ 0.24833709, -0.25067976],
       [-0.11627754,  0.11737444]])]
input:  [[ 0.47245184]
 [-0.99661205]
 [ 0.40828086]]
activations:  [array([[ 0.47245184],
       [-0.99661205],
       [ 0.40828086]]), array([[ 0.37558929],
       [-0.88507849]]), array([[ 1.46860541],
       [ 0.87132696],
       [ 0.89398371]])]
cost derivative:  [[ 0.99615357]
 [ 1.86793901]
 [ 0.48570286]]
unit step:  1
delta:  [[ 0.99615357]
 [ 1.86793901]
 [ 0.48570286]]
delta b updated:  [array([[ 0.20324241],
       [ 2.03012115]]), array([[ 0.99615357],
       [ 1.86793901],
       [ 0.48570286]])]
delta w updated: [array([[ 0.09602225, -0.20255384,  0.08297999],
       [ 0.95913446, -2.0232432 ,  0.8288596 ]]), array([[ 0.37414461, -0.8816741 ],
       [ 0.70157789, -1.65327264],
       [ 0.18242479, -0.42988515]])]
input:  [[-0.40909873]
 [-0.20541402]
 [ 0.94859942]]
activations:  [array([[-0.40909873],
       [-0.20541402],
       [ 0.94859942]]), array([[ 0.25922412],
       [-0.17930041]]), array([[ 0.6673092 ],
       [ 0.53122795],
       [ 0.37864418]])]
cost derivative:  [[ 1.07640793]
 [ 0.73664198]
 [-0.56995524]]
unit step:  1
delta:  [[ 1.07640793]
 [ 0.73664198]
 [-0.56995524]]
delta b updated:  [array([[ 0.17980269],
       [ 0.18728973]]), array([[ 1.07640793],
       [ 0.73664198],
       [-0.56995524]])]
delta w updated: [array([[-0.07355705, -0.03693399,  0.17056073],
       [-0.07661999, -0.03847194,  0.17766293]]), array([[ 0.2790309 , -0.19300038],
       [ 0.19095537, -0.13208021],
       [-0.14774615,  0.10219321]])]
input:  [[-0.85373844]
 [-0.0643567 ]
 [ 1.04044617]]
activations:  [array([[-0.85373844],
       [-0.0643567 ],
       [ 1.04044617]]), array([[ 0.15966384],
       [ 0.07327409]]), array([[ 0.29989647],
       [ 0.44516371],
       [ 0.15879465]])]
cost derivative:  [[ 1.15363491]
 [ 0.5095204 ]
 [-0.88165152]]
unit step:  1
delta:  [[ 1.15363491]
 [ 0.5095204 ]
 [-0.88165152]]
delta b updated:  [array([[ 0.11936138],
       [-0.05763738]]), array([[ 1.15363491],
       [ 0.5095204 ],
       [-0.88165152]])]
delta w updated: [array([[-0.1019034 , -0.0076817 ,  0.12418909],
       [ 0.04920725,  0.00370935, -0.05996859]]), array([[ 0.18419378,  0.08453155],
       [ 0.08135199,  0.03733464],
       [-0.14076787, -0.06460221]])]
input:  [[ 0.88312251]
 [-0.87095692]
 [ 0.50267967]]
activations:  [array([[ 0.88312251],
       [-0.87095692],
       [ 0.50267967]]), array([[ 0.50762176],
       [-1.01693163]]), array([[ 1.77001383],
       [ 0.8654027 ],
       [ 1.05848324]])]
cost derivative:  [[ 0.88689133]
 [ 1.73635961]
 [ 0.55580356]]
unit step:  1
delta:  [[ 0.88689133]
 [ 1.73635961]
 [ 0.55580356]]
delta b updated:  [array([[ 0.26002201],
       [ 2.1974835 ]]), array([[ 0.88689133],
       [ 1.73635961],
       [ 0.55580356]])]
delta w updated: [array([[ 0.22963129, -0.22646797,  0.13070778],
       [ 1.94064713, -1.91391345,  1.10463029]]), array([[ 0.45020534, -0.90190785],
       [ 0.88141393, -1.76575902],
       [ 0.28213799, -0.56521423]])]
input:  [[-0.84182799]
 [-0.0479054 ]
 [ 1.05215254]]
activations:  [array([[-0.84182799],
       [-0.0479054 ],
       [ 1.05215254]]), array([[ 0.16534269],
       [ 0.07411275]]), array([[ 0.30633649],
       [ 0.44043917],
       [ 0.16188832]])]
cost derivative:  [[ 1.14816448]
 [ 0.48834456]
 [-0.89026422]]
unit step:  1
delta:  [[ 1.14816448]
 [ 0.48834456]
 [-0.89026422]]
delta b updated:  [array([[ 0.12355611],
       [-0.05658703]]), array([[ 1.14816448],
       [ 0.48834456],
       [-0.89026422]])]
delta w updated: [array([[-0.10401299, -0.005919  ,  0.12999988],
       [ 0.04763655,  0.00271082, -0.05953819]]), array([[ 0.1898406 ,  0.08509363],
       [ 0.0807442 ,  0.03619256],
       [-0.14719868, -0.06597993]])]
input:  [[-0.87806208]
 [-0.48202356]
 [ 0.74758014]]
activations:  [array([[-0.87806208],
       [-0.48202356],
       [ 0.74758014]]), array([[ 0.08666007],
       [-0.08512928]]), array([[ 0.34068792],
       [ 0.58093737],
       [ 0.21361896]])]
cost derivative:  [[ 1.21875   ]
 [ 1.06296093]
 [-0.53396118]]
unit step:  1
delta:  [[ 1.21875   ]
 [ 1.06296093]
 [-0.53396118]]
delta b updated:  [array([[ 0.06178432],
       [ 0.11788184]]), array([[ 1.21875   ],
       [ 1.06296093],
       [-0.53396118]])]
delta w updated: [array([[-0.05425047, -0.0297815 ,  0.04618873],
       [-0.10350758, -0.05682183,  0.08812613]]), array([[ 0.10561696, -0.10375131],
       [ 0.09211626, -0.0904891 ],
       [-0.04627311,  0.04545573]])]
input:  [[ 0.08239468]
 [-0.65908384]
 [ 0.63856482]]
activations:  [array([[ 0.08239468],
       [-0.65908384],
       [ 0.63856482]]), array([[ 0.32158562],
       [-0.58031018]]), array([[ 1.11485078],
       [ 0.72406072],
       [ 0.66964532]])]
cost derivative:  [[ 1.03245609]
 [ 1.38314457]
 [ 0.03108051]]
unit step:  1
delta:  [[ 1.03245609]
 [ 1.38314457]
 [ 0.03108051]]
delta b updated:  [array([[ 0.19500515],
       [ 1.0194313 ]]), array([[ 1.03245609],
       [ 1.38314457],
       [ 0.03108051]])]
delta w updated: [array([[ 0.01606739, -0.12852474,  0.12452343],
       [ 0.08399572, -0.6718907 ,  0.65097296]]), array([[ 0.33202303, -0.59914478],
       [ 0.4447994 , -0.80265287],
       [ 0.00999504, -0.01803634]])]
input:  [[ 0.42222839]
 [-0.95895256]
 [ 0.43387011]]
activations:  [array([[ 0.42222839],
       [-0.95895256],
       [ 0.43387011]]), array([[ 0.36708954],
       [-0.85192073]]), array([[ 1.42331193],
       [ 0.85310364],
       [ 0.86823013]])]
cost derivative:  [[ 1.00108354]
 [ 1.81205619]
 [ 0.43436002]]
unit step:  1
delta:  [[ 1.00108354]
 [ 1.81205619]
 [ 0.43436002]]
delta b updated:  [array([[ 0.20130533],
       [ 1.89961534]]), array([[ 1.00108354],
       [ 1.81205619],
       [ 0.43436002]])]
delta w updated: [array([[ 0.08499682, -0.19304226,  0.08734036],
       [ 0.80207153, -1.82164099,  0.82418632]]), array([[ 0.3674873 , -0.85284382],
       [ 0.66518687, -1.54372823],
       [ 0.15944902, -0.37004031]])]
input:  [[-0.16929504]
 [-0.42001607]
 [ 0.80205595]]
activations:  [array([[-0.16929504],
       [-0.42001607],
       [ 0.80205595]]), array([[ 0.29024713],
       [-0.37444947]]), array([[ 0.88409065],
       [ 0.62229638],
       [ 0.52084385]])]
cost derivative:  [[ 1.0533857 ]
 [ 1.04231246]
 [-0.2812121 ]]
unit step:  1
delta:  [[ 1.0533857 ]
 [ 1.04231246]
 [-0.2812121 ]]
delta b updated:  [array([[ 0.18896346],
       [ 0.51690054]]), array([[ 1.0533857 ],
       [ 1.04231246],
       [-0.2812121 ]])]
delta w updated: [array([[-0.03199058, -0.07936769,  0.15155927],
       [-0.0875087 , -0.21710653,  0.41458315]]), array([[ 0.30574217, -0.39443971],
       [ 0.30252819, -0.39029335],
       [-0.081621  ,  0.10529972]])]
input:  [[-0.87538845]
 [-0.50225611]
 [ 0.73345324]]
activations:  [array([[-0.87538845],
       [-0.50225611],
       [ 0.73345324]]), array([[ 0.08380912],
       [-0.09640617]]), array([[ 0.34540137],
       [ 0.58733155],
       [ 0.21904737]])]
cost derivative:  [[ 1.22078982]
 [ 1.08958766]
 [-0.51440587]]
unit step:  1
delta:  [[ 1.22078982]
 [ 1.08958766]
 [-0.51440587]]
delta b updated:  [array([[ 0.05954994],
       [ 0.1361776 ]]), array([[ 1.22078982],
       [ 1.08958766],
       [-0.51440587]])]
delta w updated: [array([[-0.05212933, -0.02990932,  0.04367709],
       [-0.1192083 , -0.06839603,  0.0998799 ]]), array([[ 0.10231332, -0.11769167],
       [ 0.09131739, -0.10504297],
       [-0.0431119 ,  0.0495919 ]])]
input:  [[-0.87822135]
 [-0.1243584 ]
 [ 0.99804596]]
activations:  [array([[-0.87822135],
       [-0.1243584 ],
       [ 0.99804596]]), array([[ 0.14275695],
       [ 0.05747937]]), array([[ 0.28774281],
       [ 0.46161893],
       [ 0.15899307]])]
cost derivative:  [[ 1.16596415]
 [ 0.58597732]
 [-0.83905289]]
unit step:  1
delta:  [[ 1.16596415]
 [ 0.58597732]
 [-0.83905289]]
delta b updated:  [array([[ 0.10604906],
       [-0.04984604]]), array([[ 1.16596415],
       [ 0.58597732],
       [-0.83905289]])]
delta w updated: [array([[-0.09313455, -0.01318809,  0.10584183],
       [ 0.04377586,  0.00619877, -0.04974864]]), array([[ 0.16644948,  0.06701889],
       [ 0.08365233,  0.03368161],
       [-0.11978063, -0.04822823]])]
input:  [[-0.8641857 ]
 [-0.08405028]
 [ 1.02649209]]
activations:  [array([[-0.8641857 ],
       [-0.08405028],
       [ 1.02649209]]), array([[ 0.15287684],
       [ 0.06762541]]), array([[ 0.2922305 ],
       [ 0.4493311 ],
       [ 0.15915508]])]
cost derivative:  [[ 1.15641621]
 [ 0.53338138]
 [-0.86733701]]
unit step:  1
delta:  [[ 1.15641621]
 [ 0.53338138]
 [-0.86733701]]
delta b updated:  [array([[ 0.11378517],
       [-0.05480179]]), array([[ 1.15641621],
       [ 0.53338138],
       [-0.86733701]])]
delta w updated: [array([[-0.09833152, -0.00956368,  0.11679958],
       [ 0.04735893,  0.00460611, -0.05625361]]), array([[ 0.17678926,  0.07820312],
       [ 0.08154166,  0.03607014],
       [-0.13259574, -0.05865402]])]
input:  [[ 0.88137046]
 [-0.8976838 ]
 [ 0.48393586]]
activations:  [array([[ 0.88137046],
       [-0.8976838 ],
       [ 0.48393586]]), array([[ 0.50214454],
       [-1.03153332]]), array([[ 1.77101342],
       [ 0.87196343],
       [ 1.06494345]])]
cost derivative:  [[ 0.88964296]
 [ 1.76964723]
 [ 0.58100759]]
unit step:  1
delta:  [[ 0.88964296]
 [ 1.76964723]
 [ 0.58100759]]
delta b updated:  [array([[ 0.25558633],
       [ 2.26407026]]), array([[ 0.88964296],
       [ 1.76964723],
       [ 0.58100759]])]
delta w updated: [array([[ 0.22526624, -0.22943571,  0.12368739],
       [ 1.99548465, -2.03241921,  1.09566478]]), array([[ 0.44672936, -0.91769635],
       [ 0.8886187 , -1.82545008],
       [ 0.29174979, -0.59932869]])]
input:  [[ 0.82087594]
 [-0.30014702]
 [ 0.90143979]]
activations:  [array([[ 0.82087594],
       [-0.30014702],
       [ 0.90143979]]), array([[ 0.57985989],
       [-0.76512514]]), array([[ 1.63745934],
       [ 0.66865647],
       [ 0.94527245]])]
cost derivative:  [[ 0.81658339]
 [ 0.96880349]
 [ 0.04383265]]
unit step:  1
delta:  [[ 0.81658339]
 [ 0.96880349]
 [ 0.04383265]]
delta b updated:  [array([[ 0.32868201],
       [ 1.01500959]]), array([[ 0.81658339],
       [ 0.96880349],
       [ 0.04383265]])]
delta w updated: [array([[ 0.26980716, -0.09865293,  0.29628705],
       [ 0.83319695, -0.3046521 ,  0.91497004]]), array([[ 0.47350396, -0.62478848],
       [ 0.56177028, -0.7412559 ],
       [ 0.0254168 , -0.03353747]])]
input:  [[ 0.77227571]
 [-1.11056888]
 [ 0.33315392]]
activations:  [array([[ 0.77227571],
       [-1.11056888],
       [ 0.33315392]]), array([[ 0.43811397],
       [-1.07235526]]), array([[ 1.71771591],
       [ 0.93285888],
       [ 1.0505729 ]])]
cost derivative:  [[ 0.9454402 ]
 [ 2.04342776]
 [ 0.71741898]]
unit step:  1
delta:  [[ 0.9454402 ]
 [ 2.04342776]
 [ 0.71741898]]
delta b updated:  [array([[ 0.21966764],
       [ 2.6672017 ]]), array([[ 0.9454402 ],
       [ 2.04342776],
       [ 0.71741898]])]
delta w updated: [array([[ 0.16964398, -0.24395605,  0.07318313],
       [ 2.05981508, -2.96211121,  0.88858869]]), array([[ 0.41421055, -1.01384777],
       [ 0.89525424, -2.19128051],
       [ 0.31431127, -0.76932802]])]
input:  [[ 0.88312225]
 [-0.76350839]
 [ 0.57792449]]
activations:  [array([[ 0.88312225],
       [-0.76350839],
       [ 0.57792449]]), array([[ 0.52313737],
       [-0.98339628]]), array([[ 1.75469489],
       [ 0.82762361],
       [ 1.04666509]])]
cost derivative:  [[ 0.87157264]
 [ 1.59113199]
 [ 0.4687406 ]]
unit step:  1
delta:  [[ 0.87157264]
 [ 1.59113199]
 [ 0.4687406 ]]
delta b updated:  [array([[ 0.27327504],
       [ 1.9678706 ]]), array([[ 0.87157264],
       [ 1.59113199],
       [ 0.4687406 ]])]
delta w updated: [array([[ 0.24133527, -0.20864779,  0.15793234],
       [ 1.73787031, -1.50248571,  1.13728061]]), array([[ 0.45595222, -0.85710129],
       [ 0.8323806 , -1.56471328],
       [ 0.24521572, -0.46095776]])]
input:  [[ 0.35980925]
 [-0.90878401]
 [ 0.46802911]]
activations:  [array([[ 0.35980925],
       [-0.90878401],
       [ 0.46802911]]), array([[ 0.35674957],
       [-0.81197933]]), array([[ 1.36816825],
       [ 0.82968633],
       [ 0.83618977]])]
cost derivative:  [[ 1.008359  ]
 [ 1.73847033]
 [ 0.36816065]]
unit step:  1
delta:  [[ 1.008359  ]
 [ 1.73847033]
 [ 0.36816065]]
delta b updated:  [array([[ 0.19947438],
       [ 1.74209773]]), array([[ 1.008359  ],
       [ 1.73847033],
       [ 0.36816065]])]
delta w updated: [array([[ 0.07177273, -0.18127912,  0.09335982],
       [ 0.62682287, -1.58319055,  0.81535245]]), array([[ 0.35973164, -0.81876666],
       [ 0.62019855, -1.41160197],
       [ 0.13134116, -0.29893884]])]
input:  [[-0.34591249]
 [-0.2591908 ]
 [ 0.91192558]]
activations:  [array([[-0.34591249],
       [-0.2591908 ],
       [ 0.91192558]]), array([[ 0.26638637],
       [-0.23641598]]), array([[ 0.72243496],
       [ 0.55208851],
       [ 0.41936419]])]
cost derivative:  [[ 1.06834745]
 [ 0.81127931]
 [-0.49256139]]
unit step:  1
delta:  [[ 1.06834745]
 [ 0.81127931]
 [-0.49256139]]
delta b updated:  [array([[ 0.18140979],
       [ 0.26569889]]), array([[ 1.06834745],
       [ 0.81127931],
       [-0.49256139]])]
delta w updated: [array([[-0.06275191, -0.04701975,  0.16543223],
       [-0.09190856, -0.06886671,  0.24229761]]), array([[ 0.2845932 , -0.25257441],
       [ 0.21611375, -0.19179939],
       [-0.13121164,  0.11644938]])]
input:  [[ 0.02509018]
 [-0.60471442]
 [ 0.6757454 ]]
activations:  [array([[ 0.02509018],
       [-0.60471442],
       [ 0.6757454 ]]), array([[ 0.31307067],
       [-0.54144855]]), array([[ 1.0622318 ],
       [ 0.69907248],
       [ 0.63960922]])]
cost derivative:  [[ 1.03714162]
 [ 1.3037869 ]
 [-0.03613618]]
unit step:  1
delta:  [[ 1.03714162]
 [ 1.3037869 ]
 [-0.03613618]]
delta b updated:  [array([[ 0.19293065],
       [ 0.90198407]]), array([[ 1.03714162],
       [ 1.3037869 ],
       [-0.03613618]])]
delta w updated: [array([[ 0.00484066, -0.11666795,  0.130372  ],
       [ 0.02263094, -0.54544277,  0.60951158]]), array([[ 0.32469862, -0.56155883],
       [ 0.40817743, -0.70593353],
       [-0.01131318,  0.01956588]])]
input:  [[-0.80786871]
 [-0.86671599]
 [ 0.47927961]]
activations:  [array([[-0.80786871],
       [-0.86671599],
       [ 0.47927961]]), array([[ 0.04363532],
       [-0.27874138]]), array([[ 0.45055557],
       [ 0.71263488],
       [ 0.30870502]])]
cost derivative:  [[ 1.25842428]
 [ 1.57935086]
 [-0.17057459]]
unit step:  1
delta:  [[ 1.25842428]
 [ 1.57935086]
 [-0.17057459]]
delta b updated:  [array([[ 0.02927141],
       [ 0.54068115]]), array([[ 1.25842428],
       [ 1.57935086],
       [-0.17057459]])]
delta w updated: [array([[-0.02364745, -0.02537   ,  0.01402919],
       [-0.43679938, -0.46861699,  0.25913745]]), array([[ 0.05491175, -0.35077492],
       [ 0.06891548, -0.44023044],
       [-0.00744308,  0.0475462 ]])]
input:  [[ 0.72041262]
 [-1.11554813]
 [ 0.32885824]]
activations:  [array([[ 0.72041262],
       [-1.11554813],
       [ 0.32885824]]), array([[ 0.42229484],
       [-1.05815399]]), array([[ 1.67921944],
       [ 0.9286063 ],
       [ 1.03106529]])]
cost derivative:  [[ 0.95880682]
 [ 2.04415444]
 [ 0.70220705]]
unit step:  1
delta:  [[ 0.95880682]
 [ 2.04415444]
 [ 0.70220705]]
delta b updated:  [array([[ 0.21424025],
       [ 2.62867949]]), array([[ 0.95880682],
       [ 2.04415444],
       [ 0.70220705]])]
delta w updated: [array([[ 0.15434138, -0.23899531,  0.07045467],
       [ 1.89373387, -2.9324185 ,  0.86446291]]), array([[ 0.40489917, -1.01456526],
       [ 0.86323587, -2.16303017],
       [ 0.29653841, -0.74304319]])]
input:  [[ 0.03656671]
 [-0.6156325 ]
 [ 0.66827857]]
activations:  [array([[ 0.03656671],
       [-0.6156325 ],
       [ 0.66827857]]), array([[ 0.31420903],
       [-0.55354316]]), array([[ 1.07320868],
       [ 0.70295722],
       [ 0.64757607]])]
cost derivative:  [[ 1.03664197]
 [ 1.31858972]
 [-0.02070251]]
unit step:  1
delta:  [[ 1.03664197]
 [ 1.31858972]
 [-0.02070251]]
delta b updated:  [array([[ 0.19327637],
       [ 0.93079569]]), array([[ 1.03664197],
       [ 1.31858972],
       [-0.02070251]])]
delta w updated: [array([[ 0.00706748, -0.11898721,  0.12916246],
       [ 0.03403614, -0.57302808,  0.62203082]]), array([[ 0.32572226, -0.57382607],
       [ 0.41431279, -0.72989632],
       [-0.00650492,  0.01145973]])]
input:  [[-0.85867859]
 [-0.61084914]
 [ 0.65766752]]
activations:  [array([[-0.85867859],
       [-0.61084914],
       [ 0.65766752]]), array([[ 0.06999983],
       [-0.1544705 ]]), array([[ 0.37379039],
       [ 0.62290445],
       [ 0.24683295]])]
cost derivative:  [[ 1.23246897]
 [ 1.23375359]
 [-0.41083457]]
unit step:  1
delta:  [[ 1.23246897]
 [ 1.23375359]
 [-0.41083457]]
delta b updated:  [array([[ 0.04887756],
       [ 0.24163208]]), array([[ 1.23246897],
       [ 1.23375359],
       [-0.41083457]])]
delta w updated: [array([[-0.04197012, -0.02985682,  0.03214518],
       [-0.20748429, -0.14760075,  0.15891357]]), array([[ 0.08627261, -0.1903801 ],
       [ 0.08636254, -0.19057853],
       [-0.02875835,  0.06346182]])]
input:  [[-0.88454188]
 [-0.15320278]
 [ 0.97774804]]
activations:  [array([[-0.88454188],
       [-0.15320278],
       [ 0.97774804]]), array([[ 0.13535   ],
       [ 0.04299764]]), array([[ 0.28598583],
       [ 0.46861624],
       [ 0.16349926]])]
cost derivative:  [[ 1.17052771]
 [ 0.62181902]
 [-0.81424879]]
unit step:  1
delta:  [[ 1.17052771]
 [ 0.62181902]
 [-0.81424879]]
delta b updated:  [array([[ 0.10015394],
       [-0.03883407]]), array([[ 1.17052771],
       [ 0.62181902],
       [-0.81424879]])]
delta w updated: [array([[-0.08859035, -0.01534386,  0.09792532],
       [ 0.03435036,  0.00594949, -0.03796994]]), array([[ 0.15843092,  0.05032993],
       [ 0.0841632 ,  0.02673675],
       [-0.11020857, -0.03501077]])]
input:  [[ 0.66850921]
 [-1.10502797]
 [ 0.33541597]]
activations:  [array([[ 0.66850921],
       [-1.10502797],
       [ 0.33541597]]), array([[ 0.40938371],
       [-1.03402778]]), array([[ 1.63732583],
       [ 0.91964455],
       [ 1.00789122]])]
cost derivative:  [[ 0.96881662]
 [ 2.02467252]
 [ 0.67247524]]
unit step:  1
delta:  [[ 0.96881662]
 [ 2.02467252]
 [ 0.67247524]]
delta b updated:  [array([[ 0.21023296],
       [ 2.54431993]]), array([[ 0.96881662],
       [ 2.02467252],
       [ 0.67247524]])]
delta w updated: [array([[ 0.14054267, -0.2323133 ,  0.07051549],
       [ 1.70090131, -2.81154468,  0.85340555]]), array([[ 0.39661774, -1.00178329],
       [ 0.82886794, -2.09356763],
       [ 0.27530041, -0.69535808]])]
input:  [[-0.88628836]
 [-0.1636171 ]
 [ 0.97042779]]
activations:  [array([[-0.88628836],
       [-0.1636171 ],
       [ 0.97042779]]), array([[ 0.13306716],
       [ 0.03879716]]), array([[ 0.28587998],
       [ 0.47154263],
       [ 0.1647737 ]])]
cost derivative:  [[ 1.17216833]
 [ 0.63515974]
 [-0.8056541 ]]
unit step:  1
delta:  [[ 1.17216833]
 [ 0.63515974]
 [-0.8056541 ]]
delta b updated:  [array([[ 0.09833201],
       [-0.03558086]]), array([[ 1.17216833],
       [ 0.63515974],
       [-0.8056541 ]])]
delta w updated: [array([[-0.08715052, -0.0160888 ,  0.09542412],
       [ 0.0315349 ,  0.00582164, -0.03452865]]), array([[ 0.15597711,  0.0454768 ],
       [ 0.0845189 ,  0.02464239],
       [-0.1072061 , -0.03125709]])]
input:  [[ 0.58500707]
 [-1.0686209 ]
 [ 0.35960921]]
activations:  [array([[ 0.58500707],
       [-1.0686209 ],
       [ 0.35960921]]), array([[ 0.39208491],
       [-0.98439833]]), array([[ 1.56745401],
       [ 0.90004121],
       [ 0.96589715]])]
cost derivative:  [[ 0.98244694]
 [ 1.96866211]
 [ 0.60628794]]
unit step:  1
delta:  [[ 0.98244694]
 [ 1.96866211]
 [ 0.60628794]]
delta b updated:  [array([[ 0.20595678],
       [ 2.35994044]]), array([[ 0.98244694],
       [ 1.96866211],
       [ 0.60628794]])]
delta w updated: [array([[ 0.12048617, -0.22008972,  0.07406395],
       [ 1.38058184, -2.52188168,  0.84865632]]), array([[ 0.38520262, -0.96711912],
       [ 0.77188271, -1.93794768],
       [ 0.23771635, -0.59682883]])]
input:  [[-0.11248479]
 [-0.47366382]
 [ 0.76537305]]
activations:  [array([[-0.11248479],
       [-0.47366382],
       [ 0.76537305]]), array([[ 0.29541031],
       [-0.43304135]]), array([[ 0.93568559],
       [ 0.64159999],
       [ 0.56049808]])]
cost derivative:  [[ 1.04817038]
 [ 1.11526381]
 [-0.20487497]]
unit step:  1
delta:  [[ 1.04817038]
 [ 1.11526381]
 [-0.20487497]]
delta b updated:  [array([[ 0.18943886],
       [ 0.63083021]]), array([[ 1.04817038],
       [ 1.11526381],
       [-0.20487497]])]
delta w updated: [array([[-0.02130899, -0.08973033,  0.14499139],
       [-0.07095881, -0.29880145,  0.48282044]]), array([[ 0.30964034, -0.45390112],
       [ 0.32946043, -0.48295534],
       [-0.06052218,  0.08871933]])]
input:  [[ 0.77743051]
 [-0.09431641]
 [ 1.04490281]]
activations:  [array([[ 0.77743051],
       [-0.09431641],
       [ 1.04490281]]), array([[ 0.59877459],
       [-0.67475738]]), array([[ 1.57400568],
       [ 0.59298991],
       [ 0.89907036]])]
cost derivative:  [[ 0.79657517]
 [ 0.68730632]
 [-0.14583245]]
unit step:  1
delta:  [[ 0.79657517]
 [ 0.68730632]
 [-0.14583245]]
delta b updated:  [array([[ 0.35446397],
       [ 0.68892713]]), array([[ 0.79657517],
       [ 0.68730632],
       [-0.14583245]])]
delta w updated: [array([[ 0.27557111, -0.03343177,  0.3703804 ],
       [ 0.53559297, -0.06497713,  0.71986189]]), array([[ 0.47696898, -0.53749498],
       [ 0.41154156, -0.46376501],
       [-0.08732077,  0.09840152]])]
input:  [[ 0.55803192]
 [-1.05329141]
 [ 0.36992359]]
activations:  [array([[ 0.55803192],
       [-1.05329141],
       [ 0.36992359]]), array([[ 0.38662145],
       [-0.96898888]]), array([[ 1.54425267],
       [ 0.89216304],
       [ 0.95264345]])]
cost derivative:  [[ 0.98622075]
 [ 1.94545446]
 [ 0.58271986]]
unit step:  1
delta:  [[ 0.98622075]
 [ 1.94545446]
 [ 0.58271986]]
delta b updated:  [array([[ 0.20448176],
       [ 2.29654537]]), array([[ 0.98622075],
       [ 1.94545446],
       [ 0.58271986]])]
delta w updated: [array([[ 0.11410735, -0.21537888,  0.07564263],
       [ 1.28154563, -2.41893152,  0.84954632]]), array([[ 0.3812941 , -0.95563694],
       [ 0.75215443, -1.88512374],
       [ 0.225292  , -0.56464906]])]
input:  [[ 0.59381163]
 [-1.07330163]
 [ 0.35646866]]
activations:  [array([[ 0.59381163],
       [-1.07330163],
       [ 0.35646866]]), array([[ 0.39305811],
       [-0.99507545]]), array([[ 1.57598975],
       [ 0.90179541],
       [ 0.97254345]])]
cost derivative:  [[ 0.98217812]
 [ 1.97509705]
 [ 0.61607479]]
unit step:  1
delta:  [[ 0.98217812]
 [ 1.97509705]
 [ 0.61607479]]
delta b updated:  [array([[ 0.20632501],
       [ 2.39080568]]), array([[ 0.98217812],
       [ 1.97509705],
       [ 0.61607479]])]
delta w updated: [array([[ 0.12251819, -0.22144897,  0.0735484 ],
       [ 1.41968821, -2.56605565,  0.85224729]]), array([[ 0.38605308, -0.97734134],
       [ 0.77632791, -1.96537059],
       [ 0.24215319, -0.6130409 ]])]
input:  [[-0.80326333]
 [-0.01910134]
 [ 1.07292504]]
activations:  [array([[-0.80326333],
       [-0.01910134],
       [ 1.07292504]]), array([[ 0.17808086],
       [ 0.05784237]]), array([[ 0.32914445],
       [ 0.43004889],
       [ 0.18038777]])]
cost derivative:  [[ 1.13240779]
 [ 0.44915023]
 [-0.89253727]]
unit step:  1
delta:  [[ 1.13240779]
 [ 0.44915023]
 [-0.89253727]]
delta b updated:  [array([[ 0.13242066],
       [-0.04152566]]), array([[ 1.13240779],
       [ 0.44915023],
       [-0.89253727]])]
delta w updated: [array([[-0.10636866, -0.00252941,  0.14207745],
       [ 0.03335604,  0.0007932 , -0.04455392]]), array([[ 0.20166016,  0.06550115],
       [ 0.07998506,  0.02597991],
       [-0.15894381, -0.05162647]])]
input:  [[-0.77443049]
 [-0.01156442]
 [ 1.07865268]]
activations:  [array([[-0.77443049],
       [-0.01156442],
       [ 1.07865268]]), array([[ 0.18703293],
       [ 0.04809819]]), array([[ 0.34994422],
       [ 0.42995253],
       [ 0.19231558]])]
cost derivative:  [[ 1.12437471]
 [ 0.44151695]
 [-0.8863371 ]]
unit step:  1
delta:  [[ 1.12437471]
 [ 0.44151695]
 [-0.8863371 ]]
delta b updated:  [array([[ 0.13856351],
       [-0.03416091]]), array([[ 1.12437471],
       [ 0.44151695],
       [-0.8863371 ]])]
delta w updated: [array([[-0.10730781, -0.00160241,  0.1494619 ],
       [ 0.02645525,  0.00039505, -0.03684776]]), array([[ 0.21029509,  0.05408038],
       [ 0.08257821,  0.02123616],
       [-0.16577422, -0.04263121]])]
input:  [[ 0.4324114 ]
 [-0.96680394]
 [ 0.42853068]]
activations:  [array([[ 0.4324114 ],
       [-0.96680394],
       [ 0.42853068]]), array([[ 0.36553678],
       [-0.88152026]]), array([[ 1.43411059],
       [ 0.85203027],
       [ 0.88464929]])]
cost derivative:  [[ 1.0016992 ]
 [ 1.81883422]
 [ 0.45611861]]
unit step:  1
delta:  [[ 1.0016992 ]
 [ 1.81883422]
 [ 0.45611861]]
delta b updated:  [array([[ 0.20063561],
       [ 1.96482806]]), array([[ 1.0016992 ],
       [ 1.81883422],
       [ 0.45611861]])]
delta w updated: [array([[ 0.08675712, -0.1939753 ,  0.08597851],
       [ 0.84961404, -1.89960352,  0.84198911]]), array([[ 0.3661579 , -0.88301813],
       [ 0.66485081, -1.6033392 ],
       [ 0.16672813, -0.40207779]])]
input:  [[ 0.87164646]
 [-0.96772944]
 [ 0.43473216]]
activations:  [array([[ 0.87164646],
       [-0.96772944],
       [ 0.43473216]]), array([[ 0.48530357],
       [-1.07956968]]), array([[ 1.77783274],
       [ 0.89027965],
       [ 1.08216064]])]
cost derivative:  [[ 0.90618628]
 [ 1.85800909]
 [ 0.64742848]]
unit step:  1
delta:  [[ 0.90618628]
 [ 1.85800909]
 [ 0.64742848]]
delta b updated:  [array([[ 0.24733329],
       [ 2.46548312]]), array([[ 0.90618628],
       [ 1.85800909],
       [ 0.64742848]])]
delta w updated: [array([[ 0.21558719, -0.23935171,  0.10752374],
       [ 2.14902964, -2.38592059,  1.07182481]]), array([[ 0.43977544, -0.97829124],
       [ 0.90169845, -2.00585028],
       [ 0.31419936, -0.69894416]])]
input:  [[ 0.88431089]
 [-0.8122521 ]
 [ 0.54380843]]
activations:  [array([[ 0.88431089],
       [-0.8122521 ],
       [ 0.54380843]]), array([[ 0.51316837],
       [-1.02380863]]), array([[ 1.76558176],
       [ 0.8397286 ],
       [ 1.06393392]])]
cost derivative:  [[ 0.88127088]
 [ 1.6519807 ]
 [ 0.52012549]]
unit step:  1
delta:  [[ 0.88127088]
 [ 1.6519807 ]
 [ 0.52012549]]
delta b updated:  [array([[ 0.26840482],
       [ 2.11138302]]), array([[ 0.88127088],
       [ 1.6519807 ],
       [ 0.52012549]])]
delta w updated: [array([[ 0.23735331, -0.21801238,  0.14596081],
       [ 1.86711899, -1.7149753 ,  1.14818789]]), array([[ 0.45224033, -0.90225273],
       [ 0.84774423, -1.6913121 ],
       [ 0.26691195, -0.53250897]])]
input:  [[-0.02084301]
 [-0.56093583]
 [ 0.70568668]]
activations:  [array([[-0.02084301],
       [-0.56093583],
       [ 0.70568668]]), array([[ 0.30547288],
       [-0.5170763 ]]), array([[ 1.02114589],
       [ 0.67744911],
       [ 0.61856539]])]
cost derivative:  [[ 1.0419889 ]
 [ 1.23838493]
 [-0.08712129]]
unit step:  1
delta:  [[ 1.0419889 ]
 [ 1.23838493]
 [-0.08712129]]
delta b updated:  [array([[ 0.1913393 ],
       [ 0.82195702]]), array([[ 1.0419889 ],
       [ 1.23838493],
       [-0.08712129]])]
delta w updated: [array([[-0.00398809, -0.10732907,  0.1350256 ],
       [-0.01713205, -0.46106514,  0.58004412]]), array([[ 0.31829935, -0.53878777],
       [ 0.37829301, -0.6403395 ],
       [-0.02661319,  0.04504836]])]
input:  [[ 0.18458517]
 [-0.75451282]
 [ 0.57333073]]
activations:  [array([[ 0.18458517],
       [-0.75451282],
       [ 0.57333073]]), array([[ 0.33079272],
       [-0.6890862 ]]), array([[ 1.21045572],
       [ 0.75940452],
       [ 0.74180164]])]
cost derivative:  [[ 1.02587055]
 [ 1.51391734]
 [ 0.16847091]]
unit step:  1
delta:  [[ 1.02587055]
 [ 1.51391734]
 [ 0.16847091]]
delta b updated:  [array([[ 0.19553342],
       [ 1.3035985 ]]), array([[ 1.02587055],
       [ 1.51391734],
       [ 0.16847091]])]
delta w updated: [array([[ 0.03609257, -0.14753247,  0.11210532],
       [ 0.24062495, -0.98358177,  0.74739308]]), array([[ 0.33935052, -0.70691324],
       [ 0.50079284, -1.04321955],
       [ 0.05572895, -0.11609098]])]
input:  [[-0.891427  ]
 [-0.20937399]
 [ 0.9383047 ]]
activations:  [array([[-0.891427  ],
       [-0.20937399],
       [ 0.9383047 ]]), array([[ 0.12314428],
       [ 0.01610346]]), array([[ 0.28806737],
       [ 0.4847342 ],
       [ 0.17266362]])]
cost derivative:  [[ 1.17949438]
 [ 0.69410819]
 [-0.76564108]]
unit step:  1
delta:  [[ 1.17949438]
 [ 0.69410819]
 [-0.76564108]]
delta b updated:  [array([[ 0.09044751],
       [-0.01573849]]), array([[ 1.17949438],
       [ 0.69410819],
       [-0.76564108]])]
delta w updated: [array([[-0.08062735, -0.01893736,  0.08486732],
       [ 0.01402972,  0.00329523, -0.0147675 ]]), array([[ 0.14524799,  0.01899395],
       [ 0.08547546,  0.01117755],
       [-0.09428432, -0.01232947]])]
input:  [[-0.86603769]
 [-0.56591058]
 [ 0.68902265]]
activations:  [array([[-0.86603769],
       [-0.56591058],
       [ 0.68902265]]), array([[ 0.0734728 ],
       [-0.14172599]]), array([[ 0.36069268],
       [ 0.60520198],
       [ 0.24101761]])]
cost derivative:  [[ 1.22673037]
 [ 1.17111256]
 [-0.44800504]]
unit step:  1
delta:  [[ 1.22673037]
 [ 1.17111256]
 [-0.44800504]]
delta b updated:  [array([[ 0.05149901],
       [ 0.21124464]]), array([[ 1.22673037],
       [ 1.17111256],
       [-0.44800504]])]
delta w updated: [array([[-0.04460008, -0.02914383,  0.03548398],
       [-0.18294582, -0.11954558,  0.14555234]]), array([[ 0.09013131, -0.17385958],
       [ 0.08604491, -0.16597709],
       [-0.03291618,  0.06349396]])]
input:  [[-0.89224133]
 [-0.22185723]
 [ 0.92955015]]
activations:  [array([[-0.89224133],
       [-0.22185723],
       [ 0.92955015]]), array([[ 0.12081711],
       [ 0.01117558]]), array([[ 0.28846007],
       [ 0.48835439],
       [ 0.1747208 ]])]
cost derivative:  [[ 1.18070139]
 [ 0.71021162]
 [-0.75482935]]
unit step:  1
delta:  [[ 1.18070139]
 [ 0.71021162]
 [-0.75482935]]
delta b updated:  [array([[ 0.08852349],
       [-0.01111139]]), array([[ 1.18070139],
       [ 0.71021162],
       [-0.75482935]])]
delta w updated: [array([[-0.07898432, -0.01963958,  0.08228703],
       [ 0.00991404,  0.00246514, -0.01032859]]), array([[ 0.14264893,  0.01319502],
       [ 0.08580572,  0.00793702],
       [-0.0911963 , -0.00843565]])]
input:  [[ 0.84136483]
 [-1.05252402]
 [ 0.37487938]]
activations:  [array([[ 0.84136483],
       [-1.05252402],
       [ 0.37487938]]), array([[ 0.46277343],
       [-1.10667763]]), array([[ 1.76699912],
       [ 0.91425872],
       [ 1.08494985]])]
cost derivative:  [[ 0.92563429]
 [ 1.96678274]
 [ 0.71007047]]
unit step:  1
delta:  [[ 0.92563429]
 [ 1.96678274]
 [ 0.71007047]]
delta b updated:  [array([[ 0.23395608],
       [ 2.65356211]]), array([[ 0.92563429],
       [ 1.96678274],
       [ 0.71007047]])]
delta w updated: [array([[ 0.19684242, -0.2462444 ,  0.08770531],
       [ 2.23261383, -2.79293787,  0.99476573]]), array([[ 0.42835896, -1.02437876],
       [ 0.9101748 , -2.17659445],
       [ 0.32860175, -0.7858191 ]])]
input:  [[ 0.82906   ]
 [-1.07064725]
 [ 0.36199604]]
activations:  [array([[ 0.82906   ],
       [-1.07064725],
       [ 0.36199604]]), array([[ 0.45630708],
       [-1.11122899]]), array([[ 1.7613731 ],
       [ 0.91924979],
       [ 1.08323258]])]
cost derivative:  [[ 0.9323131 ]
 [ 1.98989704]
 [ 0.72123654]]
unit step:  1
delta:  [[ 0.9323131 ]
 [ 1.98989704]
 [ 0.72123654]]
delta b updated:  [array([[ 0.23116284],
       [ 2.69138672]]), array([[ 0.9323131 ],
       [ 1.98989704],
       [ 0.72123654]])]
delta w updated: [array([[ 0.19164786, -0.24749386,  0.08368003],
       [ 2.23132108, -2.88152579,  0.97427133]]), array([[ 0.42542107, -1.03601334],
       [ 0.9080041 , -2.21123128],
       [ 0.32910534, -0.80145896]])]
input:  [[ 0.74083576]
 [-1.11590179]
 [ 0.32892906]]
activations:  [array([[ 0.74083576],
       [-1.11590179],
       [ 0.32892906]]), array([[ 0.42480217],
       [-1.0928904 ]]), array([[ 1.70047489],
       [ 0.92668621],
       [ 1.05177038]])]
cost derivative:  [[ 0.95963913]
 [ 2.042588  ]
 [ 0.72284132]]
unit step:  1
delta:  [[ 0.95963913]
 [ 2.042588  ]
 [ 0.72284132]]
delta b updated:  [array([[ 0.21752078],
       [ 2.70548123]]), array([[ 0.95963913],
       [ 2.042588  ],
       [ 0.72284132]])]
delta w updated: [array([[ 0.16114718, -0.24273183,  0.07154891],
       [ 2.00431725, -3.01905135,  0.88991141]]), array([[ 0.40765679, -1.04878039],
       [ 0.86769582, -2.23232482],
       [ 0.30706456, -0.78998634]])]
input:  [[-0.03232454]
 [-0.54998373]
 [ 0.71317725]]
activations:  [array([[-0.03232454],
       [-0.54998373],
       [ 0.71317725]]), array([[ 0.30328422],
       [-0.51372227]]), array([[ 1.01126803],
       [ 0.67127691],
       [ 0.61453913]])]
cost derivative:  [[ 1.04359257]
 [ 1.22126064]
 [-0.09863812]]
unit step:  1
delta:  [[ 1.04359257]
 [ 1.22126064]
 [-0.09863812]]
delta b updated:  [array([[ 0.19099069],
       [ 0.80611363]]), array([[ 1.04359257],
       [ 1.22126064],
       [-0.09863812]])]
delta w updated: [array([[-0.00617369, -0.10504177,  0.13621021],
       [-0.02605726, -0.44334938,  0.5749019 ]]), array([[ 0.31650516, -0.53611674],
       [ 0.37038908, -0.62738878],
       [-0.02991539,  0.0506726 ]])]
input:  [[-0.89171727]
 [-0.33735345]
 [ 0.84867781]]
activations:  [array([[-0.89171727],
       [-0.33735345],
       [ 0.84867781]]), array([[ 0.102239 ],
       [-0.0395331]]), array([[ 0.30650116],
       [ 0.5259048 ],
       [ 0.19449207]])]
cost derivative:  [[ 1.19821842]
 [ 0.86325825]
 [-0.65418574]]
unit step:  1
delta:  [[ 1.19821842]
 [ 0.86325825]
 [-0.65418574]]
delta b updated:  [array([[ 0.0739241 ],
       [ 0.04574777]]), array([[ 1.19821842],
       [ 0.86325825],
       [-0.65418574]])]
delta w updated: [array([[-0.0659194 , -0.02493855,  0.06273774],
       [-0.04079408, -0.01543317,  0.03882512]]), array([[ 0.12250466, -0.04736928],
       [ 0.08825866, -0.03412727],
       [-0.0668833 ,  0.02586199]])]
input:  [[-0.41942256]
 [-0.19690025]
 [ 0.95440051]]
activations:  [array([[-0.41942256],
       [-0.19690025],
       [ 0.95440051]]), array([[ 0.25344902],
       [-0.19415037]]), array([[ 0.65443511],
       [ 0.51980974],
       [ 0.38447179]])]
cost derivative:  [[ 1.07385767]
 [ 0.71670999]
 [-0.56992872]]
unit step:  1
delta:  [[ 1.07385767]
 [ 0.71670999]
 [-0.56992872]]
delta b updated:  [array([[ 0.17570667],
       [ 0.19705265]]), array([[ 1.07385767],
       [ 0.71670999],
       [-0.56992872]])]
delta w updated: [array([[-0.07369534, -0.03459669,  0.16769454],
       [-0.08264832, -0.03879972,  0.18806715]]), array([[ 0.27216818, -0.20848986],
       [ 0.18164945, -0.13914951],
       [-0.14444788,  0.11065187]])]
input:  [[ 0.69887632]
 [-1.1126556 ]
 [ 0.330548  ]]
activations:  [array([[ 0.69887632],
       [-1.1126556 ],
       [ 0.330548  ]]), array([[ 0.41343458],
       [-1.07586677]]), array([[ 1.66718825],
       [ 0.92112476],
       [ 1.03410137]])]
cost derivative:  [[ 0.96831193]
 [ 2.03378037]
 [ 0.70355337]]
unit step:  1
delta:  [[ 0.96831193]
 [ 2.03378037]
 [ 0.70355337]]
delta b updated:  [array([[ 0.21342973],
       [ 2.65035885]]), array([[ 0.96831193],
       [ 2.03378037],
       [ 0.70355337]])]
delta w updated: [array([[ 0.14916099, -0.23747379,  0.07054877],
       [ 1.85227305, -2.94893663,  0.87607081]]), array([[ 0.40033363, -1.04177462],
       [ 0.84083513, -2.18807671],
       [ 0.29087329, -0.75692969]])]
input:  [[ 0.21820126]
 [-0.78523648]
 [ 0.55233957]]
activations:  [array([[ 0.21820126],
       [-0.78523648],
       [ 0.55233957]]), array([[ 0.33395299],
       [-0.72623378]]), array([[ 1.24259077],
       [ 0.77051364],
       [ 0.76624724]])]
cost derivative:  [[ 1.02438951]
 [ 1.55575012]
 [ 0.21390767]]
unit step:  1
delta:  [[ 1.02438951]
 [ 1.55575012]
 [ 0.21390767]]
delta b updated:  [array([[ 0.1962138 ],
       [ 1.40522275]]), array([[ 1.02438951],
       [ 1.55575012],
       [ 0.21390767]])]
delta w updated: [array([[ 0.0428141 , -0.15407424,  0.10837665],
       [ 0.30662138, -1.10343217,  0.77616013]]), array([[ 0.34209794, -0.74394627],
       [ 0.51954741, -1.12983829],
       [ 0.07143511, -0.15534698]])]
input:  [[-0.836243  ]
 [-0.73217645]
 [ 0.57305343]]
activations:  [array([[-0.836243  ],
       [-0.73217645],
       [ 0.57305343]]), array([[ 0.05432648],
       [-0.22981676]]), array([[ 0.40932938],
       [ 0.66159114],
       [ 0.2838783 ]])]
cost derivative:  [[ 1.24557238]
 [ 1.39376759]
 [-0.28917514]]
unit step:  1
delta:  [[ 1.24557238]
 [ 1.39376759]
 [-0.28917514]]
delta b updated:  [array([[ 0.03715863],
       [ 0.39679627]]), array([[ 1.24557238],
       [ 1.39376759],
       [-0.28917514]])]
delta w updated: [array([[-0.03107364, -0.02720667,  0.02129388],
       [-0.3318181 , -0.29052488,  0.22738546]]), array([[ 0.06766757, -0.28625341],
       [ 0.07571849, -0.32031115],
       [-0.01570987,  0.06645729]])]
input:  [[-0.87575982]
 [-0.11553038]
 [ 1.00426649]]
activations:  [array([[-0.87575982],
       [-0.11553038],
       [ 1.00426649]]), array([[ 0.14141665],
       [ 0.04296798]]), array([[ 0.28486884],
       [ 0.45259423],
       [ 0.16729644]])]
cost derivative:  [[ 1.16062866]
 [ 0.56812461]
 [-0.83697005]]
unit step:  1
delta:  [[ 1.16062866]
 [ 0.56812461]
 [-0.83697005]]
delta b updated:  [array([[ 0.10468616],
       [-0.03610436]]), array([[ 1.16062866],
       [ 0.56812461],
       [-0.83697005]])]
delta w updated: [array([[-0.09167993, -0.01209443,  0.1051328 ],
       [ 0.03161875,  0.00417115, -0.0362584 ]]), array([[ 0.16413222,  0.04986987],
       [ 0.08034228,  0.02441117],
       [-0.1183615 , -0.03596291]])]
input:  [[ 0.86272391]
 [-0.54843756]
 [ 0.72821772]]
activations:  [array([[ 0.86272391],
       [-0.54843756],
       [ 0.72821772]]), array([[ 0.54736378],
       [-0.91982514]]), array([[ 1.71043266],
       [ 0.74638194],
       [ 1.01890432]])]
cost derivative:  [[ 0.84770876]
 [ 1.2948195 ]
 [ 0.2906866 ]]
unit step:  1
delta:  [[ 0.84770876]
 [ 1.2948195 ]
 [ 0.2906866 ]]
delta b updated:  [array([[ 0.30171754],
       [ 1.54116033]]), array([[ 0.84770876],
       [ 1.2948195 ],
       [ 0.2906866 ]])]
delta w updated: [array([[ 0.26029894, -0.16547323,  0.21971606],
       [ 1.32959586, -0.8452302 ,  1.12230027]]), array([[ 0.46400507, -0.77974383],
       [ 0.7087373 , -1.19100753],
       [ 0.15911132, -0.26738084]])]
input:  [[-0.50926384]
 [-0.12696721]
 [ 1.0019727 ]]
activations:  [array([[-0.50926384],
       [-0.12696721],
       [ 1.0019727 ]]), array([[ 0.23945557],
       [-0.12762277]]), array([[ 0.57294998],
       [ 0.48777229],
       [ 0.33438922]])]
cost derivative:  [[ 1.08221382]
 [ 0.6147395 ]
 [-0.66758349]]
unit step:  1
delta:  [[ 1.08221382]
 [ 0.6147395 ]
 [-0.66758349]]
delta b updated:  [array([[ 0.16923137],
       [ 0.11507444]]), array([[ 1.08221382],
       [ 0.6147395 ],
       [-0.66758349]])]
delta w updated: [array([[-0.08618342, -0.02148683,  0.16956521],
       [-0.05860325, -0.01461068,  0.11530145]]), array([[ 0.25914212, -0.13811512],
       [ 0.14720279, -0.07845476],
       [-0.15985658,  0.08519885]])]
input:  [[ 0.39129169]
 [-0.9345011 ]
 [ 0.45051071]]
activations:  [array([[ 0.39129169],
       [-0.9345011 ],
       [ 0.45051071]]), array([[ 0.3570287 ],
       [-0.86835496]]), array([[ 1.3995962 ],
       [ 0.83404005],
       [ 0.8695645 ]])]
cost derivative:  [[ 1.00830451]
 [ 1.76854115]
 [ 0.41905379]]
unit step:  1
delta:  [[ 1.00830451]
 [ 1.76854115]
 [ 0.41905379]]
delta b updated:  [array([[ 0.19941374],
       [ 1.88173807]]), array([[ 1.00830451],
       [ 1.76854115],
       [ 0.41905379]])]
delta w updated: [array([[ 0.07802894, -0.18635236,  0.08983803],
       [ 0.73630847, -1.7584863 ,  0.84774315]]), array([[ 0.35999365, -0.87556622],
       [ 0.63141996, -1.53572148],
       [ 0.14961423, -0.36388743]])]
input:  [[ 0.33854048]
 [-0.89098712]
 [ 0.48016037]]
activations:  [array([[ 0.33854048],
       [-0.89098712],
       [ 0.48016037]]), array([[ 0.34938783],
       [-0.82790754]]), array([[ 1.35212573],
       [ 0.81479009],
       [ 0.83934475]])]
cost derivative:  [[ 1.01358525]
 [ 1.70577721]
 [ 0.35918439]]
unit step:  1
delta:  [[ 1.01358525]
 [ 1.70577721]
 [ 0.35918439]]
delta b updated:  [array([[ 0.1982319 ],
       [ 1.73663746]]), array([[ 1.01358525],
       [ 1.70577721],
       [ 0.35918439]])]
delta w updated: [array([[ 0.06710952, -0.17662207,  0.0951831 ],
       [ 0.58792208, -1.54732161,  0.83386448]]), array([[ 0.35413435, -0.83915487],
       [ 0.5959778 , -1.41222582],
       [ 0.12549465, -0.29737146]])]
input:  [[ 0.40166683]
 [-0.94279731]
 [ 0.44486278]]
activations:  [array([[ 0.40166683],
       [-0.94279731],
       [ 0.44486278]]), array([[ 0.35825112],
       [-0.87914245]]), array([[ 1.40970032],
       [ 0.8372211 ],
       [ 0.87656707]])]
cost derivative:  [[ 1.00803349]
 [ 1.78001842]
 [ 0.4317043 ]]
unit step:  1
delta:  [[ 1.00803349]
 [ 1.78001842]
 [ 0.4317043 ]]
delta b updated:  [array([[ 0.19984468],
       [ 1.91542974]]), array([[ 1.00803349],
       [ 1.78001842],
       [ 0.4317043 ]])]
delta w updated: [array([[ 0.08027098, -0.18841303,  0.08890346],
       [ 0.7693646 , -1.80586201,  0.85210339]]), array([[ 0.36112913, -0.88620503],
       [ 0.63769359, -1.56488974],
       [ 0.15465855, -0.37952957]])]
input:  [[-0.86937796]
 [-0.5441958 ]
 [ 0.70417715]]
activations:  [array([[-0.86937796],
       [-0.5441958 ],
       [ 0.70417715]]), array([[ 0.07447642],
       [-0.14075043]]), array([[ 0.35466647],
       [ 0.59523797],
       [ 0.24071168]])]
cost derivative:  [[ 1.22404443]
 [ 1.13943377]
 [-0.46346546]]
unit step:  1
delta:  [[ 1.22404443]
 [ 1.13943377]
 [-0.46346546]]
delta b updated:  [array([[ 0.05231758],
       [ 0.20418008]]), array([[ 1.22404443],
       [ 1.13943377],
       [-0.46346546]])]
delta w updated: [array([[-0.04548375, -0.02847101,  0.03684084],
       [-0.17750966, -0.11111394,  0.14377894]]), array([[ 0.09116245, -0.17228478],
       [ 0.08486095, -0.16037579],
       [-0.03451725,  0.06523296]])]
input:  [[ 0.11663588]
 [-0.69133326]
 [ 0.61651493]]
activations:  [array([[ 0.11663588],
       [-0.69133326],
       [ 0.61651493]]), array([[ 0.32021548],
       [-0.64750135]]), array([[ 1.14843519],
       [ 0.72847445],
       [ 0.7084853 ]])]
cost derivative:  [[ 1.03179931]
 [ 1.41980772]
 [ 0.09197036]]
unit step:  1
delta:  [[ 1.03179931]
 [ 1.41980772]
 [ 0.09197036]]
delta b updated:  [array([[ 0.19353104],
       [ 1.15464247]]), array([[ 1.03179931],
       [ 1.41980772],
       [ 0.09197036]])]
delta w updated: [array([[ 0.02257266, -0.13379444,  0.11931477],
       [ 0.13467274, -0.79824275,  0.71185433]]), array([[ 0.33039811, -0.66809145],
       [ 0.4546444 , -0.91932742],
       [ 0.02945033, -0.05955093]])]
input:  [[-0.8608687 ]
 [-0.07711913]
 [ 1.03139762]]
activations:  [array([[-0.8608687 ],
       [-0.07711913],
       [ 1.03139762]]), array([[ 0.15084942],
       [ 0.04852951]]), array([[ 0.29010605],
       [ 0.44011147],
       [ 0.16976513]])]
cost derivative:  [[ 1.15097474]
 [ 0.51723059]
 [-0.86163248]]
unit step:  1
delta:  [[ 1.15097474]
 [ 0.51723059]
 [-0.86163248]]
delta b updated:  [array([[ 0.11190415],
       [-0.03809059]]), array([[ 1.15097474],
       [ 0.51723059],
       [-0.86163248]])]
delta w updated: [array([[-0.09633478, -0.00862995,  0.11541767],
       [ 0.032791  ,  0.00293751, -0.03928655]]), array([[ 0.17362388,  0.05585624],
       [ 0.07802394,  0.02510094],
       [-0.12997676, -0.0418146 ]])]
input:  [[ 0.3062507 ]
 [-0.86339003]
 [ 0.49898272]]
activations:  [array([[ 0.3062507 ],
       [-0.86339003],
       [ 0.49898272]]), array([[ 0.34446928],
       [-0.80533188]]), array([[ 1.3224439 ],
       [ 0.80158797],
       [ 0.82216088]])]
cost derivative:  [[ 1.01619321]
 [ 1.664978  ]
 [ 0.32317816]]
unit step:  1
delta:  [[ 1.01619321]
 [ 1.664978  ]
 [ 0.32317816]]
delta b updated:  [array([[ 0.19724629],
       [ 1.65192974]]), array([[ 1.01619321],
       [ 1.664978  ],
       [ 0.32317816]])]
delta w updated: [array([[ 0.06040681, -0.17030048,  0.09842249],
       [ 0.50590463, -1.42625967,  0.82428439]]), array([[ 0.35004734, -0.81837279],
       [ 0.57353377, -1.34085986],
       [ 0.11132495, -0.26026568]])]
input:  [[ 0.87313736]
 [-0.63343154]
 [ 0.66885992]]
activations:  [array([[ 0.87313736],
       [-0.63343154],
       [ 0.66885992]]), array([[ 0.53561525],
       [-0.96718098]]), array([[ 1.73136519],
       [ 0.77318816],
       [ 1.04069971]])]
cost derivative:  [[ 0.85822782]
 [ 1.40661971]
 [ 0.37183979]]
unit step:  1
delta:  [[ 0.85822782]
 [ 1.40661971]
 [ 0.37183979]]
delta b updated:  [array([[ 0.2912976 ],
       [ 1.73459861]]), array([[ 0.85822782],
       [ 1.40661971],
       [ 0.37183979]])]
delta w updated: [array([[ 0.25434282, -0.18451709,  0.19483729],
       [ 1.51454286, -1.09874947,  1.16020349]]), array([[ 0.45967991, -0.83006162],
       [ 0.75340696, -1.36045582],
       [ 0.19916306, -0.35963637]])]
input:  [[ 0.19582107]
 [-0.76482712]
 [ 0.56628298]]
activations:  [array([[ 0.19582107],
       [-0.76482712],
       [ 0.56628298]]), array([[ 0.3296494],
       [-0.7167814]]), array([[ 1.22151802],
       [ 0.75900272],
       [ 0.75736037]])]
cost derivative:  [[ 1.02569695]
 [ 1.52382984]
 [ 0.1910774 ]]
unit step:  1
delta:  [[ 1.02569695]
 [ 1.52382984]
 [ 0.1910774 ]]
delta b updated:  [array([[ 0.19483109],
       [ 1.35879855]]), array([[ 1.02569695],
       [ 1.52382984],
       [ 0.1910774 ]])]
delta w updated: [array([[ 0.03815203, -0.1490121 ,  0.11032953],
       [ 0.26608139, -1.03924597,  0.76946448]]), array([[ 0.33812039, -0.73520049],
       [ 0.5023296 , -1.09225289],
       [ 0.06298855, -0.13696072]])]
input:  [[-0.84992859]
 [-0.05851777]
 [ 1.04459451]]
activations:  [array([[-0.84992859],
       [-0.05851777],
       [ 1.04459451]]), array([[ 0.1564078 ],
       [ 0.04938372]]), array([[ 0.29565615],
       [ 0.43443799],
       [ 0.17264833]])]
cost derivative:  [[ 1.14558474]
 [ 0.49295576]
 [-0.87194618]]
unit step:  1
delta:  [[ 1.14558474]
 [ 0.49295576]
 [-0.87194618]]
delta b updated:  [array([[ 0.11610617],
       [-0.03746539]]), array([[ 1.14558474],
       [ 0.49295576],
       [-0.87194618]])]
delta w updated: [array([[-0.09868196, -0.00679427,  0.12128387],
       [ 0.0318429 ,  0.00219239, -0.03913614]]), array([[ 0.17917839,  0.05657323],
       [ 0.07710213,  0.02434399],
       [-0.13637919, -0.04305994]])]
input:  [[ 0.61963995]
 [-1.08600301]
 [ 0.34797682]]
activations:  [array([[ 0.61963995],
       [-1.08600301],
       [ 0.34797682]]), array([[ 0.39409784],
       [-1.04303897]]), array([[ 1.60169809],
       [ 0.90166425],
       [ 1.00075326]])]
cost derivative:  [[ 0.98205814]
 [ 1.98766726]
 [ 0.65277643]]
unit step:  1
delta:  [[ 0.98205814]
 [ 1.98766726]
 [ 0.65277643]]
delta b updated:  [array([[ 0.20743679],
       [ 2.50851422]]), array([[ 0.98205814],
       [ 1.98766726],
       [ 0.65277643]])]
delta w updated: [array([[ 0.12853612, -0.22527698,  0.0721832 ],
       [ 1.55437562, -2.724254  ,  0.8729048 ]]), array([[ 0.38702699, -1.02432491],
       [ 0.78333537, -2.07321441],
       [ 0.25725778, -0.68087126]])]
input:  [[ 0.207027  ]
 [-0.77506961]
 [ 0.55928504]]
activations:  [array([[ 0.207027  ],
       [-0.77506961],
       [ 0.55928504]]), array([[ 0.33074733],
       [-0.728785  ]]), array([[ 1.23221634],
       [ 0.7628354 ],
       [ 0.76530455]])]
cost derivative:  [[ 1.02518933]
 [ 1.53790501]
 [ 0.20601951]]
unit step:  1
delta:  [[ 1.02518933]
 [ 1.53790501]
 [ 0.20601951]]
delta b updated:  [array([[ 0.19506262],
       [ 1.39215408]]), array([[ 1.02518933],
       [ 1.53790501],
       [ 0.20601951]])]
delta w updated: [array([[ 0.04038323, -0.15118711,  0.1090956 ],
       [ 0.28821349, -1.07901632,  0.77861095]]), array([[ 0.33907864, -0.7471426 ],
       [ 0.50865798, -1.1208021 ],
       [ 0.0681404 , -0.15014393]])]
input:  [[ 0.15071471]
 [-0.72317733]
 [ 0.59474638]]
activations:  [array([[ 0.15071471],
       [-0.72317733],
       [ 0.59474638]]), array([[ 0.32350485],
       [-0.6825441 ]]), array([[ 1.18028626],
       [ 0.74051125],
       [ 0.73190164]])]
cost derivative:  [[ 1.02957155]
 [ 1.46368858]
 [ 0.13715526]]
unit step:  1
delta:  [[ 1.02957155]
 [ 1.46368858]
 [ 0.13715526]]
delta b updated:  [array([[ 0.19383754],
       [ 1.24815158]]), array([[ 1.02957155],
       [ 1.46368858],
       [ 0.13715526]])]
delta w updated: [array([[ 0.02921417, -0.14017892,  0.11528418],
       [ 0.1881148 , -0.90263493,  0.74233363]]), array([[ 0.33307138, -0.70272799],
       [ 0.47351035, -0.99903201],
       [ 0.04437039, -0.09361451]])]
input:  [[ 0.82464401]
 [-1.07597374]
 [ 0.3581971 ]]
activations:  [array([[ 0.82464401],
       [-1.07597374],
       [ 0.3581971 ]]), array([[ 0.45116528],
       [-1.13591344]]), array([[ 1.7616755 ],
       [ 0.91498294],
       [ 1.09309739]])]
cost derivative:  [[ 0.9370315 ]
 [ 1.99095668]
 [ 0.73490029]]
unit step:  1
delta:  [[ 0.9370315 ]
 [ 1.99095668]
 [ 0.73490029]]
delta b updated:  [array([[ 0.23053944],
       [ 2.74210884]]), array([[ 0.9370315 ],
       [ 1.99095668],
       [ 0.73490029]])]
delta w updated: [array([[ 0.19011297, -0.24805438,  0.08257856],
       [ 2.26126362, -2.9504371 ,  0.98221544]]), array([[ 0.42275608, -1.06438667],
       [ 0.89825053, -2.26155445],
       [ 0.3315615 , -0.83478312]])]
input:  [[-0.33519014]
 [-0.26856694]
 [ 0.9055268 ]]
activations:  [array([[-0.33519014],
       [-0.26856694],
       [ 0.9055268 ]]), array([[ 0.26298557],
       [-0.27477882]]), array([[ 0.73104387],
       [ 0.54741518],
       [ 0.43999141]])]
cost derivative:  [[ 1.06623401]
 [ 0.81598212]
 [-0.46553539]]
unit step:  1
delta:  [[ 1.06623401]
 [ 0.81598212]
 [-0.46553539]]
delta b updated:  [array([[ 0.17905934],
       [ 0.30784344]]), array([[ 1.06623401],
       [ 0.81598212],
       [-0.46553539]])]
delta w updated: [array([[-0.06001893, -0.04808942,  0.16214303],
       [-0.10318609, -0.08267657,  0.27876048]]), array([[ 0.28040416, -0.29297852],
       [ 0.21459152, -0.2242146 ],
       [-0.12242909,  0.12791927]])]
input:  [[ 0.85862676]
 [-1.01494338]
 [ 0.40146581]]
activations:  [array([[ 0.85862676],
       [-1.01494338],
       [ 0.40146581]]), array([[ 0.46983422],
       [-1.12870954]]), array([[ 1.77977977],
       [ 0.89728146],
       [ 1.09971476]])]
cost derivative:  [[ 0.92115301]
 [ 1.91222484]
 [ 0.69824894]]
unit step:  1
delta:  [[ 0.92115301]
 [ 1.91222484]
 [ 0.69824894]]
delta b updated:  [array([[ 0.24169855],
       [ 2.6305514 ]]), array([[ 0.92115301],
       [ 1.91222484],
       [ 0.69824894]])]
delta w updated: [array([[ 0.20752885, -0.24531035,  0.09703371],
       [ 2.25866183, -2.66986073,  1.05607645]]), array([[ 0.4327892 , -1.03971418],
       [ 0.89842866, -2.15834641],
       [ 0.32806124, -0.78812024]])]
input:  [[ 0.56711552]
 [-1.05861197]
 [ 0.36633933]]
activations:  [array([[ 0.56711552],
       [-1.05861197],
       [ 0.36633933]]), array([[ 0.38314718],
       [-1.01695054]]), array([[ 1.55928002],
       [ 0.88706515],
       [ 0.97614484]])]
cost derivative:  [[ 0.9921645 ]
 [ 1.94567712]
 [ 0.60980551]]
unit step:  1
delta:  [[ 0.9921645 ]
 [ 1.94567712]
 [ 0.60980551]]
delta b updated:  [array([[ 0.20559965],
       [ 2.39570012]]), array([[ 0.9921645 ],
       [ 1.94567712],
       [ 0.60980551]])]
delta w updated: [array([[ 0.11659875, -0.21765025,  0.07531924],
       [ 1.35863871, -2.53611682,  0.87763918]]), array([[ 0.38014503, -1.00898223],
       [ 0.74548069, -1.97865739],
       [ 0.23364526, -0.62014205]])]
input:  [[-0.7804745 ]
 [-0.01245835]
 [ 1.07793242]]
activations:  [array([[-0.7804745 ],
       [-0.01245835],
       [ 1.07793242]]), array([[ 0.18199573],
       [ 0.03269294]]), array([[ 0.3432039 ],
       [ 0.42372741],
       [ 0.19822501]])]
cost derivative:  [[ 1.1236784 ]
 [ 0.43618577]
 [-0.87970741]]
unit step:  1
delta:  [[ 1.1236784 ]
 [ 0.43618577]
 [-0.87970741]]
delta b updated:  [array([[ 0.13487574],
       [-0.02286569]]), array([[ 1.1236784 ],
       [ 0.43618577],
       [-0.87970741]])]
delta w updated: [array([[-0.10526707, -0.00168033,  0.14538693],
       [ 0.01784609,  0.00028487, -0.02464767]]), array([[ 0.20450467,  0.03673635],
       [ 0.07938395,  0.0142602 ],
       [-0.16010299, -0.02876022]])]
input:  [[-0.58378371]
 [-0.07647514]
 [ 1.03616955]]
activations:  [array([[-0.58378371],
       [-0.07647514],
       [ 1.03616955]]), array([[ 0.22532706],
       [-0.0836506 ]]), array([[ 0.50662284],
       [ 0.46167507],
       [ 0.29765483]])]
cost derivative:  [[ 1.09040655]
 [ 0.53815021]
 [-0.73851473]]
unit step:  1
delta:  [[ 1.09040655]
 [ 0.53815021]
 [-0.73851473]]
delta b updated:  [array([[ 0.16186425],
       [ 0.06814961]]), array([[ 1.09040655],
       [ 0.53815021],
       [-0.73851473]])]
delta w updated: [array([[-0.09449371, -0.01237859,  0.16771881],
       [-0.03978463, -0.00521175,  0.07061455]]), array([[ 0.2456981 , -0.09121316],
       [ 0.1212598 , -0.04501659],
       [-0.16640735,  0.0617772 ]])]
input:  [[ 0.84514637]
 [-1.04575562]
 [ 0.37967818]]
activations:  [array([[ 0.84514637],
       [-1.04575562],
       [ 0.37967818]]), array([[ 0.46074566],
       [-1.14022428]]), array([[ 1.77512489],
       [ 0.90591656],
       [ 1.10083893]])]
cost derivative:  [[ 0.92997852]
 [ 1.95167218]
 [ 0.72116075]]
unit step:  1
delta:  [[ 0.92997852]
 [ 1.95167218]
 [ 0.72116075]]
delta b updated:  [array([[ 0.23707984],
       [ 2.70367237]]), array([[ 0.92997852],
       [ 1.95167218],
       [ 0.72116075]])]
delta w updated: [array([[ 0.20036717, -0.24792758,  0.09001404],
       [ 2.28499889, -2.82738057,  1.02652541]]), array([[ 0.42848357, -1.06038409],
       [ 0.89922449, -2.225344  ],
       [ 0.33227169, -0.82228499]])]
input:  [[-0.26986321]
 [-0.32695589]
 [ 0.8656565 ]]
activations:  [array([[-0.26986321],
       [-0.32695589],
       [ 0.8656565 ]]), array([[ 0.27085799],
       [-0.33283393]]), array([[ 0.79121002],
       [ 0.5715447 ],
       [ 0.48076488]])]
cost derivative:  [[ 1.06107323]
 [ 0.8985006 ]
 [-0.38489162]]
unit step:  1
delta:  [[ 1.06107323]
 [ 0.8985006 ]
 [-0.38489162]]
delta b updated:  [array([[ 0.18161458],
       [ 0.40250241]]), array([[ 1.06107323],
       [ 0.8985006 ],
       [-0.38489162]])]
delta w updated: [array([[-0.0490111 , -0.05937996,  0.15721585],
       [-0.10862059, -0.13160053,  0.34842882]]), array([[ 0.28740016, -0.35316117],
       [ 0.24336607, -0.29905148],
       [-0.10425097,  0.12810499]])]
input:  [[-0.84595787]
 [-0.05303528]
 [ 1.04849575]]
activations:  [array([[-0.84595787],
       [-0.05303528],
       [ 1.04849575]]), array([[ 0.1572275 ],
       [ 0.04452009]]), array([[ 0.29694376],
       [ 0.43122985],
       [ 0.17605522]])]
cost derivative:  [[ 1.14290163]
 [ 0.48426513]
 [-0.87244053]]
unit step:  1
delta:  [[ 1.14290163]
 [ 0.48426513]
 [-0.87244053]]
delta b updated:  [array([[ 0.11658757],
       [-0.03326599]]), array([[ 1.14290163],
       [ 0.48426513],
       [-0.87244053]])]
delta w updated: [array([[-0.09862817, -0.00618325,  0.12224157],
       [ 0.02814163,  0.00176427, -0.03487925]]), array([[ 0.17969557,  0.05088208],
       [ 0.0761398 ,  0.02155953],
       [-0.13717164, -0.03884113]])]
input:  [[-0.89304525]
 [-0.30582081]
 [ 0.870739  ]]
activations:  [array([[-0.89304525],
       [-0.30582081],
       [ 0.870739  ]]), array([[ 0.10405665],
       [-0.04001708]]), array([[ 0.29846419],
       [ 0.51142684],
       [ 0.19624324]])]
cost derivative:  [[ 1.19150943]
 [ 0.81724766]
 [-0.67449576]]
unit step:  1
delta:  [[ 1.19150943]
 [ 0.81724766]
 [-0.67449576]]
delta b updated:  [array([[ 0.07522609],
       [ 0.04401249]]), array([[ 1.19150943],
       [ 0.81724766],
       [-0.67449576]])]
delta w updated: [array([[-0.0671803 , -0.0230057 ,  0.06550229],
       [-0.03930515, -0.01345994,  0.03832339]]), array([[ 0.12398448, -0.04768073],
       [ 0.08504006, -0.03270387],
       [-0.07018577,  0.02699135]])]
input:  [[-0.69183527]
 [-0.02307173]
 [ 1.07188228]]
activations:  [array([[-0.69183527],
       [-0.02307173],
       [ 1.07188228]]), array([[ 0.20385576],
       [-0.01320031]]), array([[ 0.41212828],
       [ 0.43396446],
       [ 0.24122184]])]
cost derivative:  [[ 1.10396355]
 [ 0.45703619]
 [-0.83066044]]
unit step:  1
delta:  [[ 1.10396355]
 [ 0.45703619]
 [-0.83066044]]
delta b updated:  [array([[ 0.14885028],
       [ 0.00954739]]), array([[ 1.10396355],
       [ 0.45703619],
       [-0.83066044]])]
delta w updated: [array([[-0.10297988, -0.00343423,  0.15954998],
       [-0.00660522, -0.00022027,  0.01023368]]), array([[ 0.22504933, -0.01457266],
       [ 0.09316946, -0.00603302],
       [-0.16933492,  0.01096497]])]
input:  [[-0.85040337]
 [-0.65782519]
 [ 0.62489984]]
activations:  [array([[-0.85040337],
       [-0.65782519],
       [ 0.62489984]]), array([[ 0.05950599],
       [-0.20716961]]), array([[ 0.38523882],
       [ 0.63213365],
       [ 0.27337719]])]
cost derivative:  [[ 1.23564218]
 [ 1.28995884]
 [-0.35152266]]
unit step:  1
delta:  [[ 1.23564218]
 [ 1.28995884]
 [-0.35152266]]
delta b updated:  [array([[ 0.04093496],
       [ 0.33235792]]), array([[ 1.23564218],
       [ 1.28995884],
       [-0.35152266]])]
delta w updated: [array([[-0.03481123, -0.02692805,  0.02558025],
       [-0.2826383 , -0.21863341,  0.20769041]]), array([[ 0.07352811, -0.25598751],
       [ 0.07676027, -0.26724027],
       [-0.0209177 ,  0.07282481]])]
input:  [[ 0.88371996]
 [-0.780213  ]
 [ 0.56623579]]
activations:  [array([[ 0.88371996],
       [-0.780213  ],
       [ 0.56623579]]), array([[ 0.51307623],
       [-1.04940832]]), array([[ 1.76338794],
       [ 0.81931501],
       [ 1.07711195]])]
cost derivative:  [[ 0.87966798]
 [ 1.59952801]
 [ 0.51087616]]
unit step:  1
delta:  [[ 0.87966798]
 [ 1.59952801]
 [ 0.51087616]]
delta b updated:  [array([[ 0.27383271],
       [ 2.09484112]]), array([[ 0.87966798],
       [ 1.59952801],
       [ 0.51087616]])]
delta w updated: [array([[ 0.24199143, -0.21364784,  0.15505388],
       [ 1.85125291, -1.63442227,  1.18617401]]), array([[ 0.45133673, -0.9231309 ],
       [ 0.82067979, -1.67855799],
       [ 0.26211841, -0.53611769]])]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.05949974]
 [-0.63741001]
 [ 0.65338569]]
dot product : [[-0.31419516]
 [-0.94165182]]
result : [[ 0.31076666]
 [-0.61506695]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.31076666]
 [-0.61506695]]
dot product : [[ 0.97821297]
 [ 0.14935102]
 [ 0.57412058]]
result : [[ 1.09561231]
 [ 0.70189508]
 [ 0.68183805]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.47996716]
 [-0.14885975]
 [ 0.98709849]]
dot product : [[-0.38359176]
 [-0.49028208]]
result : [[ 0.24137006]
 [-0.1636972 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.24137006]
 [-0.1636972 ]]
dot product : [[ 0.47969214]
 [-0.05920074]
 [ 0.25048078]]
result : [[ 0.59709148]
 [ 0.49334332]
 [ 0.35819825]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.88785181]
 [-0.17443756]
 [ 0.96282598]]
dot product : [[-0.49889964]
 [-0.31480388]]
result : [[ 0.12606218]
 [ 0.01178099]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.12606218]
 [ 0.01178099]]
dot product : [[ 0.16377062]
 [-0.08519234]
 [ 0.07027945]]
result : [[ 0.28116996]
 [ 0.46735172]
 [ 0.17799692]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.54885873]
 [-1.04776523]
 [ 0.37365046]]
dot product : [[-0.24602339]
 [-1.33732088]]
result : [[ 0.37893843]
 [-1.01073601]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.37893843]
 [-1.01073601]]
dot product : [[ 1.42536046]
 [ 0.32758974]
 [ 0.86234036]]
result : [[ 1.5427598 ]
 [ 0.8801338 ]
 [ 0.97005782]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.79480844]
 [-0.92433828]
 [ 0.43913113]]
dot product : [[-0.59283208]
 [-0.67207288]]
result : [[ 0.03212974]
 [-0.34548801]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.03212974]
 [-0.34548801]]
dot product : [[ 0.35256315]
 [ 0.17271917]
 [ 0.23479938]]
result : [[ 0.46996249]
 [ 0.72526324]
 [ 0.34251684]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.10523791]
 [-0.6806234 ]
 [ 0.62383717]]
dot product : [[-0.30859656]
 [-0.98067306]]
result : [[ 0.31636526]
 [-0.65408819]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.31636526]
 [-0.65408819]]
dot product : [[ 1.02075637]
 [ 0.16763042]
 [ 0.60185273]]
result : [[ 1.13815571]
 [ 0.72017448]
 [ 0.70957019]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.45257334]
 [-0.98203513]
 [ 0.41817889]]
dot product : [[-0.2618249 ]
 [-1.26577088]]
result : [[ 0.36313692]
 [-0.93918601]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.36313692]
 [-0.93918601]]
dot product : [[ 1.339699  ]
 [ 0.29752476]
 [ 0.80808204]]
result : [[ 1.45709834]
 [ 0.85006882]
 [ 0.91579951]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.34920177]
 [-0.89994823]
 [ 0.47405128]]
dot product : [[-0.27695663]
 [-1.18411955]]
result : [[ 0.34800519]
 [-0.85753468]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.34800519]
 [-0.85753468]]
dot product : [[ 1.24595401]
 [ 0.26140628]
 [ 0.74794941]]
result : [[ 1.36335335]
 [ 0.81395034]
 [ 0.85566687]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.01360924]
 [-0.59378189]
 [ 0.68322227]]
dot product : [[-0.31976932]
 [-0.90238694]]
result : [[ 0.3051925 ]
 [-0.57580207]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.3051925 ]
 [-0.57580207]]
dot product : [[ 0.93548604]
 [ 0.13092044]
 [ 0.54625185]]
result : [[ 1.05288538]
 [ 0.6834645 ]
 [ 0.65396932]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.76625553]
 [-1.11224554]
 [ 0.33188589]]
dot product : [[-0.19699347]
 [-1.46363831]]
result : [[ 0.42796835]
 [-1.13705344]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.42796835]
 [-1.13705344]]
dot product : [[ 1.60580713]
 [ 0.36748784]
 [ 0.97114121]]
result : [[ 1.72320647]
 [ 0.92003191]
 [ 1.07885868]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.87867669]
 [-0.69203369]
 [ 0.62790797]]
dot product : [[-0.09947929]
 [-1.33856766]]
result : [[ 0.52548253]
 [-1.01198279]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.52548253]
 [-1.01198279]]
dot product : [[ 1.62906649]
 [ 0.23689227]
 [ 0.95333769]]
result : [[ 1.74646583]
 [ 0.78943633]
 [ 1.06105516]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.07819255]
 [-0.50626023]
 [ 0.74308096]]
dot product : [[-0.33088108]
 [-0.82373628]]
result : [[ 0.29408074]
 [-0.49715141]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.29408074]
 [-0.49715141]]
dot product : [[ 0.84997491]
 [ 0.09396903]
 [ 0.49046165]]
result : [[ 0.96737425]
 [ 0.64651309]
 [ 0.59817912]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.84039431]
 [-0.40575427]
 [ 0.82778877]]
dot product : [[-0.06437336]
 [-1.20091674]]
result : [[ 0.56058846]
 [-0.87433187]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.56058846]
 [-0.87433187]]
dot product : [[ 1.55482733]
 [ 0.1381991 ]
 [ 0.88928242]]
result : [[ 1.67222667]
 [ 0.69074316]
 [ 0.99699988]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.86939212]
 [-0.97796583]
 [ 0.42752859]]
dot product : [[-0.14750245]
 [-1.45435663]]
result : [[ 0.47745937]
 [-1.12777176]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.47745937]
 [-1.12777176]]
dot product : [[ 1.66594895]
 [ 0.33144398]
 [ 0.99583431]]
result : [[ 1.78334829]
 [ 0.88398805]
 [ 1.10355178]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.84591795]
 [-0.68208683]
 [ 0.60797968]]
dot product : [[-0.56822911]
 [-0.54704781]]
result : [[ 0.05673271]
 [-0.22046294]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.05673271]
 [-0.22046294]]
dot product : [[ 0.27506501]
 [ 0.08762053]
 [ 0.17213568]]
result : [[ 0.39246435]
 [ 0.6401646 ]
 [ 0.27985315]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.69145814]
 [-1.11114508]
 [ 0.33149012]]
dot product : [[-0.21721717]
 [-1.42902845]]
result : [[ 0.40774465]
 [-1.10244358]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.40774465]
 [-1.10244358]]
dot product : [[ 1.54697939]
 [ 0.3607907 ]
 [ 0.93715044]]
result : [[ 1.66437873]
 [ 0.91333476]
 [ 1.04486791]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.23663819]
 [-0.35734895]
 [ 0.84489076]]
dot product : [[-0.35040106]
 [-0.68889017]]
result : [[ 0.27456077]
 [-0.3623053 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.27456077]
 [-0.3623053 ]]
dot product : [[ 0.70271826]
 [ 0.03090849]
 [ 0.39452098]]
result : [[ 0.82011761]
 [ 0.58345255]
 [ 0.50223844]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.83105005]
 [-0.75801209]
 [ 0.55504205]]
dot product : [[-0.57625384]
 [-0.58570726]]
result : [[ 0.04870798]
 [-0.25912239]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.04870798]
 [-0.25912239]]
dot product : [[ 0.29845177]
 [ 0.11419436]
 [ 0.19125532]]
result : [[ 0.41585112]
 [ 0.66673842]
 [ 0.29897279]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.8199447 ]
 [-0.81128412]
 [ 0.51790952]]
dot product : [[-0.58170063]
 [-0.61313966]]
result : [[ 0.04326119]
 [-0.28655479]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.04326119]
 [-0.28655479]]
dot product : [[ 0.31538896]
 [ 0.13289655]
 [ 0.20497482]]
result : [[ 0.43278831]
 [ 0.68544061]
 [ 0.31269228]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.77023174]
 [-0.06266718]
 [ 1.0669541 ]]
dot product : [[-0.02892385]
 [-1.02486473]]
result : [[ 0.59603797]
 [-0.69827986]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.59603797]
 [-0.69827986]]
dot product : [[ 1.4468128 ]
 [ 0.01786665]
 [ 0.80153931]]
result : [[ 1.56421215]
 [ 0.57041071]
 [ 0.90925677]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.70617593]
 [-1.1138955 ]
 [ 0.32979354]]
dot product : [[-0.21364092]
 [-1.43690226]]
result : [[ 0.41132091]
 [-1.11031739]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.41132091]
 [-1.11031739]]
dot product : [[ 1.55894622]
 [ 0.36295336]
 [ 0.94425256]]
result : [[ 1.67634557]
 [ 0.91549742]
 [ 1.05197003]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.41197964]
 [-0.95094907]
 [ 0.43931503]]
dot product : [[-0.26794992]
 [-1.23418907]]
result : [[ 0.3570119 ]
 [-0.90760419]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.3570119 ]
 [-0.90760419]]
dot product : [[ 1.30306312]
 [ 0.28372432]
 [ 0.78465581]]
result : [[ 1.42046247]
 [ 0.83626838]
 [ 0.89237327]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.84876504]
 [-1.03861718]
 [ 0.38473357]]
dot product : [[-0.16277735]
 [-1.47039961]]
result : [[ 0.46218447]
 [-1.14381474]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.46218447]
 [-1.14381474]]
dot product : [[ 1.65914064]
 [ 0.34992107]
 [ 0.99641469]]
result : [[ 1.77653998]
 [ 0.90246514]
 [ 1.10413216]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.37036119]
 [-0.91749063]
 [ 0.46209653]]
dot product : [[-0.27397697]
 [-1.20114355]]
result : [[ 0.35098485]
 [-0.87455867]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.35098485]
 [-0.87455867]]
dot product : [[ 1.2652572 ]
 [ 0.26904614]
 [ 0.76037894]]
result : [[ 1.38265654]
 [ 0.8215902 ]
 [ 0.8680964 ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.87372259]
 [-0.95708859]
 [ 0.44221619]]
dot product : [[-0.14299993]
 [-1.44756987]]
result : [[ 0.4819619]
 [-1.120985 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.4819619]
 [-1.120985 ]]
dot product : [[ 1.6661204 ]
 [ 0.32484944]
 [ 0.99438252]]
result : [[ 1.78351975]
 [ 0.87739351]
 [ 1.10209999]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.79107532]
 [-0.15591211]
 [ 1.00198092]]
dot product : [[-0.03807441]
 [-1.07352271]]
result : [[ 0.58688741]
 [-0.74693784]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.58688741]
 [-0.74693784]]
dot product : [[ 1.47756094]
 [ 0.05072105]
 [ 0.82618852]]
result : [[ 1.59496028]
 [ 0.60326511]
 [ 0.93390598]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.38085591]
 [-0.92606427]
 [ 0.45625618]]
dot product : [[-0.27247889]
 [-1.20953381]]
result : [[ 0.35248293]
 [-0.88294894]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.35248293]
 [-0.88294894]]
dot product : [[ 1.27481163]
 [ 0.27279301]
 [ 0.76652302]]
result : [[ 1.39221097]
 [ 0.82533707]
 [ 0.87424049]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.57477534]
 [-0.08211458]
 [ 1.03236081]]
dot product : [[-0.39882891]
 [-0.41898037]]
result : [[ 0.22613291]
 [-0.0923955 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.22613291]
 [-0.0923955 ]]
dot product : [[ 0.39503235]
 [-0.08947915]
 [ 0.19672445]]
result : [[ 0.5124317 ]
 [ 0.46306491]
 [ 0.30444192]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.04380197]
 [-0.53903629]
 [ 0.72066461]]
dot product : [[-0.32671665]
 [-0.85319556]]
result : [[ 0.29824517]
 [-0.52661068]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.29824517]
 [-0.52661068]]
dot product : [[ 0.88200718]
 [ 0.10780798]
 [ 0.51135984]]
result : [[ 0.99940652]
 [ 0.66035204]
 [ 0.61907731]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.62740077]
 [-0.05140675]
 [ 1.05304444]]
dot product : [[-0.40829541]
 [-0.38206438]]
result : [[ 0.21666641]
 [-0.05547951]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.21666641]
 [-0.05547951]]
dot product : [[ 0.34901935]
 [-0.10417174]
 [ 0.16792122]]
result : [[ 0.46641869]
 [ 0.44837232]
 [ 0.27563868]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.42968263]
 [-0.18852497]
 [ 0.96010561]]
dot product : [[-0.37618878]
 [-0.52988946]]
result : [[ 0.24877305]
 [-0.20330459]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.24877305]
 [-0.20330459]]
dot product : [[ 0.52525286]
 [-0.04171963]
 [ 0.27968861]]
result : [[ 0.6426522 ]
 [ 0.51082443]
 [ 0.38740608]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.78950553]
 [-1.1036475 ]
 [ 0.33826956]]
dot product : [[-0.18928479]
 [-1.47064358]]
result : [[ 0.43567703]
 [-1.14405871]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.43567703]
 [-1.14405871]]
dot product : [[ 1.62271228]
 [ 0.36658871]
 [ 0.98024695]]
result : [[ 1.74011162]
 [ 0.91913277]
 [ 1.08796442]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.82007365]
 [-1.08094931]
 [ 0.3546415 ]]
dot product : [[-0.17733702]
 [-1.47507093]]
result : [[ 0.44762481]
 [-1.14848606]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.44762481]
 [-1.14848606]]
dot product : [[ 1.64317863]
 [ 0.36160755]
 [ 0.99035814]]
result : [[ 1.76057797]
 [ 0.91415161]
 [ 1.0980756 ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.22934215]
 [-0.7953239 ]
 [ 0.54544921]]
dot product : [[-0.29299935]
 [-1.08548009]]
result : [[ 0.33196248]
 [-0.75889522]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.33196248]
 [-0.75889522]]
dot product : [[ 1.1357977 ]
 [ 0.2163778 ]
 [ 0.67668316]]
result : [[ 1.25319705]
 [ 0.76892186]
 [ 0.78440062]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.07095282]
 [-0.6482618 ]
 [ 0.64596492]]
dot product : [[-0.31279816]
 [-0.95143593]]
result : [[ 0.31216366]
 [-0.62485106]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.31216366]
 [-0.62485106]]
dot product : [[ 0.98887084]
 [ 0.15393859]
 [ 0.58106991]]
result : [[ 1.10627018]
 [ 0.70648265]
 [ 0.68878738]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.66848697]
 [-0.03190354]
 [ 1.06606158]]
dot product : [[-0.41639755]
 [-0.35511994]]
result : [[ 0.20856427]
 [-0.02853506]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.20856427]
 [-0.02853506]]
dot product : [[ 0.31378628]
 [-0.11415183]
 [ 0.14616387]]
result : [[ 0.43118563]
 [ 0.43839223]
 [ 0.25388134]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.81540173]
 [-0.27239952]
 [ 0.92078564]]
dot product : [[-0.04997295]
 [-1.1335274 ]]
result : [[ 0.57498887]
 [-0.80694253]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.57498887]
 [-0.80694253]]
dot product : [[ 1.5146303 ]
 [ 0.09161987]
 [ 0.85620766]]
result : [[ 1.63202964]
 [ 0.64416393]
 [ 0.96392513]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.60251976]
 [-1.07776145]
 [ 0.35348131]]
dot product : [[-0.23616125]
 [-1.37441095]]
result : [[ 0.38880058]
 [-1.04782608]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.38880058]
 [-1.04782608]]
dot product : [[ 1.47207568]
 [ 0.3421327 ]
 [ 0.89149551]]
result : [[ 1.58947503]
 [ 0.89467676]
 [ 0.99921298]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.85258341]
 [-0.47941491]
 [ 0.77639526]]
dot product : [[-0.07276836]
 [-1.23740258]]
result : [[ 0.55219346]
 [-0.91081771]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.55219346]
 [-0.91081771]]
dot product : [[ 1.57576354]
 [ 0.16379112]
 [ 0.90682132]]
result : [[ 1.69316288]
 [ 0.71633519]
 [ 1.01453879]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.83754064]
 [-0.04312429]
 [ 1.05556754]]
dot product : [[-0.46428715]
 [-0.28265059]]
result : [[ 0.16067468]
 [ 0.04393428]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.16067468]
 [ 0.04393428]]
dot product : [[ 0.18294377]
 [-0.12471781]
 [ 0.07157803]]
result : [[ 0.30034311]
 [ 0.42782625]
 [ 0.1792955 ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.89340573]
 [-0.2907287 ]
 [ 0.88130219]]
dot product : [[-0.51891593]
 [-0.36108465]]
result : [[ 0.10604589]
 [-0.03449977]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.10604589]
 [-0.03449977]]
dot product : [[ 0.17737685]
 [-0.04688778]
 [ 0.08675958]]
result : [[ 0.29477619]
 [ 0.50565628]
 [ 0.19447704]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.85956852]
 [-0.52593896]
 [ 0.74392399]]
dot product : [[-0.07826523]
 [-1.26012129]]
result : [[ 0.54669659]
 [-0.93353641]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.54669659]
 [-0.93353641]]
dot product : [[ 1.58842729]
 [ 0.17989466]
 [ 0.91757636]]
result : [[ 1.70582663]
 [ 0.73243872]
 [ 1.02529382]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.88051691]
 [-0.46227744]
 [ 0.76136981]]
dot product : [[-0.54269385]
 [-0.43898111]]
result : [[ 0.08226798]
 [-0.11239624]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.08226798]
 [-0.11239624]]
dot product : [[ 0.2139811]
 [ 0.011402 ]
 [ 0.1206002]]
result : [[ 0.33138044]
 [ 0.56394606]
 [ 0.22831767]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.39871286]
 [-0.21406246]
 [ 0.94270499]]
dot product : [[-0.37180563]
 [-0.55474841]]
result : [[ 0.25315619]
 [-0.22816354]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.25315619]
 [-0.22816354]]
dot product : [[ 0.55348442]
 [-0.03058373]
 [ 0.29785839]]
result : [[ 0.67088377]
 [ 0.52196034]
 [ 0.40557585]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.21431142]
 [-0.37798482]
 [ 0.8307879 ]]
dot product : [[-0.3475952 ]
 [-0.70774567]]
result : [[ 0.27736662]
 [-0.38116079]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.27736662]
 [-0.38116079]]
dot product : [[ 0.72341472]
 [ 0.03967859]
 [ 0.40798336]]
result : [[ 0.84081406]
 [ 0.59222265]
 [ 0.51570083]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.35658302]
 [-0.24992639]
 [ 0.91824693]]
dot product : [[-0.36602182]
 [-0.58903717]]
result : [[ 0.25894  ]
 [-0.2624523]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.25894  ]
 [-0.2624523]]
dot product : [[ 0.59206294]
 [-0.01506021]
 [ 0.32275925]]
result : [[ 0.70946228]
 [ 0.53748385]
 [ 0.43047672]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.36720003]
 [-0.24077752]
 [ 0.9244882 ]]
dot product : [[-0.36746173]
 [-0.58034961]]
result : [[ 0.25750009]
 [-0.25376474]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.25750009]
 [-0.25376474]]
dot product : [[ 0.58232376]
 [-0.01900922]
 [ 0.31646595]]
result : [[ 0.6997231 ]
 [ 0.53353484]
 [ 0.42418342]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.8773334 ]
 [-0.93457826]
 [ 0.45803619]]
dot product : [[-0.13843385]
 [-1.43976903]]
result : [[ 0.48652797]
 [-1.11318416]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.48652797]
 [-1.11318416]]
dot product : [[ 1.66547525]
 [ 0.31764948]
 [ 0.99233873]]
result : [[ 1.7828746 ]
 [ 0.87019354]
 [ 1.1000562 ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.54721097]
 [-0.10021561]
 [ 1.02011474]]
dot product : [[-0.39419137]
 [-0.43916297]]
result : [[ 0.23077045]
 [-0.1125781 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.23077045]
 [-0.1125781 ]]
dot product : [[ 0.41944473]
 [-0.08111096]
 [ 0.21214047]]
result : [[ 0.53684407]
 [ 0.4714331 ]
 [ 0.31985794]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.74738816]
 [-1.11543764]
 [ 0.32935628]]
dot product : [[-0.20264685]
 [-1.45636459]]
result : [[ 0.42231498]
 [-1.12977972]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.42231498]
 [-1.12977972]]
dot product : [[ 1.59150395]
 [ 0.3669554 ]
 [ 0.96313377]]
result : [[ 1.70890329]
 [ 0.91949946]
 [ 1.07085124]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.8800997 ]
 [-0.71060845]
 [ 0.6149225 ]]
dot product : [[-0.1020464 ]
 [-1.34701457]]
result : [[ 0.52291542]
 [-1.0204297 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.52291542]
 [-1.0204297 ]]
dot product : [[ 1.6330514 ]
 [ 0.24320603]
 [ 0.95701425]]
result : [[ 1.75045074]
 [ 0.79575009]
 [ 1.06473172]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.76009975]
 [-1.11361334]
 [ 0.33083205]]
dot product : [[-0.19888989]
 [-1.46140213]]
result : [[ 0.42607193]
 [-1.13481726]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.42607193]
 [-1.13481726]]
dot product : [[ 1.60119089]
 [ 0.36742293]
 [ 0.96858195]]
result : [[ 1.71859023]
 [ 0.91996699]
 [ 1.07629941]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.17332101]
 [-0.74413054]
 [ 0.58042565]]
dot product : [[-0.30013273]
 [-1.03841447]]
result : [[ 0.32482909]
 [-0.7118296 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.32482909]
 [-0.7118296 ]]
dot product : [[ 1.08395763]
 [ 0.19456739]
 [ 0.6429996 ]]
result : [[ 1.20135697]
 [ 0.74711145]
 [ 0.75071706]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.83742212]
 [-1.05892622]
 [ 0.37033453]]
dot product : [[-0.16910192]
 [-1.47374639]]
result : [[ 0.45585991]
 [-1.14716152]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.45585991]
 [-1.14716152]]
dot product : [[ 1.6533821 ]
 [ 0.35573269]
 [ 0.99460382]]
result : [[ 1.77078144]
 [ 0.90827675]
 [ 1.10232128]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.80146246]
 [-0.89525142]
 [ 0.45939652]]
dot product : [[-0.59001912]
 [-0.65682506]]
result : [[ 0.0349427 ]
 [-0.33024019]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.0349427 ]
 [-0.33024019]]
dot product : [[ 0.34285231]
 [ 0.16245769]
 [ 0.22704155]]
result : [[ 0.46025165]
 [ 0.71500175]
 [ 0.33475902]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.31359679]
 [-0.2876391 ]
 [ 0.89250755]]
dot product : [[-0.36029859]
 [-0.62449299]]
result : [[ 0.26466324]
 [-0.29790812]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.26466324]
 [-0.29790812]]
dot product : [[ 0.6315986 ]
 [ 0.00115222]
 [ 0.34834914]]
result : [[ 0.74899794]
 [ 0.55369628]
 [ 0.45606661]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.72734629]
 [-1.11595321]
 [ 0.32868269]]
dot product : [[-0.2081947 ]
 [-1.44743113]]
result : [[ 0.41676712]
 [-1.12084626]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.41676712]
 [-1.12084626]]
dot product : [[ 1.57586631]
 [ 0.36543113]
 [ 0.95415834]]
result : [[ 1.69326565]
 [ 0.91797519]
 [ 1.0618758 ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.25151697]
 [-0.81524509]
 [ 0.53184446]]
dot product : [[-0.29012123]
 [-1.10396622]]
result : [[ 0.3348406 ]
 [-0.77738135]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.3348406 ]
 [-0.77738135]]
dot product : [[ 1.15626462]
 [ 0.22489675]
 [ 0.68996015]]
result : [[ 1.27366396]
 [ 0.77744081]
 [ 0.79767762]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.24775025]
 [-0.34713934]
 [ 0.85186713]]
dot product : [[-0.35180722]
 [-0.67953132]]
result : [[ 0.2731546 ]
 [-0.35294645]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.2731546 ]
 [-0.35294645]]
dot product : [[ 0.69242702]
 [ 0.0265639 ]
 [ 0.38783067]]
result : [[ 0.80982636]
 [ 0.57910796]
 [ 0.49554814]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.37776181]
 [-0.23174803]
 [ 0.93064673]]
dot product : [[-0.36890558]
 [-0.57173738]]
result : [[ 0.25605625]
 [-0.24515251]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.25605625]
 [-0.24515251]]
dot product : [[ 0.57264633]
 [-0.02291376]
 [ 0.31021711]]
result : [[ 0.69004567]
 [ 0.5296303 ]
 [ 0.41793458]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.72842907]
 [-0.01346693]
 [ 1.07803774]]
dot product : [[-0.42981177]
 [-0.32001478]]
result : [[ 0.19515005]
 [ 0.0065701 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.19515005]
 [ 0.0065701 ]]
dot product : [[ 0.26393074]
 [-0.12537209]
 [ 0.11605717]]
result : [[ 0.38133008]
 [ 0.42717198]
 [ 0.22377464]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.04803713]
 [-0.62653231]
 [ 0.66082445]]
dot product : [[-0.31559064]
 [-0.93185249]]
result : [[ 0.30937119]
 [-0.60526761]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.30937119]
 [-0.60526761]]
dot product : [[ 0.96754362]
 [ 0.144754  ]
 [ 0.56716272]]
result : [[ 1.08494296]
 [ 0.69729806]
 [ 0.67488019]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.73538449]
 [-0.01234762]
 [ 1.07871312]]
dot product : [[-0.43153058]
 [-0.31636949]]
result : [[ 0.19343125]
 [ 0.01021538]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.19343125]
 [ 0.01021538]]
dot product : [[ 0.25830326]
 [-0.12633394]
 [ 0.11273029]]
result : [[ 0.37570261]
 [ 0.42621012]
 [ 0.22044776]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.87886468]
 [-0.92270113]
 [ 0.46637747]]
dot product : [[-0.13612662]
 [-1.43548237]]
result : [[ 0.48883521]
 [-1.1088975 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.48883521]
 [-1.1088975 ]]
dot product : [[ 1.66484163]
 [ 0.31381892]
 [ 0.99109135]]
result : [[ 1.78224098]
 [ 0.86636298]
 [ 1.09880882]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.88275463]
 [-0.44301392]
 [ 0.77482491]]
dot product : [[-0.54023934]
 [-0.42987312]]
result : [[ 0.08472248]
 [-0.10328825]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.08472248]
 [-0.10328825]]
dot product : [[ 0.20925088]
 [ 0.00478964]
 [ 0.11644288]]
result : [[ 0.32665023]
 [ 0.5573337 ]
 [ 0.22416035]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.89352823]
 [-0.26187376]
 [ 0.90150702]]
dot product : [[-0.51435859]
 [-0.34891608]]
result : [[ 0.11060323]
 [-0.02233121]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.11060323]
 [-0.02233121]]
dot product : [[ 0.172824  ]
 [-0.05651916]
 [ 0.08199211]]
result : [[ 0.29022334]
 [ 0.4960249 ]
 [ 0.18970957]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.84875027]
 [-0.45538179]
 [ 0.79316557]]
dot product : [[-0.06999013]
 [-1.22556405]]
result : [[ 0.5549717 ]
 [-0.89897918]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.5549717 ]
 [-0.89897918]]
dot product : [[ 1.56904547]
 [ 0.15545343]
 [ 0.90116393]]
result : [[ 1.68644482]
 [ 0.70799749]
 [ 1.00888139]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.85550694]
 [-1.02321488]
 [ 0.39562474]]
dot product : [[-0.15848823]
 [-1.46701202]]
result : [[ 0.46647359]
 [-1.14042715]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.46647359]
 [-1.14042715]]
dot product : [[ 1.66204882]
 [ 0.34535611]
 [ 0.99694703]]
result : [[ 1.77944816]
 [ 0.89790017]
 [ 1.10466449]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.05527359]
 [-0.52809735]
 [ 0.72814612]]
dot product : [[-0.32810484]
 [-0.8433664 ]]
result : [[ 0.29685698]
 [-0.51678153]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.29685698]
 [-0.51678153]]
dot product : [[ 0.87132131]
 [ 0.10318978]
 [ 0.5043879 ]]
result : [[ 0.98872066]
 [ 0.65573384]
 [ 0.61210537]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.18059023]
 [-0.40942288]
 [ 0.80929809]]
dot product : [[-0.34340046]
 [-0.73633767]]
result : [[ 0.28156137]
 [-0.4097528 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.28156137]
 [-0.4097528 ]]
dot product : [[ 0.75471538]
 [ 0.05301477]
 [ 0.42836046]]
result : [[ 0.87211472]
 [ 0.60555883]
 [ 0.53607792]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.87031495]
 [-0.09903159]
 [ 1.01590529]]
dot product : [[-0.48212008]
 [-0.29115644]]
result : [[ 0.14284174]
 [ 0.03542843]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.14284174]
 [ 0.03542843]]
dot product : [[ 0.16587659]
 [-0.10885055]
 [ 0.06589271]]
result : [[ 0.28327593]
 [ 0.44369351]
 [ 0.17361018]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.22549134]
 [-0.36763205]
 [ 0.83786346]]
dot product : [[-0.3489971 ]
 [-0.69829574]]
result : [[ 0.27596473]
 [-0.37171087]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.27596473]
 [-0.37171087]]
dot product : [[ 0.71304814]
 [ 0.03528053]
 [ 0.401239  ]]
result : [[ 0.83044748]
 [ 0.58782459]
 [ 0.50895647]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.80968627]
 [-0.24410611]
 [ 0.94051003]]
dot product : [[-0.04703026]
 [-1.11904114]]
result : [[ 0.57793156]
 [-0.79245627]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.57793156]
 [-0.79245627]]
dot product : [[ 1.50577805]
 [ 0.08170238]
 [ 0.84900367]]
result : [[ 1.62317739]
 [ 0.63424644]
 [ 0.95672114]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.8261106 ]
 [-0.32735242]
 [ 0.88246983]]
dot product : [[-0.05579529]
 [-1.16148438]]
result : [[ 0.56916654]
 [-0.8348995 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.56916654]
 [-0.8348995 ]]
dot product : [[ 1.53151617]
 [ 0.11084896]
 [ 0.87002242]]
result : [[ 1.64891552]
 [ 0.66339302]
 [ 0.97773988]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.6015206 ]
 [-0.06581055]
 [ 1.04336123]]
dot product : [[-0.40352897]
 [-0.39992606]]
result : [[ 0.22143286]
 [-0.07334119]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.22143286]
 [-0.07334119]]
dot product : [[ 0.37153989]
 [-0.09717885]
 [ 0.18197215]]
result : [[ 0.48893923]
 [ 0.45536521]
 [ 0.28968962]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.81047671]
 [-1.08986298]
 [ 0.34824972]]
dot product : [[-0.18137244]
 [-1.47443131]]
result : [[ 0.44358938]
 [-1.14784644]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.44358938]
 [-1.14784644]]
dot product : [[ 1.63702925]
 [ 0.3637674 ]
 [ 0.9874756 ]]
result : [[ 1.75442859]
 [ 0.91631146]
 [ 1.09519307]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.86836884]
 [-0.59192698]
 [ 0.69785067]]
dot product : [[-0.08636373]
 [-1.29183922]]
result : [[ 0.53859809]
 [-0.96525435]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.53859809]
 [-0.96525435]]
dot product : [[ 1.60552086]
 [ 0.20264163]
 [ 0.93233045]]
result : [[ 1.72292021]
 [ 0.75518569]
 [ 1.04004792]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.63582729]
 [-0.0470456 ]
 [ 1.0559671 ]]
dot product : [[-0.40989965]
 [-0.37638663]]
result : [[ 0.21506218]
 [-0.04980176]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.21506218]
 [-0.04980176]]
dot product : [[ 0.34173748]
 [-0.10633902]
 [ 0.16339994]]
result : [[ 0.45913683]
 [ 0.44620504]
 [ 0.27111741]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.53784878]
 [-0.10663077]
 [ 1.01576828]]
dot product : [[-0.39265874]
 [-0.44613012]]
result : [[ 0.23230308]
 [-0.11954524]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.23230308]
 [-0.11954524]]
dot product : [[ 0.42777762]
 [-0.07817964]
 [ 0.21742013]]
result : [[ 0.54517696]
 [ 0.47436442]
 [ 0.32513759]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.14663269]
 [-0.44135029]
 [ 0.78746928]]
dot product : [[-0.33921911]
 [-0.765243  ]]
result : [[ 0.28574272]
 [-0.43865813]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.28574272]
 [-0.43865813]]
dot product : [[ 0.78627698]
 [ 0.06653411]
 [ 0.44892431]]
result : [[ 0.90367632]
 [ 0.61907817]
 [ 0.55664178]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.83331994]
 [-1.06496602]
 [ 0.36604096]]
dot product : [[-0.17118158]
 [-1.47440896]]
result : [[ 0.45378024]
 [-1.14782409]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.45378024]
 [-1.14782409]]
dot product : [[ 1.65109796]
 [ 0.35739934]
 [ 0.99373581]]
result : [[ 1.7684973 ]
 [ 0.90994341]
 [ 1.10145327]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.67638176]
 [-0.02871278]
 [ 1.06817291]]
dot product : [[-0.41804298]
 [-0.35017625]]
result : [[ 0.20691884]
 [-0.02359138]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.20691884]
 [-0.02359138]]
dot product : [[ 0.30710218]
 [-0.11588386]
 [ 0.14207409]]
result : [[ 0.42450153]
 [ 0.4366602 ]
 [ 0.24979155]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.86733502]
 [-0.09135316]
 [ 1.02132887]]
dot product : [[-0.48008578]
 [-0.28929367]]
result : [[ 0.14487605]
 [ 0.03729121]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.14487605]
 [ 0.03729121]]
dot product : [[ 0.16702754]
 [-0.11115855]
 [ 0.06598583]]
result : [[ 0.28442688]
 [ 0.44138551]
 [ 0.1737033 ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.61112977]
 [-1.08199651]
 [ 0.35064981]]
dot product : [[-0.23448691]
 [-1.38011953]]
result : [[ 0.39047492]
 [-1.05353466]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.39047492]
 [-1.05353466]]
dot product : [[ 1.47948197]
 [ 0.34427346]
 [ 0.89607914]]
result : [[ 1.59688131]
 [ 0.89681752]
 [ 1.0037966 ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.79214976]
 [-0.01515875]
 [ 1.0758593 ]]
dot product : [[-0.44745888]
 [-0.29163399]]
result : [[ 0.17750295]
 [ 0.03495088]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.17750295]
 [ 0.03495088]]
dot product : [[ 0.21422088]
 [-0.13020077]
 [ 0.08752945]]
result : [[ 0.33162022]
 [ 0.42234329]
 [ 0.19524692]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.53025033]
 [-1.03611129]
 [ 0.38152138]]
dot product : [[-0.24924417]
 [-1.32393337]]
result : [[ 0.37571766]
 [-0.9973485 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.37571766]
 [-0.9973485 ]]
dot product : [[ 1.40896733]
 [ 0.32212914]
 [ 0.85202558]]
result : [[ 1.52636668]
 [ 0.8746732 ]
 [ 0.95974305]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.32782706]
 [-0.8819045 ]
 [ 0.48635374]]
dot product : [[-0.27991524]
 [-1.16678683]]
result : [[ 0.34504658]
 [-0.84020196]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.34504658]
 [-0.84020196]]
dot product : [[ 1.22640455]
 [ 0.25358104]
 [ 0.73534069]]
result : [[ 1.34380389]
 [ 0.8061251 ]
 [ 0.84305816]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.45000473]
 [-0.17220518]
 [ 0.97121724]]
dot product : [[-0.37913459]
 [-0.51376096]]
result : [[ 0.24582723]
 [-0.18717609]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.24582723]
 [-0.18717609]]
dot product : [[ 0.50679515]
 [-0.04888098]
 [ 0.26783724]]
result : [[ 0.62419449]
 [ 0.50366308]
 [ 0.3755547 ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.82561786]
 [-0.78438004]
 [ 0.53666163]]
dot product : [[-0.57896744]
 [-0.59925593]]
result : [[ 0.04599438]
 [-0.27267106]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.04599438]
 [-0.27267106]]
dot product : [[ 0.30678448]
 [ 0.12344588]
 [ 0.19801683]]
result : [[ 0.42418383]
 [ 0.67598994]
 [ 0.3057343 ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.53959763]
 [-1.04203725]
 [ 0.37751727]]
dot product : [[-0.24763777]
 [-1.33068836]]
result : [[ 0.37732405]
 [-1.00410348]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.37732405]
 [-1.00410348]]
dot product : [[ 1.41721298]
 [ 0.32489609]
 [ 0.85721862]]
result : [[ 1.53461233]
 [ 0.87744015]
 [ 0.96493608]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.86696128]
 [-0.9878016 ]
 [ 0.42060282]]
dot product : [[-0.14973024]
 [-1.45737569]]
result : [[ 0.47523159]
 [-1.13079082]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.47523159]
 [-1.13079082]]
dot product : [[ 1.66556181]
 [ 0.33451777]
 [ 0.9963417 ]]
result : [[ 1.78296116]
 [ 0.88706183]
 [ 1.10405917]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.88021093]
 [-0.91040425]
 [ 0.47500981]]
dot product : [[-0.13380306]
 [-1.43093504]]
result : [[ 0.49115876]
 [-1.10435017]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.49115876]
 [-1.10435017]]
dot product : [[ 1.66399808]
 [ 0.30983275]
 [ 0.98969179]]
result : [[ 1.78139742]
 [ 0.86237681]
 [ 1.09740926]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.49957509]
 [-0.13409692]
 [ 0.99713094]]
dot product : [[-0.38659052]
 [-0.47513319]]
result : [[ 0.2383713 ]
 [-0.14854832]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.2383713 ]
 [-0.14854832]]
dot product : [[ 0.46203497]
 [-0.06578252]
 [ 0.23920649]]
result : [[ 0.57943431]
 [ 0.48676154]
 [ 0.34692395]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.78075027]
 [-0.98418159]
 [ 0.39744286]]
dot product : [[-0.59851905]
 [-0.70361182]]
result : [[ 0.02644278]
 [-0.37702695]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.02644278]
 [-0.37702695]]
dot product : [[ 0.37283097]
 [ 0.19386231]
 [ 0.25092676]]
result : [[ 0.49023031]
 [ 0.74640637]
 [ 0.35864422]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.89074637]
 [-0.35380162]
 [ 0.83717451]]
dot product : [[-0.52822541]
 [-0.38877531]]
result : [[ 0.09673642]
 [-0.06219044]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.09673642]
 [-0.06219044]]
dot product : [[ 0.18920431]
 [-0.0256325 ]
 [ 0.0982617 ]]
result : [[ 0.30660365]
 [ 0.52691156]
 [ 0.20597917]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.16203029]
 [-0.7336841 ]
 [ 0.58756508]]
dot product : [[-0.30154994]
 [-1.02887465]]
result : [[ 0.32341188]
 [-0.70228977]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.32341188]
 [-0.70228977]]
dot product : [[ 1.07348969]
 [ 0.19012872]
 [ 0.63618986]]
result : [[ 1.19088903]
 [ 0.74267278]
 [ 0.74390732]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.7843778 ]
 [-0.12539678]
 [ 1.02324597]]
dot product : [[-0.03504605]
 [-1.0576554 ]]
result : [[ 0.58991577]
 [-0.73107053]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.58991577]
 [-0.73107053]]
dot product : [[ 1.46759535]
 [ 0.03997959]
 [ 0.81817776]]
result : [[ 1.58499469]
 [ 0.59252365]
 [ 0.92589522]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.51130396]
 [-1.02368072]
 [ 0.38993089]]
dot product : [[-0.25243356]
 [-1.31006555]]
result : [[ 0.37252826]
 [-0.98348068]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.37252826]
 [-0.98348068]]
dot product : [[ 1.39218921]
 [ 0.31638099]
 [ 0.8414312 ]]
result : [[ 1.50958855]
 [ 0.86892505]
 [ 0.94914867]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.64415088]
 [-0.04291088]
 [ 1.05873279]]
dot product : [[-0.41151184]
 [-0.37085093]]
result : [[ 0.21344999]
 [-0.04426606]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.21344999]
 [-0.04426606]]
dot product : [[ 0.33457132]
 [-0.10842208]
 [ 0.15896217]]
result : [[ 0.45197066]
 [ 0.44412198]
 [ 0.26667964]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.82850036]
 [-0.03459315]
 [ 1.06168277]]
dot product : [[-0.46046439]
 [-0.28319665]]
result : [[ 0.16449743]
 [ 0.04338823]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.16449743]
 [ 0.04338823]]
dot product : [[ 0.18871567]
 [-0.12679723]
 [ 0.07427139]]
result : [[ 0.30611501]
 [ 0.42574683]
 [ 0.18198886]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.47005138]
 [-0.15648523]
 [ 0.9819131 ]]
dot product : [[-0.38210072]
 [-0.49801001]]
result : [[ 0.2428611 ]
 [-0.17142514]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.2428611 ]
 [-0.17142514]]
dot product : [[ 0.4886461 ]
 [-0.05581902]
 [ 0.25620833]]
result : [[ 0.60604544]
 [ 0.49672504]
 [ 0.36392579]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.46254887]
 [-0.98940729]
 [ 0.41317183]]
dot product : [[-0.26027726]
 [-1.27341976]]
result : [[ 0.36468456]
 [-0.94683489]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.36468456]
 [-0.94683489]]
dot product : [[ 1.34866069]
 [ 0.30082708]
 [ 0.81379523]]
result : [[ 1.46606004]
 [ 0.85337114]
 [ 0.9215127 ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.76277979]
 [-0.03044527]
 [ 1.08940248]]
dot product : [[-0.02582973]
 [-1.00793661]]
result : [[ 0.59913209]
 [-0.68135173]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.59913209]
 [-0.68135173]]
dot product : [[ 1.43599199]
 [ 0.00649233]
 [ 0.79290883]]
result : [[ 1.55339133]
 [ 0.55903639]
 [ 0.9006263 ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.78390241]
 [-1.10627369]
 [ 0.3363431 ]]
dot product : [[-0.1912307 ]
 [-1.46918795]]
result : [[ 0.43373112]
 [-1.14260308]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.43373112]
 [-1.14260308]]
dot product : [[ 1.61872382]
 [ 0.36699015]
 [ 0.97814301]]
result : [[ 1.73612316]
 [ 0.91953421]
 [ 1.08586047]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.79496623]
 [-1.10069716]
 [ 0.3404208 ]]
dot product : [[-0.18732616]
 [-1.47189812]]
result : [[ 0.43763566]
 [-1.14531324]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.43763566]
 [-1.14531324]]
dot product : [[ 1.62653898]
 [ 0.36606714]
 [ 0.98223358]]
result : [[ 1.74393832]
 [ 0.9186112 ]
 [ 1.08995104]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.29539115]
 [-0.85396583]
 [ 0.50541302]]
dot product : [[-0.28431621]
 [-1.14025056]]
result : [[ 0.34064561]
 [-0.81366569]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.34064561]
 [-0.81366569]]
dot product : [[ 1.19665232]
 [ 0.24152043]
 [ 0.71611604]]
result : [[ 1.31405167]
 [ 0.79406449]
 [ 0.82383351]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.72135026]
 [-0.01485856]
 [ 1.07717359]]
dot product : [[-0.42810264]
 [-0.3238307 ]]
result : [[ 0.19685918]
 [ 0.00275417]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.19685918]
 [ 0.00275417]]
dot product : [[ 0.26969704]
 [-0.12430899]
 [ 0.1194843 ]]
result : [[ 0.38709638]
 [ 0.42823507]
 [ 0.22720177]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.87249431]
 [-0.52297891]
 [ 0.71898646]]
dot product : [[-0.55016337]
 [-0.46812482]]
result : [[ 0.07479845]
 [-0.14153995]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.07479845]
 [-0.14153995]]
dot product : [[ 0.22964824]
 [ 0.03232047]
 [ 0.13413943]]
result : [[ 0.34704758]
 [ 0.58486453]
 [ 0.2418569 ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.78790495]
 [-0.95398039]
 [ 0.41848079]]
dot product : [[-0.59566534]
 [-0.68766767]]
result : [[ 0.02929648]
 [-0.3610828 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.02929648]
 [-0.3610828 ]]
dot product : [[ 0.36255539]
 [ 0.18318691]
 [ 0.24276065]]
result : [[ 0.47995473]
 [ 0.73573097]
 [ 0.35047811]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.80860522]
 [-0.02154802]
 [ 1.07112836]]
dot product : [[-0.45296313]
 [-0.28680351]]
result : [[ 0.17199869]
 [ 0.03978137]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.17199869]
 [ 0.03978137]]
dot product : [[ 0.202303  ]
 [-0.12946307]
 [ 0.08113439]]
result : [[ 0.31970234]
 [ 0.42308099]
 [ 0.18885186]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.75549339]
 [-0.01066178]
 [ 1.0795801 ]]
dot product : [[-0.43674648]
 [-0.30648133]]
result : [[ 0.18821535]
 [ 0.02010355]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.18821535]
 [ 0.02010355]]
dot product : [[ 0.24227303]
 [-0.12859789]
 [ 0.10336505]]
result : [[ 0.35967237]
 [ 0.42394617]
 [ 0.21108252]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.89286411]
 [-0.23476572]
 [ 0.92050079]]
dot product : [[-0.50986465]
 [-0.33783995]]
result : [[ 0.11509717]
 [-0.01125507]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.11509717]
 [-0.01125507]]
dot product : [[ 0.16915785]
 [-0.0655015 ]
 [ 0.07786549]]
result : [[ 0.28655719]
 [ 0.48704256]
 [ 0.18558295]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.32441767]
 [-0.27805098]
 [ 0.89905324]]
dot product : [[-0.36172422]
 [-0.61552796]]
result : [[ 0.2632376 ]
 [-0.28894309]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.2632376 ]
 [-0.28894309]]
dot product : [[ 0.6216317 ]
 [-0.00296051]
 [ 0.34189195]]
result : [[ 0.73903104]
 [ 0.54958356]
 [ 0.44960942]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.52081854]
 [-1.02999117]
 [ 0.38566014]]
dot product : [[-0.25084272]
 [-1.31705831]]
result : [[ 0.37411911]
 [-0.99047343]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.37411911]
 [-0.99047343]]
dot product : [[ 1.40062543]
 [ 0.3192903 ]
 [ 0.84676264]]
result : [[ 1.51802478]
 [ 0.87183436]
 [ 0.95448011]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.80545352]
 [-1.09380872]
 [ 0.34540823]]
dot product : [[-0.18337013]
 [-1.47379436]]
result : [[ 0.4415917 ]
 [-1.14720949]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.4415917 ]
 [-1.14720949]]
dot product : [[ 1.63369939]
 [ 0.3646579 ]
 [ 0.9858493 ]]
result : [[ 1.75109873]
 [ 0.91720196]
 [ 1.09356677]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.12388573]
 [-0.46285611]
 [ 0.77276375]]
dot product : [[-0.33643707]
 [-0.78465552]]
result : [[ 0.28852476]
 [-0.45807065]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.28852476]
 [-0.45807065]]
dot product : [[ 0.80743732]
 [ 0.07562984]
 [ 0.4627187 ]]
result : [[ 0.92483667]
 [ 0.6281739 ]
 [ 0.57043617]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.19185916]
 [-0.39888405]
 [ 0.81650256]]
dot product : [[-0.34479703]
 [-0.72676901]]
result : [[ 0.2801648 ]
 [-0.40018414]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.2801648 ]
 [-0.40018414]]
dot product : [[ 0.74425026]
 [ 0.04854713]
 [ 0.42154548]]
result : [[ 0.8616496 ]
 [ 0.60109119]
 [ 0.52926295]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.6839231 ]
 [-1.10936775]
 [ 0.33261725]]
dot product : [[-0.21898937]
 [-1.42484233]]
result : [[ 0.40597246]
 [-1.09825746]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.40597246]
 [-1.09825746]]
dot product : [[ 1.54079572]
 [ 0.35956039]
 [ 0.93345409]]
result : [[ 1.65819507]
 [ 0.91210445]
 [ 1.04117156]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.89356616]
 [-0.27608096]
 [ 0.89155731]]
dot product : [[-0.51662926]
 [-0.35486262]]
result : [[ 0.10833256]
 [-0.02827775]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.10833256]
 [-0.02827775]]
dot product : [[ 0.17498862]
 [-0.05178531]
 [ 0.08429504]]
result : [[ 0.29238797]
 [ 0.50075875]
 [ 0.1920125 ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.20310013]
 [-0.38840343]
 [ 0.82366671]]
dot product : [[-0.34619523]
 [-0.71723755]]
result : [[ 0.2787666 ]
 [-0.39065268]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.2787666 ]
 [-0.39065268]]
dot product : [[ 0.73381607]
 [ 0.04410127]
 [ 0.41475265]]
result : [[ 0.85121541]
 [ 0.59664533]
 [ 0.52247012]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.09382361]
 [-0.66987231]
 [ 0.63118801]]
dot product : [[-0.30999901]
 [-0.97094893]]
result : [[ 0.31496282]
 [-0.64436406]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.31496282]
 [-0.64436406]]
dot product : [[ 1.01014447]
 [ 0.16307971]
 [ 0.59493738]]
result : [[ 1.12754381]
 [ 0.71562377]
 [ 0.70265484]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.89329364]
 [-0.24810329]
 [ 0.91115396]]
dot product : [[-0.51210377]
 [-0.34324265]]
result : [[ 0.11285806]
 [-0.01665778]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.11285806]
 [-0.01665778]]
dot product : [[ 0.17088105]
 [-0.06109075]
 [ 0.07984939]]
result : [[ 0.28828039]
 [ 0.49145331]
 [ 0.18756685]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.83110741]
 [-0.35401954]
 [ 0.86387311]]
dot product : [[-0.05867522]
 [-1.17495986]]
result : [[ 0.5662866 ]
 [-0.84837499]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.5662866 ]
 [-0.84837499]]
dot product : [[ 1.53955365]
 [ 0.12016338]
 [ 0.87663597]]
result : [[ 1.656953  ]
 [ 0.67270744]
 [ 0.98435344]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.88410719]
 [-0.84248988]
 [ 0.52263013]]
dot product : [[-0.12193547]
 [-1.40420494]]
result : [[ 0.50302635]
 [-1.07762007]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.50302635]
 [-1.07762007]]
dot product : [[ 1.6565639 ]
 [ 0.28751801]
 [ 0.98036242]]
result : [[ 1.77396325]
 [ 0.84006207]
 [ 1.08807988]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.74221482]
 [-0.01150444]
 [ 1.07919707]]
dot product : [[-0.4332592 ]
 [-0.31289724]]
result : [[ 0.19170262]
 [ 0.01368764]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.19170262]
 [ 0.01368764]]
dot product : [[ 0.25281654]
 [-0.12719314]
 [ 0.10950505]]
result : [[ 0.37021588]
 [ 0.42535092]
 [ 0.21722251]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.81380157]
 [-0.02431671]
 [ 1.06910845]]
dot product : [[-0.45482078]
 [-0.2855934 ]]
result : [[ 0.17014105]
 [ 0.04099147]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.17014105]
 [ 0.04099147]]
dot product : [[ 0.19865554]
 [-0.12897969]
 [ 0.07923759]]
result : [[ 0.31605489]
 [ 0.42356437]
 [ 0.18695506]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.65264831]
 [-1.09966686]
 [ 0.33892295]]
dot product : [[-0.22597526]
 [-1.40649197]]
result : [[ 0.39898657]
 [-1.07990709]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.39898657]
 [-1.07990709]]
dot product : [[ 1.514771  ]
 [ 0.35367901]
 [ 0.9177326 ]]
result : [[ 1.63217034]
 [ 0.90622308]
 [ 1.02545007]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.0896365]
 [-0.4953697]
 [ 0.750529 ]]
dot product : [[-0.33226943]
 [-0.81394009]]
result : [[ 0.2926924 ]
 [-0.48735521]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.2926924 ]
 [-0.48735521]]
dot product : [[ 0.83931822]
 [ 0.08936932]
 [ 0.48351013]]
result : [[ 0.95671756]
 [ 0.64191338]
 [ 0.5912276 ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.89248299]
 [-0.32136112]
 [ 0.85986509]]
dot product : [[-0.52353782]
 [-0.3743647 ]]
result : [[ 0.101424  ]
 [-0.04777983]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.101424  ]
 [-0.04777983]]
dot product : [[ 0.18283182]
 [-0.03659601]
 [ 0.09217905]]
result : [[ 0.30023116]
 [ 0.51594805]
 [ 0.19989652]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.70682931]
 [-0.01844346]
 [ 1.07488957]]
dot product : [[-0.42471283]
 [-0.33196493]]
result : [[ 0.20024899]
 [-0.00538006]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.20024899]
 [-0.00538006]]
dot product : [[ 0.28163839]
 [-0.12188476]
 [ 0.12663371]]
result : [[ 0.39903774]
 [ 0.43065931]
 [ 0.23435117]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.73415457]
 [-1.11607237]
 [ 0.32870542]]
dot product : [[-0.2063569 ]
 [-1.45058939]]
result : [[ 0.41860492]
 [-1.12400452]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.41860492]
 [-1.12400452]]
dot product : [[ 1.58122392]
 [ 0.36604706]
 [ 0.95725538]]
result : [[ 1.69862326]
 [ 0.91859112]
 [ 1.06497285]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.63635401]
 [-1.09331501]
 [ 0.34311697]]
dot product : [[-0.22940848]
 [-1.39638663]]
result : [[ 0.39555334]
 [-1.06980175]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.39555334]
 [-1.06980175]]
dot product : [[ 1.50101157]
 [ 0.35018212]
 [ 0.90932973]]
result : [[ 1.61841092]
 [ 0.90272619]
 [ 1.0170472 ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.38826665]
 [-0.22284173]
 [ 0.93671988]]
dot product : [[-0.3703535 ]
 [-0.56320285]]
result : [[ 0.25460833]
 [-0.23661798]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.25460833]
 [-0.23661798]]
dot product : [[ 0.56303258]
 [-0.0267724 ]
 [ 0.30401412]]
result : [[ 0.68043192]
 [ 0.52577166]
 [ 0.41173159]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.64455448]
 [-1.09661287]
 [ 0.3409354 ]]
dot product : [[-0.22769673]
 [-1.40151482]]
result : [[ 0.3972651 ]
 [-1.07492995]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.3972651 ]
 [-1.07492995]]
dot product : [[ 1.50795193]
 [ 0.35197574]
 [ 0.91357518]]
result : [[ 1.62535128]
 [ 0.9045198 ]
 [ 1.02129265]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.87704311]
 [-0.67298184]
 [ 0.64122427]]
dot product : [[-0.0968937 ]
 [-1.32982433]]
result : [[ 0.52806812]
 [-1.00323946]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.52806812]
 [-1.00323946]]
dot product : [[ 1.62484274]
 [ 0.23040162]
 [ 0.94948803]]
result : [[ 1.74224208]
 [ 0.78294568]
 [ 1.05720549]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.82375085]
 [-0.03083545]
 [ 1.0643883 ]]
dot product : [[-0.45857126]
 [-0.28378759]]
result : [[ 0.16639056]
 [ 0.04279728]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.16639056]
 [ 0.04279728]]
dot product : [[ 0.19185995]
 [-0.12764819]
 [ 0.0758047 ]]
result : [[ 0.3092593 ]
 [ 0.42489588]
 [ 0.18352216]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.65236982]
 [-0.03900642]
 [ 1.06133886]]
dot product : [[-0.41313212]
 [-0.36545966]]
result : [[ 0.2118297 ]
 [-0.03887479]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.2118297 ]
 [-0.03887479]]
dot product : [[ 0.32752278]
 [-0.11041952]
 [ 0.15460931]]
result : [[ 0.44492212]
 [ 0.44212454]
 [ 0.26232678]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.48228053]
 [-1.0036456 ]
 [ 0.40350862]]
dot product : [[-0.25716131]
 [-1.28840494]]
result : [[ 0.36780051]
 [-0.96182007]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.36780051]
 [-0.96182007]]
dot product : [[ 1.36633387]
 [ 0.30724444]
 [ 0.82503979]]
result : [[ 1.48373322]
 [ 0.8597885 ]
 [ 0.93275726]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.71335526]
 [-1.11486096]
 [ 0.32922941]]
dot product : [[-0.21183657]
 [-1.44058518]]
result : [[ 0.41312526]
 [-1.11400031]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.41312526]
 [-1.11400031]]
dot product : [[ 1.56472553]
 [ 0.36388286]
 [ 0.94765553]]
result : [[ 1.68212488]
 [ 0.91642692]
 [ 1.055373  ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.25882582]
 [-0.33700705]
 [ 0.85878993]]
dot product : [[-0.35321574]
 [-0.67022159]]
result : [[ 0.27174609]
 [-0.34363672]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.27174609]
 [-0.34363672]]
dot product : [[ 0.68217632]
 [ 0.02224818]
 [ 0.38116949]]
result : [[ 0.79957566]
 [ 0.57479224]
 [ 0.48888695]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.8411984 ]
 [-0.70686931]
 [ 0.59069842]]
dot product : [[-0.57088482]
 [-0.55960559]]
result : [[ 0.054077  ]
 [-0.23302071]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.054077  ]
 [-0.23302071]]
dot product : [[ 0.28259396]
 [ 0.0962831 ]
 [ 0.17831614]]
result : [[ 0.39999331]
 [ 0.64882717]
 [ 0.28603361]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.88430752]
 [-0.82759425]
 [ 0.53306447]]
dot product : [[-0.11951098]
 [-1.39804355]]
result : [[ 0.50545084]
 [-1.07145868]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.50545084]
 [-1.07145868]]
dot product : [[ 1.6544203 ]
 [ 0.28256836]
 [ 0.97802047]]
result : [[ 1.77181964]
 [ 0.83511242]
 [ 1.08573793]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.85618893]
 [-0.50293269]
 [ 0.75998228]]
dot product : [[-0.07552668]
 [-1.24892086]]
result : [[ 0.54943514]
 [-0.92233599]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.54943514]
 [-0.92233599]]
dot product : [[ 1.5822235 ]
 [ 0.17193773]
 [ 0.91229167]]
result : [[ 1.69962284]
 [ 0.72448179]
 [ 1.02000913]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.46006334]
 [-0.16426831]
 [ 0.97661847]]
dot product : [[-0.38061504]
 [-0.5058371 ]]
result : [[ 0.24434678]
 [-0.17925223]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.24434678]
 [-0.17925223]]
dot product : [[ 0.49768108]
 [-0.05237862]
 [ 0.26199428]]
result : [[ 0.61508042]
 [ 0.50016544]
 [ 0.36971174]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.27353785]
 [-0.83480259]
 [ 0.51849199]]
dot product : [[-0.28722723]
 [-1.1222294 ]]
result : [[ 0.33773459]
 [-0.79564453]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.33773459]
 [-0.79564453]]
dot product : [[ 1.17655463]
 [ 0.23328141]
 [ 0.70310817]]
result : [[ 1.29395397]
 [ 0.78582547]
 [ 0.81082563]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.55648726]
 [-0.09398864]
 [ 1.02433075]]
dot product : [[-0.39573051]
 [-0.43231405]]
result : [[ 0.22923131]
 [-0.10572917]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.22923131]
 [-0.10572917]]
dot product : [[ 0.41120827]
 [-0.08397227]
 [ 0.20693038]]
result : [[ 0.52860761]
 [ 0.46857179]
 [ 0.31464784]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.88131382]
 [-0.72870994]
 [ 0.60226519]]
dot product : [[-0.10459519]
 [-1.35516745]]
result : [[ 0.52036664]
 [-1.02858258]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.52036664]
 [-1.02858258]]
dot product : [[ 1.63679941]
 [ 0.24934431]
 [ 0.96051911]]
result : [[ 1.75419875]
 [ 0.80188837]
 [ 1.06823658]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.88658559]
 [-0.40591942]
 [ 0.80074197]]
dot product : [[-0.53538248]
 [-0.41255272]]
result : [[ 0.08957934]
 [-0.08596785]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.08957934]
 [-0.08596785]]
dot product : [[ 0.20051713]
 [-0.00790289]
 [ 0.10865351]]
result : [[ 0.31791647]
 [ 0.54464117]
 [ 0.21637098]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.10106781]
 [-0.48450296]
 [ 0.75796058]]
dot product : [[-0.33365811]
 [-0.80415964]]
result : [[ 0.29130371]
 [-0.47757476]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.29130371]
 [-0.47757476]]
dot product : [[ 0.8286751]
 [ 0.0847786]
 [ 0.4765682]]
result : [[ 0.94607445]
 [ 0.63732266]
 [ 0.58428567]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.83309753]
 [-0.03868815]
 [ 1.0587434 ]]
dot product : [[-0.46236964]
 [-0.28281685]]
result : [[ 0.16259218]
 [ 0.04376802]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.16259218]
 [ 0.04376802]]
dot product : [[ 0.18574297]
 [-0.12582091]
 [ 0.07286203]]
result : [[ 0.30314231]
 [ 0.42672315]
 [ 0.1805795 ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.88234155]
 [-0.88453597]
 [ 0.49315826]]
dot product : [[-0.12910642]
 [-1.42104884]]
result : [[ 0.4958554 ]
 [-1.09446397]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.4958554 ]
 [-1.09446397]]
dot product : [[ 1.66167347]
 [ 0.30138788]
 [ 0.98643054]]
result : [[ 1.77907282]
 [ 0.85393194]
 [ 1.094148  ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.59269937]
 [-0.07103919]
 [ 1.03983725]]
dot product : [[-0.4019551 ]
 [-0.40614816]]
result : [[ 0.22300673]
 [-0.07956329]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.22300673]
 [-0.07956329]]
dot product : [[ 0.37926528]
 [-0.09468892]
 [ 0.18681351]]
result : [[ 0.49666463]
 [ 0.45785514]
 [ 0.29453098]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.67627288]
 [-1.10732743]
 [ 0.33392676]]
dot product : [[-0.22075113]
 [-1.42049323]]
result : [[ 0.4042107 ]
 [-1.09390836]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.4042107 ]
 [-1.09390836]]
dot product : [[ 1.53448112]
 [ 0.35823264]
 [ 0.92966274]]
result : [[ 1.65188047]
 [ 0.9107767 ]
 [ 1.03738021]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.2918166 ]
 [-0.30711228]
 [ 0.87921038]]
dot product : [[-0.35745682]
 [-0.64261088]]
result : [[ 0.26750501]
 [-0.31602601]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.26750501]
 [-0.31602601]]
dot product : [[ 0.65168683]
 [ 0.00948839]
 [ 0.36137459]]
result : [[ 0.76908618]
 [ 0.56203246]
 [ 0.46909205]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.88818223]
 [-0.38808078]
 [ 0.81320924]]
dot product : [[-0.53297984]
 [-0.40433554]]
result : [[ 0.09198198]
 [-0.07775067]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.09198198]
 [-0.07775067]]
dot product : [[ 0.19650974]
 [-0.0139859 ]
 [ 0.10501867]]
result : [[ 0.31390909]
 [ 0.53855816]
 [ 0.21273614]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.83586808]
 [-0.38015222]
 [ 0.84564697]]
dot product : [[-0.06153453]
 [-1.18810319]]
result : [[ 0.56342729]
 [-0.86151832]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.56342729]
 [-0.86151832]]
dot product : [[ 1.5473234 ]
 [ 0.12927963]
 [ 0.88305551]]
result : [[ 1.66472274]
 [ 0.68182369]
 [ 0.99077298]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.52840239]
 [-0.11323031]
 [ 1.01129402]]
dot product : [[-0.39113249]
 [-0.45321309]]
result : [[ 0.23382933]
 [-0.12662822]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.23382933]
 [-0.12662822]]
dot product : [[ 0.43620502]
 [-0.07517971]
 [ 0.22276795]]
result : [[ 0.55360436]
 [ 0.47736435]
 [ 0.33048542]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.78638149]
 [-0.01365519]
 [ 1.07700217]]
dot product : [[-0.44564654]
 [-0.29363627]]
result : [[ 0.17931528]
 [ 0.0329486 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.17931528]
 [ 0.0329486 ]]
dot product : [[ 0.21851225]
 [-0.13021392]
 [ 0.08989138]]
result : [[ 0.33591159]
 [ 0.42233014]
 [ 0.19760884]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.79752477]
 [-0.18586622]
 [ 0.98110502]]
dot product : [[-0.04108114]
 [-1.08904118]]
result : [[ 0.58388069]
 [-0.76245631]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.58388069]
 [-0.76245631]]
dot product : [[ 1.4872453 ]
 [ 0.06125438]
 [ 0.83399549]]
result : [[ 1.60464464]
 [ 0.61379844]
 [ 0.94171296]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.80028279]
 [-1.09741885]
 [ 0.34279947]]
dot product : [[-0.18535465]
 [-1.47294917]]
result : [[ 0.43960717]
 [-1.1463643 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.43960717]
 [-1.1463643 ]]
dot product : [[ 1.63020199]
 [ 0.36542401]
 [ 0.98410149]]
result : [[ 1.74760134]
 [ 0.91796807]
 [ 1.09181896]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.00212559]
 [-0.58283873]
 [ 0.69070654]]
dot product : [[-0.32116012]
 [-0.89255053]]
result : [[ 0.3038017 ]
 [-0.56596565]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.3038017 ]
 [-0.56596565]]
dot product : [[ 0.92479009]
 [ 0.12629982]
 [ 0.53927379]]
result : [[ 1.04218943]
 [ 0.67884388]
 [ 0.64699125]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.76825116]
 [-0.01096956]
 [ 1.07916561]]
dot product : [[-0.44027475]
 [-0.30078611]]
result : [[ 0.18468707]
 [ 0.02579877]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.18468707]
 [ 0.02579877]]
dot product : [[ 0.23231565]
 [-0.12957498]
 [ 0.09764835]]
result : [[ 0.34971499]
 [ 0.42296908]
 [ 0.20536582]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.2844863 ]
 [-0.84443541]
 [ 0.51191699]]
dot product : [[-0.28577392]
 [-1.13127142]]
result : [[ 0.3391879 ]
 [-0.80468655]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.3391879 ]
 [-0.80468655]]
dot product : [[ 1.18662848]
 [ 0.23741983]
 [ 0.70963032]]
result : [[ 1.30402782]
 [ 0.78996389]
 [ 0.81734779]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.88371162]
 [-0.85694283]
 [ 0.51250275]]
dot product : [[-0.12434278]
 [-1.41009136]]
result : [[ 0.50061904]
 [-1.08350649]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.50061904]
 [-1.08350649]]
dot product : [[ 1.65848602]
 [ 0.29230354]
 [ 0.98254381]]
result : [[ 1.77588536]
 [ 0.8448476 ]
 [ 1.09026128]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.1280158 ]
 [-0.70199809]
 [ 0.60922395]]
dot product : [[-0.30578523]
 [-1.00004465]]
result : [[ 0.3191766 ]
 [-0.67345978]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.3191766 ]
 [-0.67345978]]
dot product : [[ 1.04192072]
 [ 0.17668505]
 [ 0.61563969]]
result : [[ 1.15932006]
 [ 0.72922911]
 [ 0.72335715]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.56567595]
 [-0.08795369]
 [ 1.02841365]]
dot product : [[-0.39727631]
 [-0.42558572]]
result : [[ 0.22768551]
 [-0.09900085]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.22768551]
 [-0.09900085]]
dot product : [[ 0.40307017]
 [-0.08676214]
 [ 0.20179124]]
result : [[ 0.52046951]
 [ 0.46578192]
 [ 0.3095087 ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.76193823]
 [-0.01066996]
 [ 1.07947387]]
dot product : [[-0.43850542]
 [-0.30354244]]
result : [[ 0.18645641]
 [ 0.02304243]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.18645641]
 [ 0.02304243]]
dot product : [[ 0.23722011]
 [-0.12914061]
 [ 0.1004531 ]]
result : [[ 0.35461945]
 [ 0.42340346]
 [ 0.20817056]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.88232077]
 [-0.74634198]
 [ 0.58993341]]
dot product : [[-0.10712578]
 [-1.36302869]]
result : [[ 0.51783604]
 [-1.03644382]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.51783604]
 [-1.03644382]]
dot product : [[ 1.64031243]
 [ 0.25530852]
 [ 0.96385365]]
result : [[ 1.75771178]
 [ 0.80785258]
 [ 1.07157112]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.8624718 ]
 [-0.58812709]
 [ 0.67352033]]
dot product : [[-0.55779493]
 [-0.5000482 ]]
result : [[ 0.06716689]
 [-0.17346332]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.06716689]
 [-0.17346332]]
dot product : [[ 0.24757057]
 [ 0.05489085]
 [ 0.14930885]]
result : [[ 0.36496991]
 [ 0.60743491]
 [ 0.25702632]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.84468781]
 [-0.43082952]
 [ 0.81029585]]
dot product : [[-0.06719184]
 [-1.2134029 ]]
result : [[ 0.55776998]
 [-0.88681803]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.55776998]
 [-0.88681803]]
dot product : [[ 1.56206738]
 [ 0.14692323]
 [ 0.89531809]]
result : [[ 1.67946672]
 [ 0.69946729]
 [ 1.00303556]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.13526893]
 [-0.45208366]
 [ 0.78013005]]
dot product : [[-0.33782763]
 [-0.77493662]]
result : [[ 0.28713419]
 [-0.44835175]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.28713419]
 [-0.44835175]]
dot product : [[ 0.79684651]
 [ 0.07107464]
 [ 0.45581392]]
result : [[ 0.91424585]
 [ 0.6236187 ]
 [ 0.56353139]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.6280486 ]
 [-1.08977712]
 [ 0.34546499]]
dot product : [[-0.23111067]
 [-1.39110976]]
result : [[ 0.39385115]
 [-1.06452488]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.39385115]
 [-1.06452488]]
dot product : [[ 1.49395184]
 [ 0.3482996 ]
 [ 0.90499764]]
result : [[ 1.61135118]
 [ 0.90084366]
 [ 1.01271511]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.06673768]
 [-0.51717072]
 [ 0.73561912]]
dot product : [[-0.32949294]
 [-0.83354585]]
result : [[ 0.29546889]
 [-0.50696098]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.29546889]
 [-0.50696098]]
dot product : [[ 0.86064325]
 [ 0.09857633]
 [ 0.49742138]]
result : [[ 0.97804259]
 [ 0.65112039]
 [ 0.60513884]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.87312378]
 [-0.10708939]
 [ 1.01021872]]
dot product : [[-0.48416808]
 [-0.29325658]]
result : [[ 0.14079374]
 [ 0.03332829]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.14079374]
 [ 0.03332829]]
dot product : [[ 0.16491841]
 [-0.10640158]
 [ 0.06593888]]
result : [[ 0.28231775]
 [ 0.44614248]
 [ 0.17365635]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.86435564]
 [-0.99724056]
 [ 0.41395221]]
dot product : [[-0.15194256]
 [-1.46014837]]
result : [[ 0.47301926]
 [-1.1335635 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.47301926]
 [-1.1335635 ]]
dot product : [[ 1.6649763 ]
 [ 0.33744445]
 [ 0.99670527]]
result : [[ 1.78237565]
 [ 0.88998852]
 [ 1.10442273]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.88261408]
 [-0.14319077]
 [ 0.98478939]]
dot product : [[-0.49249992]
 [-0.30407842]]
result : [[ 0.1324619 ]
 [ 0.02250645]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.1324619 ]
 [ 0.02250645]]
dot product : [[ 0.16305194]
 [-0.09516758]
 [ 0.0675444 ]]
result : [[ 0.28045128]
 [ 0.45737648]
 [ 0.17526186]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.75381005]
 [-1.11467609]
 [ 0.32998973]]
dot product : [[-0.2007743 ]
 [-1.45897676]]
result : [[ 0.42418752]
 [-1.13239189]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.42418752]
 [-1.13239189]]
dot product : [[ 1.59642252]
 [ 0.36724498]
 [ 0.96591233]]
result : [[ 1.71382186]
 [ 0.91978904]
 [ 1.0736298 ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.85221913]
 [-1.03110487]
 [ 0.39004821]]
dot product : [[-0.16064016]
 [-1.46882304]]
result : [[ 0.46432166]
 [-1.14223817]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.46432166]
 [-1.14223817]]
dot product : [[ 1.6606891 ]
 [ 0.34770859]
 [ 0.99674928]]
result : [[ 1.77808844]
 [ 0.90025266]
 [ 1.10446675]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.66063379]
 [-1.10247317]
 [ 0.33708225]]
dot product : [[-0.22424393]
 [-1.41131567]]
result : [[ 0.40071789]
 [-1.0847308 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.40071789]
 [-1.0847308 ]]
dot product : [[ 1.52146683]
 [ 0.35529054]
 [ 0.9218006 ]]
result : [[ 1.63886618]
 [ 0.9078346 ]
 [ 1.02951807]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.80372785]
 [-0.21526295]
 [ 0.9606156 ]]
dot product : [[-0.04406637]
 [-1.1042132 ]]
result : [[ 0.58089545]
 [-0.77762833]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.58089545]
 [-0.77762833]]
dot product : [[ 1.49665036]
 [ 0.07158102]
 [ 0.84160008]]
result : [[ 1.6140497 ]
 [ 0.62412508]
 [ 0.94931754]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.13937598]
 [-0.71261405]
 [ 0.60196689]]
dot product : [[-0.30437604]
 [-1.00968735]]
result : [[ 0.32058578]
 [-0.68310248]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.32058578]
 [-0.68310248]]
dot product : [[ 1.05246931]
 [ 0.18118613]
 [ 0.62250851]]
result : [[ 1.16986865]
 [ 0.73373019]
 [ 0.73022597]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.81885068]
 [-0.02741125]
 [ 1.06686264]]
dot product : [[-0.45669011]
 [-0.28458731]]
result : [[ 0.16827172]
 [ 0.04199757]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.16827172]
 [ 0.04199757]]
dot product : [[ 0.19517389]
 [-0.1283752 ]
 [ 0.07746056]]
result : [[ 0.31257323]
 [ 0.42416886]
 [ 0.18517803]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.8615769 ]
 [-1.00628655]
 [ 0.40757408]]
dot product : [[-0.15413958]
 [-1.46267707]]
result : [[ 0.47082225]
 [-1.13609219]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.47082225]
 [-1.13609219]]
dot product : [[ 1.66419435]
 [ 0.34022546]
 [ 0.99692641]]
result : [[ 1.78159369]
 [ 0.89276952]
 [ 1.10464388]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.8756188 ]
 [-0.94603947]
 [ 0.44998331]]
dot product : [[-0.14072491]
 [-1.4437974 ]]
result : [[ 0.48423692]
 [-1.11721253]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.48423692]
 [-1.11721253]]
dot product : [[ 1.66590087]
 [ 0.32132585]
 [ 0.99343532]]
result : [[ 1.78330021]
 [ 0.87386991]
 [ 1.10115279]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.88923054]
 [-0.18566798]
 [ 0.95493997]]
dot product : [[-0.50106238]
 [-0.31888871]]
result : [[ 0.12389945]
 [ 0.00769616]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.12389945]
 [ 0.00769616]]
dot product : [[ 0.16442398]
 [-0.0815645 ]
 [ 0.07149018]]
result : [[ 0.28182333]
 [ 0.47097956]
 [ 0.17920765]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.61024572]
 [-0.06079305]
 [ 1.04673886]]
dot product : [[-0.40511021]
 [-0.39383648]]
result : [[ 0.21985161]
 [-0.0672516 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.21985161]
 [-0.0672516 ]]
dot product : [[ 0.36392248]
 [-0.09959024]
 [ 0.17720871]]
result : [[ 0.48132182]
 [ 0.45295382]
 [ 0.28492618]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.48980896]
 [-0.14139571]
 [ 0.99217199]]
dot product : [[-0.38508831]
 [-0.48265568]]
result : [[ 0.23987351]
 [-0.1560708 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.23987351]
 [-0.1560708 ]]
dot product : [[ 0.47082112]
 [-0.06252238]
 [ 0.24481304]]
result : [[ 0.58822046]
 [ 0.49002168]
 [ 0.3525305 ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.61887301]
 [-0.05599051]
 [ 1.04996748]]
dot product : [[-0.40669898]
 [-0.38788179]]
result : [[ 0.21826284]
 [-0.06129692]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.21826284]
 [-0.06129692]]
dot product : [[ 0.35641499]
 [-0.10192168]
 [ 0.17252461]]
result : [[ 0.47381433]
 [ 0.45062239]
 [ 0.28024207]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.88956859]
 [-0.37070946]
 [ 0.82535253]]
dot product : [[-0.5305942 ]
 [-0.39641053]]
result : [[ 0.09436763]
 [-0.06982566]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.09436763]
 [-0.06982566]]
dot product : [[ 0.19273944]
 [-0.0198953 ]
 [ 0.1015552 ]]
result : [[ 0.31013879]
 [ 0.53264877]
 [ 0.20927266]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.71414978]
 [-0.01651868]
 [ 1.07612332]]
dot product : [[-0.42640304]
 [-0.32781488]]
result : [[ 0.19855878]
 [-0.00123001]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.19855878]
 [-0.00123001]]
dot product : [[ 0.27560023]
 [-0.12314607]
 [ 0.12301028]]
result : [[ 0.39299957]
 [ 0.42939799]
 [ 0.23072774]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.85738571]
 [-0.07055587]
 [ 1.03604809]]
dot product : [[-0.4740636 ]
 [-0.28510569]]
result : [[ 0.15089823]
 [ 0.04147918]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.15089823]
 [ 0.04147918]]
dot product : [[ 0.17161777]
 [-0.1172509 ]
 [ 0.06708702]]
result : [[ 0.28901711]
 [ 0.43529316]
 [ 0.17480448]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.89042284]
 [-0.19731218]
 [ 0.94676709]]
dot product : [[-0.5032401 ]
 [-0.32323235]]
result : [[ 0.12172172]
 [ 0.00335253]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.12172172]
 [ 0.00335253]]
dot product : [[ 0.16528746]
 [-0.07778291]
 [ 0.07285275]]
result : [[ 0.2826868 ]
 [ 0.47476115]
 [ 0.18057022]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.49203326]
 [-1.01050411]
 [ 0.39885779]]
dot product : [[-0.25559271]
 [-1.29573649]]
result : [[ 0.36936911]
 [-0.96915161]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.36936911]
 [-0.96915161]]
dot product : [[ 1.37504151]
 [ 0.31035664]
 [ 0.83056838]]
result : [[ 1.49244085]
 [ 0.8629007 ]
 [ 0.93828585]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.44252695]
 [-0.97449941]
 [ 0.42329939]]
dot product : [[-0.26336584]
 [-1.25802099]]
result : [[ 0.36159598]
 [-0.93143612]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.36159598]
 [-0.93143612]]
dot product : [[ 1.33065646]
 [ 0.29416191]
 [ 0.80231011]]
result : [[ 1.44805581]
 [ 0.84670597]
 [ 0.91002758]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.00935906]
 [-0.57188877]
 [ 0.69819556]]
dot product : [[-0.32255011]
 [-0.8827108 ]]
result : [[ 0.30241171]
 [-0.55612592]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.30241171]
 [-0.55612592]]
dot product : [[ 0.9140923 ]
 [ 0.12167684]
 [ 0.53229416]]
result : [[ 1.03149164]
 [ 0.6742209 ]
 [ 0.64001163]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.81402889]
 [-0.83872816]
 [ 0.49878306]]
dot product : [[-0.58445354]
 [-0.62736084]]
result : [[ 0.04050828]
 [-0.30077597]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.04050828]
 [-0.30077597]]
dot product : [[ 0.32426714]
 [ 0.1425478 ]
 [ 0.21213067]]
result : [[ 0.44166649]
 [ 0.69509186]
 [ 0.31984814]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.6841651 ]
 [-0.02576757]
 [ 1.07011403]]
dot product : [[-0.41969708]
 [-0.34538652]]
result : [[ 0.20526474]
 [-0.01880165]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.20526474]
 [-0.01880165]]
dot product : [[ 0.30054342]
 [-0.11752459]
 [ 0.13807478]]
result : [[ 0.41794276]
 [ 0.43501947]
 [ 0.24579225]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.5761078 ]
 [-1.06372307]
 [ 0.36290032]]
dot product : [[-0.24113086]
 [-1.35645988]]
result : [[ 0.38383096]
 [-1.029875  ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.38383096]
 [-1.029875  ]]
dot product : [[ 1.44919455]
 [ 0.33521664]
 [ 0.87726386]]
result : [[ 1.56659389]
 [ 0.8877607 ]
 [ 0.98498133]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.31706324]
 [-0.8727042 ]
 [ 0.49262874]]
dot product : [[-0.28138701]
 [-1.15801065]]
result : [[ 0.34357481]
 [-0.83142577]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.34357481]
 [-0.83142577]]
dot product : [[ 1.21654228]
 [ 0.24960245]
 [ 0.72897262]]
result : [[ 1.33394163]
 [ 0.80214651]
 [ 0.83669009]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.24044795]
 [-0.80532804]
 [ 0.53861663]]
dot product : [[-0.2915622 ]
 [-1.09474983]]
result : [[ 0.33339962]
 [-0.76816496]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.33339962]
 [-0.76816496]]
dot product : [[ 1.14605231]
 [ 0.22065335]
 [ 0.68333708]]
result : [[ 1.26345165]
 [ 0.77319741]
 [ 0.79105455]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.74891835]
 [-0.01094122]
 [ 1.07948694]]
dot product : [[-0.43499779]
 [-0.30960039]]
result : [[ 0.18996404]
 [ 0.01698449]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.18996404]
 [ 0.01698449]]
dot product : [[ 0.24747248]
 [-0.12794827]
 [ 0.10638284]]
result : [[ 0.36487183]
 [ 0.42459579]
 [ 0.2141003 ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.43987726]
 [-0.18029201]
 [ 0.96571207]]
dot product : [[-0.37765922]
 [-0.52177921]]
result : [[ 0.24730261]
 [-0.19519434]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.24730261]
 [-0.19519434]]
dot product : [[ 0.51598639]
 [-0.04532751]
 [ 0.27373581]]
result : [[ 0.63338573]
 [ 0.50721655]
 [ 0.38145328]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.69939058]
 [-0.02062908]
 [ 1.07347501]]
dot product : [[-0.42303186]
 [-0.33627848]]
result : [[ 0.20192996]
 [-0.00969361]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.20192996]
 [-0.00969361]]
dot product : [[ 0.2878096 ]
 [-0.12052646]
 [ 0.1303532 ]]
result : [[ 0.40520894]
 [ 0.4320176 ]
 [ 0.23807067]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.87519723]
 [-0.65344906]
 [ 0.65487403]]
dot product : [[-0.09428949]
 [-1.32078221]]
result : [[ 0.53067233]
 [-0.99419733]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.53067233]
 [-0.99419733]]
dot product : [[ 1.62037823]
 [ 0.22373264]
 [ 0.94546387]]
result : [[ 1.73777757]
 [ 0.77627671]
 [ 1.05318133]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.77815857]
 [-1.10857954]
 [ 0.33463877]]
dot product : [[-0.19316402]
 [-1.46753361]]
result : [[ 0.43179781]
 [-1.14094874]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.43179781]
 [-1.14094874]]
dot product : [[ 1.61457552]
 [ 0.36727287]
 [ 0.97592314]]
result : [[ 1.73197486]
 [ 0.91981694]
 [ 1.08364061]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.8708618 ]
 [-0.61292545]
 [ 0.68318458]]
dot product : [[-0.08902465]
 [-1.30179204]]
result : [[ 0.53593717]
 [-0.97520716]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.53593717]
 [-0.97520716]]
dot product : [[ 1.61071922]
 [ 0.20985407]
 [ 0.93688647]]
result : [[ 1.72811856]
 [ 0.76239813]
 [ 1.04460394]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.88050667]
 [-0.13357725]
 [ 0.99155448]]
dot product : [[-0.4903957]
 [-0.301005 ]]
result : [[ 0.13456613]
 [ 0.02557987]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.13456613]
 [ 0.02557987]]
dot product : [[ 0.16321976]
 [-0.09819464]
 [ 0.0669271 ]]
result : [[ 0.28061911]
 [ 0.45434942]
 [ 0.17464457]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.66048242]
 [-0.03533603]
 [ 1.06378268]]
dot product : [[-0.41476064]
 [-0.3602152 ]]
result : [[ 0.21020118]
 [-0.03363033]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.21020118]
 [-0.03363033]]
dot product : [[ 0.32059379]
 [-0.11232991]
 [ 0.15034275]]
result : [[ 0.43799313]
 [ 0.44021415]
 [ 0.25806021]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.81535065]
 [-1.08557778]
 [ 0.35132659]]
dot product : [[-0.17936145]
 [-1.47485763]]
result : [[ 0.44560037]
 [-1.14827275]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.44560037]
 [-1.14827275]]
dot product : [[ 1.64018963]
 [ 0.36275109]
 [ 0.98897902]]
result : [[ 1.75758898]
 [ 0.91529515]
 [ 1.09669648]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.8841156 ]
 [-0.79645963]
 [ 0.55486465]]
dot product : [[-0.11460988]
 [-1.38488634]]
result : [[ 0.51035194]
 [-1.05830147]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.51035194]
 [-1.05830147]]
dot product : [[ 1.6494609 ]
 [ 0.272171  ]
 [ 0.97284934]]
result : [[ 1.76686024]
 [ 0.82471506]
 [ 1.08056681]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.3027292 ]
 [-0.29732748]
 [ 0.88589238]]
dot product : [[-0.35887617]
 [-0.63352142]]
result : [[ 0.26608566]
 [-0.30693655]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.26608566]
 [-0.30693655]]
dot product : [[ 0.64161762]
 [ 0.00530233]
 [ 0.35484382]]
result : [[ 0.75901697]
 [ 0.55784639]
 [ 0.46256129]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.5017083 ]
 [-1.01718375]
 [ 0.39433099]]
dot product : [[-0.25401684]
 [-1.30295748]]
result : [[ 0.37094498]
 [-0.97637261]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.37094498]
 [-0.97637261]]
dot product : [[ 1.38366059]
 [ 0.31340263]
 [ 0.83603265]]
result : [[ 1.50105994]
 [ 0.86594669]
 [ 0.94375012]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.15797529]
 [-0.43065982]
 [ 0.7947788 ]]
dot product : [[-0.34061164]
 [-0.75557705]]
result : [[ 0.28435018]
 [-0.42899218]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.28435018]
 [-0.42899218]]
dot product : [[ 0.77573067]
 [ 0.06200968]
 [ 0.44205127]]
result : [[ 0.89313001]
 [ 0.61455374]
 [ 0.54976873]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.79777761]
 [-0.01697286]
 [ 1.07450114]]
dot product : [[-0.44928233]
 [-0.28982618]]
result : [[ 0.1756795 ]
 [ 0.03675869]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.1756795 ]
 [ 0.03675869]]
dot product : [[ 0.21008759]
 [-0.13007219]
 [ 0.08528171]]
result : [[ 0.32748693]
 [ 0.42247187]
 [ 0.19299918]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.85465634]
 [-0.63408057]
 [ 0.64146157]]
dot product : [[-0.56297458]
 [-0.52290647]]
result : [[ 0.06198725]
 [-0.1963216 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.06198725]
 [-0.1963216 ]]
dot product : [[ 0.26079737]
 [ 0.07087441]
 [ 0.16034606]]
result : [[ 0.37819671]
 [ 0.62341847]
 [ 0.26806353]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.88477696]
 [-0.42422919]
 [ 0.78794808]]
dot product : [[-0.53780227]
 [-0.42106445]]
result : [[ 0.08715955]
 [-0.09447958]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.08715955]
 [-0.09447958]]
dot product : [[ 0.20476354]
 [-0.00164485]
 [ 0.11246112]]
result : [[ 0.32216288]
 [ 0.55089921]
 [ 0.22017858]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.51887351]
 [-0.1200104 ]
 [ 1.00669461]]
dot product : [[-0.38961246]
 [-0.46040952]]
result : [[ 0.23534936]
 [-0.13382465]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.23534936]
 [-0.13382465]]
dot product : [[ 0.44472499]
 [-0.0721126 ]
 [ 0.22818255]]
result : [[ 0.56212434]
 [ 0.48043146]
 [ 0.33590002]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.26254751]
 [-0.82507121]
 [ 0.52513537]]
dot product : [[-0.28867629]
 [-1.11312687]]
result : [[ 0.33628554]
 [-0.786542  ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.33628554]
 [-0.786542  ]]
dot product : [[ 1.1664327 ]
 [ 0.22910658]
 [ 0.69655098]]
result : [[ 1.28383204]
 [ 0.78165064]
 [ 0.80426845]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.77334271]
 [-1.01494568]
 [ 0.37601468]]
dot product : [[-0.60139334]
 [-0.71990772]]
result : [[ 0.02356848]
 [-0.39332285]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.02356848]
 [-0.39332285]]
dot product : [[ 0.3833918]
 [ 0.2047468]
 [ 0.2592991]]
result : [[ 0.50079114]
 [ 0.75729086]
 [ 0.36701657]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.86565678]
 [-0.57043228]
 [ 0.71286083]]
dot product : [[-0.08368361]
 [-1.28157808]]
result : [[ 0.54127821]
 [-0.95499321]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.54127821]
 [-0.95499321]]
dot product : [[ 1.60007404]
 [ 0.19524519]
 [ 0.92759436]]
result : [[ 1.71747339]
 [ 0.74778925]
 [ 1.03531182]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.28086071]
 [-0.31698969]
 [ 0.8724642 ]]
dot product : [[-0.35604039]
 [-0.65175898]]
result : [[ 0.26892143]
 [-0.32517411]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.26892143]
 [-0.32517411]]
dot product : [[ 0.6618043 ]
 [ 0.013709  ]
 [ 0.36794005]]
result : [[ 0.77920365]
 [ 0.56625307]
 [ 0.47565752]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.47245184]
 [-0.99661205]
 [ 0.40828086]]
dot product : [[-0.25872278]
 [-1.28096524]]
result : [[ 0.36623905]
 [-0.95438037]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.36623905]
 [-0.95438037]]
dot product : [[ 1.35753963]
 [ 0.30406745]
 [ 0.81944828]]
result : [[ 1.47493897]
 [ 0.85661151]
 [ 0.92716574]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.40909873]
 [-0.20541402]
 [ 0.94859942]]
dot product : [[-0.37326213]
 [-0.54637644]]
result : [[ 0.2516997 ]
 [-0.21979157]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.2516997 ]
 [-0.21979157]]
dot product : [[ 0.5440038 ]
 [-0.03434632]
 [ 0.29175129]]
result : [[ 0.66140315]
 [ 0.51819774]
 [ 0.39946876]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.85373844]
 [-0.0643567 ]
 [ 1.04044617]]
dot product : [[-0.47208264]
 [-0.28416854]]
result : [[ 0.15287918]
 [ 0.04241633]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.15287918]
 [ 0.04241633]]
dot product : [[ 0.17352055]
 [-0.1190092 ]
 [ 0.06772337]]
result : [[ 0.29091989]
 [ 0.43353486]
 [ 0.17544083]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.88312251]
 [-0.87095692]
 [ 0.50267967]]
dot product : [[-0.12673305]
 [-1.4157052 ]]
result : [[ 0.49822877]
 [-1.08912033]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.49822877]
 [-1.08912033]]
dot product : [[ 1.66018857]
 [ 0.29692635]
 [ 0.98456606]]
result : [[ 1.77758791]
 [ 0.84947041]
 [ 1.09228352]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.84182799]
 [-0.0479054 ]
 [ 1.05215254]]
dot product : [[-0.46621706]
 [-0.28270024]]
result : [[ 0.15874477]
 [ 0.04388463]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.15874477]
 [ 0.04388463]]
dot product : [[ 0.18032   ]
 [-0.1234865 ]
 [ 0.07042076]]
result : [[ 0.29771934]
 [ 0.42905756]
 [ 0.17813823]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.87806208]
 [-0.48202356]
 [ 0.74758014]]
dot product : [[-0.54516592]
 [-0.4483908 ]]
result : [[ 0.0797959 ]
 [-0.12180593]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.0797959 ]
 [-0.12180593]]
dot product : [[ 0.21895611]
 [ 0.01819364]
 [ 0.12493447]]
result : [[ 0.33635546]
 [ 0.5707377 ]
 [ 0.23265194]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.08239468]
 [-0.65908384]
 [ 0.63856482]]
dot product : [[-0.31139949]
 [-0.96120243]]
result : [[ 0.31356233]
 [-0.63461756]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.31356233]
 [-0.63461756]]
dot product : [[ 0.99951531]
 [ 0.15851529]
 [ 0.58800931]]
result : [[ 1.11691466]
 [ 0.71105935]
 [ 0.69572677]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.42222839]
 [-0.95895256]
 [ 0.43387011]]
dot product : [[-0.26642821]
 [-1.2422277 ]]
result : [[ 0.35853361]
 [-0.91564283]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.35853361]
 [-0.91564283]]
dot product : [[ 1.3123366 ]
 [ 0.28726027]
 [ 0.7905956 ]]
result : [[ 1.42973594]
 [ 0.83980433]
 [ 0.89831307]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.16929504]
 [-0.42001607]
 [ 0.80205595]]
dot product : [[-0.34200538]
 [-0.74594115]]
result : [[ 0.28295645]
 [-0.41935627]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.28295645]
 [-0.41935627]]
dot product : [[ 0.76520949]
 [ 0.05750276]
 [ 0.43519618]]
result : [[ 0.88260883]
 [ 0.61004682]
 [ 0.54291365]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.87538845]
 [-0.50225611]
 [ 0.73345324]]
dot product : [[-0.54765571]
 [-0.45810458]]
result : [[ 0.07730611]
 [-0.13151971]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.07730611]
 [-0.13151971]]
dot product : [[ 0.22417785]
 [ 0.02516599]
 [ 0.12944708]]
result : [[ 0.34157719]
 [ 0.57771005]
 [ 0.23716455]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.87822135]
 [-0.1243584 ]
 [ 0.99804596]]
dot product : [[-0.48830575]
 [-0.29817848]]
result : [[ 0.13665608]
 [ 0.0284064 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.13665608]
 [ 0.0284064 ]]
dot product : [[ 0.16358807]
 [-0.10107504]
 [ 0.06645468]]
result : [[ 0.28098741]
 [ 0.45146902]
 [ 0.17417215]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.8641857 ]
 [-0.08405028]
 [ 1.02649209]]
dot product : [[-0.47806502]
 [-0.28766587]]
result : [[ 0.1468968]
 [ 0.038919 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.1468968]
 [ 0.038919 ]]
dot product : [[ 0.16836934]
 [-0.11332699]
 [ 0.06621685]]
result : [[ 0.28576868]
 [ 0.43921707]
 [ 0.17393432]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.88137046]
 [-0.8976838 ]
 [ 0.48393586]]
dot product : [[-0.13146305]
 [-1.42612466]]
result : [[ 0.49349878]
 [-1.09953978]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.49349878]
 [-1.09953978]]
dot product : [[ 1.66294267]
 [ 0.30568954]
 [ 0.98813865]]
result : [[ 1.78034201]
 [ 0.8582336 ]
 [ 1.09585612]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.82087594]
 [-0.30014702]
 [ 0.90143979]]
dot product : [[-0.05289458]
 [-1.14767435]]
result : [[ 0.57206725]
 [-0.82108948]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.57206725]
 [-0.82108948]]
dot product : [[ 1.52320903]
 [ 0.10133493]
 [ 0.86321344]]
result : [[ 1.64060837]
 [ 0.65387899]
 [ 0.97093091]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.77227571]
 [-1.11056888]
 [ 0.33315392]]
dot product : [[-0.19508489]
 [-1.46568294]]
result : [[ 0.42987693]
 [-1.13909806]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.42987693]
 [-1.13909806]]
dot product : [[ 1.61026931]
 [ 0.3674383 ]
 [ 0.97358874]]
result : [[ 1.72766866]
 [ 0.91998236]
 [ 1.08130621]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.88312225]
 [-0.76350839]
 [ 0.57792449]]
dot product : [[-0.10963834]
 [-1.37060066]]
result : [[ 0.51532349]
 [-1.04401579]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.51532349]
 [-1.04401579]]
dot product : [[ 1.64359241]
 [ 0.2611001 ]
 [ 0.96701927]]
result : [[ 1.76099175]
 [ 0.81364416]
 [ 1.07473674]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.35980925]
 [-0.90878401]
 [ 0.46802911]]
dot product : [[-0.2754695 ]
 [-1.19267133]]
result : [[ 0.34949232]
 [-0.86608646]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.34949232]
 [-0.86608646]]
dot product : [[ 1.25563735]
 [ 0.26525009]
 [ 0.75418727]]
result : [[ 1.37303669]
 [ 0.81779415]
 [ 0.86190473]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.34591249]
 [-0.2591908 ]
 [ 0.91192558]]
dot product : [[-0.36458569]
 [-0.59779767]]
result : [[ 0.26037613]
 [-0.2712128 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.26037613]
 [-0.2712128 ]]
dot product : [[ 0.60186194]
 [-0.01106814]
 [ 0.32909561]]
result : [[ 0.71926128]
 [ 0.54147592]
 [ 0.43681308]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.02509018]
 [-0.60471442]
 [ 0.6757454 ]]
dot product : [[-0.31837757]
 [-0.91221766]]
result : [[ 0.30658425]
 [-0.58563279]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.30658425]
 [-0.58563279]]
dot product : [[ 0.94617823]
 [ 0.13553729]
 [ 0.55322696]]
result : [[ 1.06357758]
 [ 0.68808135]
 [ 0.66094443]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.80786871]
 [-0.86671599]
 [ 0.47927961]]
dot product : [[-0.58722633]
 [-0.64192185]]
result : [[ 0.0377355 ]
 [-0.31533697]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.0377355 ]
 [-0.31533697]]
dot product : [[ 0.33342095]
 [ 0.15240104]
 [ 0.21948578]]
result : [[ 0.45082029]
 [ 0.7049451 ]
 [ 0.32720325]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.72041262]
 [-1.11554813]
 [ 0.32885824]]
dot product : [[-0.21002121]
 [-1.4440956 ]]
result : [[ 0.41494061]
 [-1.11751072]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.41494061]
 [-1.11751072]]
dot product : [[ 1.5703662 ]
 [ 0.36470926]
 [ 0.95095792]]
result : [[ 1.68776555]
 [ 0.91725332]
 [ 1.05867539]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.03656671]
 [-0.6156325 ]
 [ 0.66827857]]
dot product : [[-0.31698472]
 [-0.92204031]]
result : [[ 0.3079771 ]
 [-0.59545543]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.3079771 ]
 [-0.59545543]]
dot product : [[ 0.95686474]
 [ 0.14014895]
 [ 0.56019771]]
result : [[ 1.07426408]
 [ 0.69269301]
 [ 0.66791518]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.85867859]
 [-0.61084914]
 [ 0.65766752]]
dot product : [[-0.56037546]
 [-0.51131814]]
result : [[ 0.06458636]
 [-0.18473327]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.06458636]
 [-0.18473327]]
dot product : [[ 0.25405483]
 [ 0.06278802]
 [ 0.1547341 ]]
result : [[ 0.37145417]
 [ 0.61533208]
 [ 0.26245157]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.88454188]
 [-0.15320278]
 [ 0.97774804]]
dot product : [[-0.49461855]
 [-0.30740112]]
result : [[ 0.13034327]
 [ 0.01918375]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.13034327]
 [ 0.01918375]]
dot product : [[ 0.16308652]
 [-0.09199246]
 [ 0.06830796]]
result : [[ 0.28048587]
 [ 0.4605516 ]
 [ 0.17602542]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.66850921]
 [-1.10502797]
 [ 0.33541597]]
dot product : [[-0.2225026 ]
 [-1.41598355]]
result : [[ 0.40245922]
 [-1.08939868]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.40245922]
 [-1.08939868]]
dot product : [[ 1.52803752]
 [ 0.35680889]
 [ 0.92577778]]
result : [[ 1.64543686]
 [ 0.90935295]
 [ 1.03349524]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.88628836]
 [-0.1636171 ]
 [ 0.97042779]]
dot product : [[-0.49675175]
 [-0.31097548]]
result : [[ 0.12821008]
 [ 0.0156094 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.12821008]
 [ 0.0156094 ]]
dot product : [[ 0.16332544]
 [-0.08866785]
 [ 0.06921918]]
result : [[ 0.28072478]
 [ 0.46387621]
 [ 0.17693664]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.58500707]
 [-1.0686209 ]
 [ 0.35960921]]
dot product : [[-0.23948308]
 [-1.36257874]]
result : [[ 0.38547875]
 [-1.03599386]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.38547875]
 [-1.03599386]]
dot product : [[ 1.45693005]
 [ 0.33760287]
 [ 0.88208648]]
result : [[ 1.57432939]
 [ 0.89014693]
 [ 0.98980394]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.11248479]
 [-0.47366382]
 [ 0.76537305]]
dot product : [[-0.33504727]
 [-0.79439732]]
result : [[ 0.28991455]
 [-0.46781245]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.28991455]
 [-0.46781245]]
dot product : [[ 0.8180475 ]
 [ 0.0801983 ]
 [ 0.46963726]]
result : [[ 0.93544684]
 [ 0.63274236]
 [ 0.57735473]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.77743051]
 [-0.09431641]
 [ 1.04490281]]
dot product : [[-0.03199591]
 [-1.04143687]]
result : [[ 0.59296591]
 [-0.71485199]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.59296591]
 [-0.71485199]]
dot product : [[ 1.45734662]
 [ 0.0290286 ]
 [ 0.80996182]]
result : [[ 1.57474596]
 [ 0.58157266]
 [ 0.91767929]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.55803192]
 [-1.05329141]
 [ 0.36992359]]
dot product : [[-0.24440087]
 [-1.34382857]]
result : [[ 0.38056095]
 [-1.0172437 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.38056095]
 [-1.0172437 ]]
dot product : [[ 1.43340783]
 [ 0.33020866]
 [ 0.86738941]]
result : [[ 1.55080717]
 [ 0.88275272]
 [ 0.97510687]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.59381163]
 [-1.07330163]
 [ 0.35646866]]
dot product : [[-0.23782659]
 [-1.36856322]]
result : [[ 0.38713524]
 [-1.04197835]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.38713524]
 [-1.04197835]]
dot product : [[ 1.46455773]
 [ 0.33990869]
 [ 0.88683082]]
result : [[ 1.58195708]
 [ 0.89245276]
 [ 0.99454829]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.80326333]
 [-0.01910134]
 [ 1.07292504]]
dot product : [[-0.45111703]
 [-0.28821523]]
result : [[ 0.17384479]
 [ 0.03836965]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.17384479]
 [ 0.03836965]]
dot product : [[ 0.20611432]
 [-0.12982676]
 [ 0.08314956]]
result : [[ 0.32351367]
 [ 0.4227173 ]
 [ 0.19086703]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.77443049]
 [-0.01156442]
 [ 1.07865268]]
dot product : [[-0.44205462]
 [-0.29821471]]
result : [[ 0.18290721]
 [ 0.02837016]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.18290721]
 [ 0.02837016]]
dot product : [[ 0.22756156]
 [-0.12989961]
 [ 0.09495222]]
result : [[ 0.3449609 ]
 [ 0.42264445]
 [ 0.20266969]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.4324114 ]
 [-0.96680394]
 [ 0.42853068]]
dot product : [[-0.26490023]
 [-1.25017247]]
result : [[ 0.36006159]
 [-0.9235876 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.36006159]
 [-0.9235876 ]]
dot product : [[ 1.32153502]
 [ 0.29073994]
 [ 0.79648083]]
result : [[ 1.43893437]
 [ 0.843284  ]
 [ 0.9041983 ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.87164646]
 [-0.96772944]
 [ 0.43473216]]
dot product : [[-0.14525906]
 [-1.45108882]]
result : [[ 0.47970276]
 [-1.12450395]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.47970276]
 [-1.12450395]]
dot product : [[ 1.66613579]
 [ 0.32822168]
 [ 0.99518172]]
result : [[ 1.78353513]
 [ 0.88076574]
 [ 1.10289919]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.88431089]
 [-0.8122521 ]
 [ 0.54380843]]
dot product : [[-0.11706917]
 [-1.39160481]]
result : [[ 0.50789265]
 [-1.06501994]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.50789265]
 [-1.06501994]]
dot product : [[ 1.65205327]
 [ 0.27745316]
 [ 0.97551657]]
result : [[ 1.76945261]
 [ 0.82999722]
 [ 1.08323404]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.02084301]
 [-0.56093583]
 [ 0.70568668]]
dot product : [[-0.32393943]
 [-0.87287014]]
result : [[ 0.30102239]
 [-0.54628526]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.30102239]
 [-0.54628526]]
dot product : [[ 0.9033946 ]
 [ 0.11705293]
 [ 0.52531436]]
result : [[ 1.02079394]
 [ 0.66959699]
 [ 0.63303183]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.18458517]
 [-0.75451282]
 [ 0.57333073]]
dot product : [[-0.29871255]
 [-1.04791524]]
result : [[ 0.32624927]
 [-0.72133037]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.32624927]
 [-0.72133037]]
dot product : [[ 1.09439482]
 [ 0.19898243]
 [ 0.64978685]]
result : [[ 1.21179417]
 [ 0.75152649]
 [ 0.75750432]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.891427  ]
 [-0.20937399]
 [ 0.9383047 ]]
dot product : [[-0.50543296]
 [-0.32783718]]
result : [[ 0.11952886]
 [-0.0012523 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.11952886]
 [-0.0012523 ]]
dot product : [[ 0.16636298]
 [-0.07384617]
 [ 0.07436856]]
result : [[ 0.28376232]
 [ 0.47869789]
 [ 0.18208603]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.86603769]
 [-0.56591058]
 [ 0.68902265]]
dot product : [[-0.55523283]
 [-0.48909425]]
result : [[ 0.06972899]
 [-0.16250938]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.06972899]
 [-0.16250938]]
dot product : [[ 0.24134267]
 [ 0.04718148]
 [ 0.14406892]]
result : [[ 0.35874201]
 [ 0.59972554]
 [ 0.25178639]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.89224133]
 [-0.22185723]
 [ 0.92955015]]
dot product : [[-0.5076411 ]
 [-0.33270558]]
result : [[ 0.11732073]
 [-0.00612071]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.11732073]
 [-0.00612071]]
dot product : [[ 0.16765247]
 [-0.06975284]
 [ 0.07603901]]
result : [[ 0.28505181]
 [ 0.48279122]
 [ 0.18375648]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.84136483]
 [-1.05252402]
 [ 0.37487938]]
dot product : [[-0.16700809]
 [-1.4728589 ]]
result : [[ 0.45795374]
 [-1.14627403]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.45795374]
 [-1.14627403]]
dot product : [[ 1.65548521]
 [ 0.3539317 ]
 [ 0.99534056]]
result : [[ 1.77288455]
 [ 0.90647576]
 [ 1.10305803]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.82906   ]
 [-1.07064725]
 [ 0.36199604]]
dot product : [[-0.17324722]
 [-1.47484898]]
result : [[ 0.4517146 ]
 [-1.14826411]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.4517146 ]
 [-1.14826411]]
dot product : [[ 1.64863471]
 [ 0.3589331 ]
 [ 0.99273793]]
result : [[ 1.76603406]
 [ 0.91147716]
 [ 1.10045539]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.74083576]
 [-1.11590179]
 [ 0.32892906]]
dot product : [[-0.20450767]
 [-1.45356801]]
result : [[ 0.42045416]
 [-1.12698314]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.42045416]
 [-1.12698314]]
dot product : [[ 1.58643711]
 [ 0.36655562]
 [ 0.96024766]]
result : [[ 1.70383645]
 [ 0.91909968]
 [ 1.06796512]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.03232454]
 [-0.54998373]
 [ 0.71317725]]
dot product : [[-0.32532823]
 [-0.86303093]]
result : [[ 0.29963359]
 [-0.53644606]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.29963359]
 [-0.53644606]]
dot product : [[ 0.89269892]
 [ 0.1124295 ]
 [ 0.51833579]]
result : [[ 1.01009826]
 [ 0.66497356]
 [ 0.62605326]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.89171727]
 [-0.33735345]
 [ 0.84867781]]
dot product : [[-0.52587333]
 [-0.3814275 ]]
result : [[ 0.0990885 ]
 [-0.05484262]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.0990885 ]
 [-0.05484262]]
dot product : [[ 0.18590241]
 [-0.03119893]
 [ 0.09513678]]
result : [[ 0.30330175]
 [ 0.52134513]
 [ 0.20285425]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.41942256]
 [-0.19690025]
 [ 0.95440051]]
dot product : [[-0.37472313]
 [-0.53808933]]
result : [[ 0.2502387 ]
 [-0.21150446]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.2502387 ]
 [-0.21150446]]
dot product : [[ 0.53459264]
 [-0.03805876]
 [ 0.28569424]]
result : [[ 0.65199198]
 [ 0.5144853 ]
 [ 0.3934117 ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.69887632]
 [-1.1126556 ]
 [ 0.330548  ]]
dot product : [[-0.2154344 ]
 [-1.43304922]]
result : [[ 0.40952742]
 [-1.10646435]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.40952742]
 [-1.10646435]]
dot product : [[ 1.5530302 ]
 [ 0.36192216]
 [ 0.9407504 ]]
result : [[ 1.67042954]
 [ 0.91446622]
 [ 1.04846786]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.21820126]
 [-0.78523648]
 [ 0.55233957]]
dot product : [[-0.29443281]
 [-1.07615938]]
result : [[ 0.33052901]
 [-0.74957451]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.33052901]
 [-0.74957451]]
dot product : [[ 1.12550273]
 [ 0.21207151]
 [ 0.66999978]]
result : [[ 1.24290207]
 [ 0.76461557]
 [ 0.77771725]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.836243  ]
 [-0.73217645]
 [ 0.57305343]]
dot product : [[-0.57355968]
 [-0.57249128]]
result : [[ 0.05140214]
 [-0.2459064 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.05140214]
 [-0.2459064 ]]
dot product : [[ 0.29038891]
 [ 0.10514057]
 [ 0.18468889]]
result : [[ 0.40778825]
 [ 0.65768463]
 [ 0.29240636]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.87575982]
 [-0.11553038]
 [ 1.00426649]]
dot product : [[-0.48622992]
 [-0.29559646]]
result : [[ 0.1387319 ]
 [ 0.03098841]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.1387319 ]
 [ 0.03098841]]
dot product : [[ 0.16415492]
 [-0.10381022]
 [ 0.06612574]]
result : [[ 0.28155427]
 [ 0.44873385]
 [ 0.17384321]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.86272391]
 [-0.54843756]
 [ 0.72821772]]
dot product : [[-0.08098416]
 [-1.27100623]]
result : [[ 0.54397766]
 [-0.94442136]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.54397766]
 [-0.94442136]]
dot product : [[ 1.59437683]
 [ 0.18766334]
 [ 0.92267679]]
result : [[ 1.71177617]
 [ 0.7402074 ]
 [ 1.03039426]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.50926384]
 [-0.12696721]
 [ 1.0019727 ]]
dot product : [[-0.38809852]
 [-0.46771701]]
result : [[ 0.2368633 ]
 [-0.14113214]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.2368633 ]
 [-0.14113214]]
dot product : [[ 0.45333562]
 [-0.06897973]
 [ 0.23366253]]
result : [[ 0.57073496]
 [ 0.48356433]
 [ 0.34137999]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.39129169]
 [-0.9345011 ]
 [ 0.45051071]]
dot product : [[-0.27097512]
 [-1.21783974]]
result : [[ 0.3539867 ]
 [-0.89125486]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.3539867 ]
 [-0.89125486]]
dot product : [[ 1.28429871]
 [ 0.27648927]
 [ 0.77261812]]
result : [[ 1.40169805]
 [ 0.82903333]
 [ 0.88033559]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.33854048]
 [-0.89098712]
 [ 0.48016037]]
dot product : [[-0.2784385 ]
 [-1.17549059]]
result : [[ 0.34652333]
 [-0.84890572]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.34652333]
 [-0.84890572]]
dot product : [[ 1.2362091 ]
 [ 0.25751612]
 [ 0.74166675]]
result : [[ 1.35360844]
 [ 0.81006018]
 [ 0.84938422]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.40166683]
 [-0.94279731]
 [ 0.44486278]]
dot product : [[-0.26946551]
 [-1.22605895]]
result : [[ 0.35549631]
 [-0.89947408]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.35549631]
 [-0.89947408]]
dot product : [[ 1.29371652]
 [ 0.28013352]
 [ 0.77866285]]
result : [[ 1.41111586]
 [ 0.83267758]
 [ 0.88638032]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.86937796]
 [-0.5441958 ]
 [ 0.70417715]]
dot product : [[-0.55268903]
 [-0.47845392]]
result : [[ 0.0722728 ]
 [-0.15186905]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.0722728 ]
 [-0.15186905]]
dot product : [[ 0.2353692 ]
 [ 0.03965849]
 [ 0.13901291]]
result : [[ 0.35276855]
 [ 0.59220255]
 [ 0.24673038]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.11663588]
 [-0.69133326]
 [ 0.61651493]]
dot product : [[-0.30719202]
 [-0.99037243]]
result : [[ 0.31776981]
 [-0.66378756]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.31776981]
 [-0.66378756]]
dot product : [[ 1.0313491 ]
 [ 0.172166  ]
 [ 0.60875396]]
result : [[ 1.14874844]
 [ 0.72471007]
 [ 0.71647143]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.8608687 ]
 [-0.07711913]
 [ 1.03139762]]
dot product : [[-0.47605768]
 [-0.28627067]]
result : [[ 0.14890415]
 [ 0.0403142 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.14890415]
 [ 0.0403142 ]]
dot product : [[ 0.16990006]
 [-0.1153573 ]
 [ 0.06658438]]
result : [[ 0.2872994 ]
 [ 0.43718676]
 [ 0.17430185]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.3062507 ]
 [-0.86339003]
 [ 0.49898272]]
dot product : [[-0.28285396]
 [-1.14916443]]
result : [[ 0.34210787]
 [-0.82257956]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.34210787]
 [-0.82257956]]
dot product : [[ 1.20662423]
 [ 0.24558177]
 [ 0.72256394]]
result : [[ 1.32402358]
 [ 0.79812583]
 [ 0.83028141]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.87313736]
 [-0.63343154]
 [ 0.66885992]]
dot product : [[-0.09166653]
 [-1.3114389 ]]
result : [[ 0.5332953 ]
 [-0.98485403]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.5332953 ]
 [-0.98485403]]
dot product : [[ 1.61567103]
 [ 0.21688393]
 [ 0.94126381]]
result : [[ 1.73307037]
 [ 0.769428  ]
 [ 1.04898128]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.19582107]
 [-0.76482712]
 [ 0.56628298]]
dot product : [[-0.29728927]
 [-1.05737457]]
result : [[ 0.32767255]
 [-0.7307897 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.32767255]
 [-0.7307897 ]]
dot product : [[ 1.10479936]
 [ 0.20337241]
 [ 0.65655023]]
result : [[ 1.2221987 ]
 [ 0.75591647]
 [ 0.7642677 ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.84992859]
 [-0.05851777]
 [ 1.04459451]]
dot product : [[-0.47011466]
 [-0.28345684]]
result : [[ 0.15484717]
 [ 0.04312804]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.15484717]
 [ 0.04312804]]
dot product : [[ 0.17560646]
 [-0.12063362]
 [ 0.06849204]]
result : [[ 0.2930058 ]
 [ 0.43191044]
 [ 0.17620951]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.61963995]
 [-1.08600301]
 [ 0.34797682]]
dot product : [[-0.23280343]
 [-1.3856866 ]]
result : [[ 0.39215839]
 [-1.05910173]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.39215839]
 [-1.05910173]]
dot product : [[ 1.48677467]
 [ 0.34632957]
 [ 0.90058031]]
result : [[ 1.60417401]
 [ 0.89887363]
 [ 1.00829778]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.207027  ]
 [-0.77506961]
 [ 0.55928504]]
dot product : [[-0.29586274]
 [-1.06679008]]
result : [[ 0.32909908]
 [-0.74020521]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.32909908]
 [-0.74020521]]
dot product : [[ 1.1151693 ]
 [ 0.20773591]
 [ 0.66328834]]
result : [[ 1.23256864]
 [ 0.76027997]
 [ 0.77100581]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.15071471]
 [-0.72317733]
 [ 0.59474638]]
dot product : [[-0.30296433]
 [-1.01929815]]
result : [[ 0.32199749]
 [-0.69271327]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.32199749]
 [-0.69271327]]
dot product : [[ 1.06299294]
 [ 0.18566782]
 [ 0.62935903]]
result : [[ 1.18039228]
 [ 0.73821188]
 [ 0.7370765 ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.82464401]
 [-1.07597374]
 [ 0.3581971 ]]
dot product : [[-0.17529899]
 [-1.47506885]]
result : [[ 0.44966284]
 [-1.14848398]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.44966284]
 [-1.14848398]]
dot product : [[ 1.64599429]
 [ 0.36033536]
 [ 0.99161157]]
result : [[ 1.76339364]
 [ 0.91287942]
 [ 1.09932904]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.33519014]
 [-0.26856694]
 [ 0.9055268 ]]
dot product : [[-0.36315321]
 [-0.60662873]]
result : [[ 0.26180862]
 [-0.28004386]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.26180862]
 [-0.28004386]]
dot product : [[ 0.61171883]
 [-0.00703443]
 [ 0.33547365]]
result : [[ 0.72911817]
 [ 0.54550963]
 [ 0.44319111]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.85862676]
 [-1.01494338]
 [ 0.40146581]]
dot product : [[-0.15632142]
 [-1.46496415]]
result : [[ 0.4686404 ]
 [-1.13837928]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.4686404 ]
 [-1.13837928]]
dot product : [[ 1.66321788]
 [ 0.34286221]
 [ 0.99700654]]
result : [[ 1.78061722]
 [ 0.89540627]
 [ 1.104724  ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.56711552]
 [-1.05861197]
 [ 0.36633933]]
dot product : [[-0.24277008]
 [-1.35020903]]
result : [[ 0.38219175]
 [-1.02362415]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.38219175]
 [-1.02362415]]
dot product : [[ 1.44135317]
 [ 0.33275143]
 [ 0.87236437]]
result : [[ 1.55875251]
 [ 0.88529549]
 [ 0.98008184]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.7804745 ]
 [-0.01245835]
 [ 1.07793242]]
dot product : [[-0.44384517]
 [-0.29583064]]
result : [[ 0.18111666]
 [ 0.03075423]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.18111666]
 [ 0.03075423]]
dot product : [[ 0.22295979]
 [-0.13011306]
 [ 0.0923661 ]]
result : [[ 0.34035913]
 [ 0.422431  ]
 [ 0.20008357]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.58378371]
 [-0.07647514]
 [ 1.03616955]]
dot product : [[-0.40038846]
 [-0.41250039]]
result : [[ 0.22457336]
 [-0.08591552]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.22457336]
 [-0.08591552]]
dot product : [[ 0.38709675]
 [-0.09212188]
 [ 0.19173141]]
result : [[ 0.50449609]
 [ 0.46042218]
 [ 0.29944888]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.84514637]
 [-1.04575562]
 [ 0.37967818]]
dot product : [[-0.16489995]
 [-1.4717441 ]]
result : [[ 0.46006188]
 [-1.14515923]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.46006188]
 [-1.14515923]]
dot product : [[ 1.65740536]
 [ 0.35199497]
 [ 0.99594465]]
result : [[ 1.77480471]
 [ 0.90453903]
 [ 1.10366212]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.26986321]
 [-0.32695589]
 [ 0.8656565 ]]
dot product : [[-0.35462674]
 [-0.66096335]]
result : [[ 0.27033508]
 [-0.33437848]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.27033508]
 [-0.33437848]]
dot product : [[ 0.67196811]
 [ 0.01796274]
 [ 0.37453881]]
result : [[ 0.78936745]
 [ 0.5705068 ]
 [ 0.48225628]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.84595787]
 [-0.05303528]
 [ 1.04849575]]
dot product : [[-0.46815951]
 [-0.2829682 ]]
result : [[ 0.15680231]
 [ 0.04361667]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.15680231]
 [ 0.04361667]]
dot product : [[ 0.17787359]
 [-0.12212558]
 [ 0.06939163]]
result : [[ 0.29527293]
 [ 0.43041848]
 [ 0.1771091 ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.89304525]
 [-0.30582081]
 [ 0.870739  ]]
dot product : [[-0.52121873]
 [-0.36758455]]
result : [[ 0.10374309]
 [-0.04099967]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.10374309]
 [-0.04099967]]
dot product : [[ 0.17999061]
 [-0.04182515]
 [ 0.08938712]]
result : [[ 0.29738995]
 [ 0.51071891]
 [ 0.19710458]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.69183527]
 [-0.02307173]
 [ 1.07188228]]
dot product : [[-0.42135999]
 [-0.34075314]]
result : [[ 0.20360183]
 [-0.01416827]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.20360183]
 [-0.01416827]]
dot product : [[ 0.29411191]
 [-0.1190726 ]
 [ 0.13416735]]
result : [[ 0.41151126]
 [ 0.43347147]
 [ 0.24188482]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.85040337]
 [-0.65782519]
 [ 0.62489984]]
dot product : [[-0.56559241]
 [-0.53481557]]
result : [[ 0.05936941]
 [-0.20823069]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.05936941]
 [-0.20823069]]
dot product : [[ 0.26780012]
 [ 0.07915144]
 [ 0.16614612]]
result : [[ 0.38519946]
 [ 0.6316955 ]
 [ 0.27386359]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.88371996]
 [-0.780213  ]
 [ 0.56623579]]
dot product : [[-0.11213299]
 [-1.37788575]]
result : [[ 0.51282884]
 [-1.05130088]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.51282884]
 [-1.05130088]]
dot product : [[ 1.64664125]
 [ 0.26672045]
 [ 0.97001737]]
result : [[ 1.76404059]
 [ 0.81926451]
 [ 1.07773484]]
Total Cost [ 486.96158834] for Epoch 3 complete
Axis-wise Cost is [[ 163.45908677]
 [ 272.64695297]
 [  50.8555486 ]] 
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.05949974]
 [-0.63741001]
 [ 0.65338569]]
dot product : [[-0.31419516]
 [-0.94165182]]
result : [[ 0.31076666]
 [-0.61506695]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.31076666]
 [-0.61506695]]
dot product : [[ 0.97821297]
 [ 0.14935102]
 [ 0.57412058]]
result : [[ 1.09561231]
 [ 0.70189508]
 [ 0.68183805]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.47996716]
 [-0.14885975]
 [ 0.98709849]]
dot product : [[-0.38359176]
 [-0.49028208]]
result : [[ 0.24137006]
 [-0.1636972 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.24137006]
 [-0.1636972 ]]
dot product : [[ 0.47969214]
 [-0.05920074]
 [ 0.25048078]]
result : [[ 0.59709148]
 [ 0.49334332]
 [ 0.35819825]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.88785181]
 [-0.17443756]
 [ 0.96282598]]
dot product : [[-0.49889964]
 [-0.31480388]]
result : [[ 0.12606218]
 [ 0.01178099]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.12606218]
 [ 0.01178099]]
dot product : [[ 0.16377062]
 [-0.08519234]
 [ 0.07027945]]
result : [[ 0.28116996]
 [ 0.46735172]
 [ 0.17799692]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.54885873]
 [-1.04776523]
 [ 0.37365046]]
dot product : [[-0.24602339]
 [-1.33732088]]
result : [[ 0.37893843]
 [-1.01073601]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.37893843]
 [-1.01073601]]
dot product : [[ 1.42536046]
 [ 0.32758974]
 [ 0.86234036]]
result : [[ 1.5427598 ]
 [ 0.8801338 ]
 [ 0.97005782]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.79480844]
 [-0.92433828]
 [ 0.43913113]]
dot product : [[-0.59283208]
 [-0.67207288]]
result : [[ 0.03212974]
 [-0.34548801]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.03212974]
 [-0.34548801]]
dot product : [[ 0.35256315]
 [ 0.17271917]
 [ 0.23479938]]
result : [[ 0.46996249]
 [ 0.72526324]
 [ 0.34251684]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.10523791]
 [-0.6806234 ]
 [ 0.62383717]]
dot product : [[-0.30859656]
 [-0.98067306]]
result : [[ 0.31636526]
 [-0.65408819]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.31636526]
 [-0.65408819]]
dot product : [[ 1.02075637]
 [ 0.16763042]
 [ 0.60185273]]
result : [[ 1.13815571]
 [ 0.72017448]
 [ 0.70957019]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.45257334]
 [-0.98203513]
 [ 0.41817889]]
dot product : [[-0.2618249 ]
 [-1.26577088]]
result : [[ 0.36313692]
 [-0.93918601]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.36313692]
 [-0.93918601]]
dot product : [[ 1.339699  ]
 [ 0.29752476]
 [ 0.80808204]]
result : [[ 1.45709834]
 [ 0.85006882]
 [ 0.91579951]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.34920177]
 [-0.89994823]
 [ 0.47405128]]
dot product : [[-0.27695663]
 [-1.18411955]]
result : [[ 0.34800519]
 [-0.85753468]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.34800519]
 [-0.85753468]]
dot product : [[ 1.24595401]
 [ 0.26140628]
 [ 0.74794941]]
result : [[ 1.36335335]
 [ 0.81395034]
 [ 0.85566687]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.01360924]
 [-0.59378189]
 [ 0.68322227]]
dot product : [[-0.31976932]
 [-0.90238694]]
result : [[ 0.3051925 ]
 [-0.57580207]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.3051925 ]
 [-0.57580207]]
dot product : [[ 0.93548604]
 [ 0.13092044]
 [ 0.54625185]]
result : [[ 1.05288538]
 [ 0.6834645 ]
 [ 0.65396932]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.76625553]
 [-1.11224554]
 [ 0.33188589]]
dot product : [[-0.19699347]
 [-1.46363831]]
result : [[ 0.42796835]
 [-1.13705344]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.42796835]
 [-1.13705344]]
dot product : [[ 1.60580713]
 [ 0.36748784]
 [ 0.97114121]]
result : [[ 1.72320647]
 [ 0.92003191]
 [ 1.07885868]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.87867669]
 [-0.69203369]
 [ 0.62790797]]
dot product : [[-0.09947929]
 [-1.33856766]]
result : [[ 0.52548253]
 [-1.01198279]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.52548253]
 [-1.01198279]]
dot product : [[ 1.62906649]
 [ 0.23689227]
 [ 0.95333769]]
result : [[ 1.74646583]
 [ 0.78943633]
 [ 1.06105516]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.07819255]
 [-0.50626023]
 [ 0.74308096]]
dot product : [[-0.33088108]
 [-0.82373628]]
result : [[ 0.29408074]
 [-0.49715141]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.29408074]
 [-0.49715141]]
dot product : [[ 0.84997491]
 [ 0.09396903]
 [ 0.49046165]]
result : [[ 0.96737425]
 [ 0.64651309]
 [ 0.59817912]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.84039431]
 [-0.40575427]
 [ 0.82778877]]
dot product : [[-0.06437336]
 [-1.20091674]]
result : [[ 0.56058846]
 [-0.87433187]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.56058846]
 [-0.87433187]]
dot product : [[ 1.55482733]
 [ 0.1381991 ]
 [ 0.88928242]]
result : [[ 1.67222667]
 [ 0.69074316]
 [ 0.99699988]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.86939212]
 [-0.97796583]
 [ 0.42752859]]
dot product : [[-0.14750245]
 [-1.45435663]]
result : [[ 0.47745937]
 [-1.12777176]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.47745937]
 [-1.12777176]]
dot product : [[ 1.66594895]
 [ 0.33144398]
 [ 0.99583431]]
result : [[ 1.78334829]
 [ 0.88398805]
 [ 1.10355178]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.84591795]
 [-0.68208683]
 [ 0.60797968]]
dot product : [[-0.56822911]
 [-0.54704781]]
result : [[ 0.05673271]
 [-0.22046294]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.05673271]
 [-0.22046294]]
dot product : [[ 0.27506501]
 [ 0.08762053]
 [ 0.17213568]]
result : [[ 0.39246435]
 [ 0.6401646 ]
 [ 0.27985315]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.69145814]
 [-1.11114508]
 [ 0.33149012]]
dot product : [[-0.21721717]
 [-1.42902845]]
result : [[ 0.40774465]
 [-1.10244358]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.40774465]
 [-1.10244358]]
dot product : [[ 1.54697939]
 [ 0.3607907 ]
 [ 0.93715044]]
result : [[ 1.66437873]
 [ 0.91333476]
 [ 1.04486791]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.23663819]
 [-0.35734895]
 [ 0.84489076]]
dot product : [[-0.35040106]
 [-0.68889017]]
result : [[ 0.27456077]
 [-0.3623053 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.27456077]
 [-0.3623053 ]]
dot product : [[ 0.70271826]
 [ 0.03090849]
 [ 0.39452098]]
result : [[ 0.82011761]
 [ 0.58345255]
 [ 0.50223844]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.83105005]
 [-0.75801209]
 [ 0.55504205]]
dot product : [[-0.57625384]
 [-0.58570726]]
result : [[ 0.04870798]
 [-0.25912239]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.04870798]
 [-0.25912239]]
dot product : [[ 0.29845177]
 [ 0.11419436]
 [ 0.19125532]]
result : [[ 0.41585112]
 [ 0.66673842]
 [ 0.29897279]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.8199447 ]
 [-0.81128412]
 [ 0.51790952]]
dot product : [[-0.58170063]
 [-0.61313966]]
result : [[ 0.04326119]
 [-0.28655479]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.04326119]
 [-0.28655479]]
dot product : [[ 0.31538896]
 [ 0.13289655]
 [ 0.20497482]]
result : [[ 0.43278831]
 [ 0.68544061]
 [ 0.31269228]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.77023174]
 [-0.06266718]
 [ 1.0669541 ]]
dot product : [[-0.02892385]
 [-1.02486473]]
result : [[ 0.59603797]
 [-0.69827986]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.59603797]
 [-0.69827986]]
dot product : [[ 1.4468128 ]
 [ 0.01786665]
 [ 0.80153931]]
result : [[ 1.56421215]
 [ 0.57041071]
 [ 0.90925677]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.70617593]
 [-1.1138955 ]
 [ 0.32979354]]
dot product : [[-0.21364092]
 [-1.43690226]]
result : [[ 0.41132091]
 [-1.11031739]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.41132091]
 [-1.11031739]]
dot product : [[ 1.55894622]
 [ 0.36295336]
 [ 0.94425256]]
result : [[ 1.67634557]
 [ 0.91549742]
 [ 1.05197003]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.41197964]
 [-0.95094907]
 [ 0.43931503]]
dot product : [[-0.26794992]
 [-1.23418907]]
result : [[ 0.3570119 ]
 [-0.90760419]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.3570119 ]
 [-0.90760419]]
dot product : [[ 1.30306312]
 [ 0.28372432]
 [ 0.78465581]]
result : [[ 1.42046247]
 [ 0.83626838]
 [ 0.89237327]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.84876504]
 [-1.03861718]
 [ 0.38473357]]
dot product : [[-0.16277735]
 [-1.47039961]]
result : [[ 0.46218447]
 [-1.14381474]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.46218447]
 [-1.14381474]]
dot product : [[ 1.65914064]
 [ 0.34992107]
 [ 0.99641469]]
result : [[ 1.77653998]
 [ 0.90246514]
 [ 1.10413216]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.37036119]
 [-0.91749063]
 [ 0.46209653]]
dot product : [[-0.27397697]
 [-1.20114355]]
result : [[ 0.35098485]
 [-0.87455867]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.35098485]
 [-0.87455867]]
dot product : [[ 1.2652572 ]
 [ 0.26904614]
 [ 0.76037894]]
result : [[ 1.38265654]
 [ 0.8215902 ]
 [ 0.8680964 ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.87372259]
 [-0.95708859]
 [ 0.44221619]]
dot product : [[-0.14299993]
 [-1.44756987]]
result : [[ 0.4819619]
 [-1.120985 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.4819619]
 [-1.120985 ]]
dot product : [[ 1.6661204 ]
 [ 0.32484944]
 [ 0.99438252]]
result : [[ 1.78351975]
 [ 0.87739351]
 [ 1.10209999]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.79107532]
 [-0.15591211]
 [ 1.00198092]]
dot product : [[-0.03807441]
 [-1.07352271]]
result : [[ 0.58688741]
 [-0.74693784]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.58688741]
 [-0.74693784]]
dot product : [[ 1.47756094]
 [ 0.05072105]
 [ 0.82618852]]
result : [[ 1.59496028]
 [ 0.60326511]
 [ 0.93390598]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.38085591]
 [-0.92606427]
 [ 0.45625618]]
dot product : [[-0.27247889]
 [-1.20953381]]
result : [[ 0.35248293]
 [-0.88294894]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.35248293]
 [-0.88294894]]
dot product : [[ 1.27481163]
 [ 0.27279301]
 [ 0.76652302]]
result : [[ 1.39221097]
 [ 0.82533707]
 [ 0.87424049]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.57477534]
 [-0.08211458]
 [ 1.03236081]]
dot product : [[-0.39882891]
 [-0.41898037]]
result : [[ 0.22613291]
 [-0.0923955 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.22613291]
 [-0.0923955 ]]
dot product : [[ 0.39503235]
 [-0.08947915]
 [ 0.19672445]]
result : [[ 0.5124317 ]
 [ 0.46306491]
 [ 0.30444192]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.04380197]
 [-0.53903629]
 [ 0.72066461]]
dot product : [[-0.32671665]
 [-0.85319556]]
result : [[ 0.29824517]
 [-0.52661068]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.29824517]
 [-0.52661068]]
dot product : [[ 0.88200718]
 [ 0.10780798]
 [ 0.51135984]]
result : [[ 0.99940652]
 [ 0.66035204]
 [ 0.61907731]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.62740077]
 [-0.05140675]
 [ 1.05304444]]
dot product : [[-0.40829541]
 [-0.38206438]]
result : [[ 0.21666641]
 [-0.05547951]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.21666641]
 [-0.05547951]]
dot product : [[ 0.34901935]
 [-0.10417174]
 [ 0.16792122]]
result : [[ 0.46641869]
 [ 0.44837232]
 [ 0.27563868]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.42968263]
 [-0.18852497]
 [ 0.96010561]]
dot product : [[-0.37618878]
 [-0.52988946]]
result : [[ 0.24877305]
 [-0.20330459]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.24877305]
 [-0.20330459]]
dot product : [[ 0.52525286]
 [-0.04171963]
 [ 0.27968861]]
result : [[ 0.6426522 ]
 [ 0.51082443]
 [ 0.38740608]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.78950553]
 [-1.1036475 ]
 [ 0.33826956]]
dot product : [[-0.18928479]
 [-1.47064358]]
result : [[ 0.43567703]
 [-1.14405871]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.43567703]
 [-1.14405871]]
dot product : [[ 1.62271228]
 [ 0.36658871]
 [ 0.98024695]]
result : [[ 1.74011162]
 [ 0.91913277]
 [ 1.08796442]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.82007365]
 [-1.08094931]
 [ 0.3546415 ]]
dot product : [[-0.17733702]
 [-1.47507093]]
result : [[ 0.44762481]
 [-1.14848606]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.44762481]
 [-1.14848606]]
dot product : [[ 1.64317863]
 [ 0.36160755]
 [ 0.99035814]]
result : [[ 1.76057797]
 [ 0.91415161]
 [ 1.0980756 ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.22934215]
 [-0.7953239 ]
 [ 0.54544921]]
dot product : [[-0.29299935]
 [-1.08548009]]
result : [[ 0.33196248]
 [-0.75889522]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.33196248]
 [-0.75889522]]
dot product : [[ 1.1357977 ]
 [ 0.2163778 ]
 [ 0.67668316]]
result : [[ 1.25319705]
 [ 0.76892186]
 [ 0.78440062]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.07095282]
 [-0.6482618 ]
 [ 0.64596492]]
dot product : [[-0.31279816]
 [-0.95143593]]
result : [[ 0.31216366]
 [-0.62485106]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.31216366]
 [-0.62485106]]
dot product : [[ 0.98887084]
 [ 0.15393859]
 [ 0.58106991]]
result : [[ 1.10627018]
 [ 0.70648265]
 [ 0.68878738]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.66848697]
 [-0.03190354]
 [ 1.06606158]]
dot product : [[-0.41639755]
 [-0.35511994]]
result : [[ 0.20856427]
 [-0.02853506]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.20856427]
 [-0.02853506]]
dot product : [[ 0.31378628]
 [-0.11415183]
 [ 0.14616387]]
result : [[ 0.43118563]
 [ 0.43839223]
 [ 0.25388134]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.81540173]
 [-0.27239952]
 [ 0.92078564]]
dot product : [[-0.04997295]
 [-1.1335274 ]]
result : [[ 0.57498887]
 [-0.80694253]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.57498887]
 [-0.80694253]]
dot product : [[ 1.5146303 ]
 [ 0.09161987]
 [ 0.85620766]]
result : [[ 1.63202964]
 [ 0.64416393]
 [ 0.96392513]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.60251976]
 [-1.07776145]
 [ 0.35348131]]
dot product : [[-0.23616125]
 [-1.37441095]]
result : [[ 0.38880058]
 [-1.04782608]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.38880058]
 [-1.04782608]]
dot product : [[ 1.47207568]
 [ 0.3421327 ]
 [ 0.89149551]]
result : [[ 1.58947503]
 [ 0.89467676]
 [ 0.99921298]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.85258341]
 [-0.47941491]
 [ 0.77639526]]
dot product : [[-0.07276836]
 [-1.23740258]]
result : [[ 0.55219346]
 [-0.91081771]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.55219346]
 [-0.91081771]]
dot product : [[ 1.57576354]
 [ 0.16379112]
 [ 0.90682132]]
result : [[ 1.69316288]
 [ 0.71633519]
 [ 1.01453879]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.83754064]
 [-0.04312429]
 [ 1.05556754]]
dot product : [[-0.46428715]
 [-0.28265059]]
result : [[ 0.16067468]
 [ 0.04393428]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.16067468]
 [ 0.04393428]]
dot product : [[ 0.18294377]
 [-0.12471781]
 [ 0.07157803]]
result : [[ 0.30034311]
 [ 0.42782625]
 [ 0.1792955 ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.89340573]
 [-0.2907287 ]
 [ 0.88130219]]
dot product : [[-0.51891593]
 [-0.36108465]]
result : [[ 0.10604589]
 [-0.03449977]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.10604589]
 [-0.03449977]]
dot product : [[ 0.17737685]
 [-0.04688778]
 [ 0.08675958]]
result : [[ 0.29477619]
 [ 0.50565628]
 [ 0.19447704]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.85956852]
 [-0.52593896]
 [ 0.74392399]]
dot product : [[-0.07826523]
 [-1.26012129]]
result : [[ 0.54669659]
 [-0.93353641]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.54669659]
 [-0.93353641]]
dot product : [[ 1.58842729]
 [ 0.17989466]
 [ 0.91757636]]
result : [[ 1.70582663]
 [ 0.73243872]
 [ 1.02529382]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.88051691]
 [-0.46227744]
 [ 0.76136981]]
dot product : [[-0.54269385]
 [-0.43898111]]
result : [[ 0.08226798]
 [-0.11239624]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.08226798]
 [-0.11239624]]
dot product : [[ 0.2139811]
 [ 0.011402 ]
 [ 0.1206002]]
result : [[ 0.33138044]
 [ 0.56394606]
 [ 0.22831767]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.39871286]
 [-0.21406246]
 [ 0.94270499]]
dot product : [[-0.37180563]
 [-0.55474841]]
result : [[ 0.25315619]
 [-0.22816354]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.25315619]
 [-0.22816354]]
dot product : [[ 0.55348442]
 [-0.03058373]
 [ 0.29785839]]
result : [[ 0.67088377]
 [ 0.52196034]
 [ 0.40557585]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.21431142]
 [-0.37798482]
 [ 0.8307879 ]]
dot product : [[-0.3475952 ]
 [-0.70774567]]
result : [[ 0.27736662]
 [-0.38116079]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.27736662]
 [-0.38116079]]
dot product : [[ 0.72341472]
 [ 0.03967859]
 [ 0.40798336]]
result : [[ 0.84081406]
 [ 0.59222265]
 [ 0.51570083]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.35658302]
 [-0.24992639]
 [ 0.91824693]]
dot product : [[-0.36602182]
 [-0.58903717]]
result : [[ 0.25894  ]
 [-0.2624523]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.25894  ]
 [-0.2624523]]
dot product : [[ 0.59206294]
 [-0.01506021]
 [ 0.32275925]]
result : [[ 0.70946228]
 [ 0.53748385]
 [ 0.43047672]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.36720003]
 [-0.24077752]
 [ 0.9244882 ]]
dot product : [[-0.36746173]
 [-0.58034961]]
result : [[ 0.25750009]
 [-0.25376474]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.25750009]
 [-0.25376474]]
dot product : [[ 0.58232376]
 [-0.01900922]
 [ 0.31646595]]
result : [[ 0.6997231 ]
 [ 0.53353484]
 [ 0.42418342]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.8773334 ]
 [-0.93457826]
 [ 0.45803619]]
dot product : [[-0.13843385]
 [-1.43976903]]
result : [[ 0.48652797]
 [-1.11318416]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.48652797]
 [-1.11318416]]
dot product : [[ 1.66547525]
 [ 0.31764948]
 [ 0.99233873]]
result : [[ 1.7828746 ]
 [ 0.87019354]
 [ 1.1000562 ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.54721097]
 [-0.10021561]
 [ 1.02011474]]
dot product : [[-0.39419137]
 [-0.43916297]]
result : [[ 0.23077045]
 [-0.1125781 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.23077045]
 [-0.1125781 ]]
dot product : [[ 0.41944473]
 [-0.08111096]
 [ 0.21214047]]
result : [[ 0.53684407]
 [ 0.4714331 ]
 [ 0.31985794]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.74738816]
 [-1.11543764]
 [ 0.32935628]]
dot product : [[-0.20264685]
 [-1.45636459]]
result : [[ 0.42231498]
 [-1.12977972]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.42231498]
 [-1.12977972]]
dot product : [[ 1.59150395]
 [ 0.3669554 ]
 [ 0.96313377]]
result : [[ 1.70890329]
 [ 0.91949946]
 [ 1.07085124]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.8800997 ]
 [-0.71060845]
 [ 0.6149225 ]]
dot product : [[-0.1020464 ]
 [-1.34701457]]
result : [[ 0.52291542]
 [-1.0204297 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.52291542]
 [-1.0204297 ]]
dot product : [[ 1.6330514 ]
 [ 0.24320603]
 [ 0.95701425]]
result : [[ 1.75045074]
 [ 0.79575009]
 [ 1.06473172]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.76009975]
 [-1.11361334]
 [ 0.33083205]]
dot product : [[-0.19888989]
 [-1.46140213]]
result : [[ 0.42607193]
 [-1.13481726]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.42607193]
 [-1.13481726]]
dot product : [[ 1.60119089]
 [ 0.36742293]
 [ 0.96858195]]
result : [[ 1.71859023]
 [ 0.91996699]
 [ 1.07629941]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.17332101]
 [-0.74413054]
 [ 0.58042565]]
dot product : [[-0.30013273]
 [-1.03841447]]
result : [[ 0.32482909]
 [-0.7118296 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.32482909]
 [-0.7118296 ]]
dot product : [[ 1.08395763]
 [ 0.19456739]
 [ 0.6429996 ]]
result : [[ 1.20135697]
 [ 0.74711145]
 [ 0.75071706]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.83742212]
 [-1.05892622]
 [ 0.37033453]]
dot product : [[-0.16910192]
 [-1.47374639]]
result : [[ 0.45585991]
 [-1.14716152]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.45585991]
 [-1.14716152]]
dot product : [[ 1.6533821 ]
 [ 0.35573269]
 [ 0.99460382]]
result : [[ 1.77078144]
 [ 0.90827675]
 [ 1.10232128]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.80146246]
 [-0.89525142]
 [ 0.45939652]]
dot product : [[-0.59001912]
 [-0.65682506]]
result : [[ 0.0349427 ]
 [-0.33024019]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.0349427 ]
 [-0.33024019]]
dot product : [[ 0.34285231]
 [ 0.16245769]
 [ 0.22704155]]
result : [[ 0.46025165]
 [ 0.71500175]
 [ 0.33475902]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.31359679]
 [-0.2876391 ]
 [ 0.89250755]]
dot product : [[-0.36029859]
 [-0.62449299]]
result : [[ 0.26466324]
 [-0.29790812]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.26466324]
 [-0.29790812]]
dot product : [[ 0.6315986 ]
 [ 0.00115222]
 [ 0.34834914]]
result : [[ 0.74899794]
 [ 0.55369628]
 [ 0.45606661]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.72734629]
 [-1.11595321]
 [ 0.32868269]]
dot product : [[-0.2081947 ]
 [-1.44743113]]
result : [[ 0.41676712]
 [-1.12084626]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.41676712]
 [-1.12084626]]
dot product : [[ 1.57586631]
 [ 0.36543113]
 [ 0.95415834]]
result : [[ 1.69326565]
 [ 0.91797519]
 [ 1.0618758 ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.25151697]
 [-0.81524509]
 [ 0.53184446]]
dot product : [[-0.29012123]
 [-1.10396622]]
result : [[ 0.3348406 ]
 [-0.77738135]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.3348406 ]
 [-0.77738135]]
dot product : [[ 1.15626462]
 [ 0.22489675]
 [ 0.68996015]]
result : [[ 1.27366396]
 [ 0.77744081]
 [ 0.79767762]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.24775025]
 [-0.34713934]
 [ 0.85186713]]
dot product : [[-0.35180722]
 [-0.67953132]]
result : [[ 0.2731546 ]
 [-0.35294645]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.2731546 ]
 [-0.35294645]]
dot product : [[ 0.69242702]
 [ 0.0265639 ]
 [ 0.38783067]]
result : [[ 0.80982636]
 [ 0.57910796]
 [ 0.49554814]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.37776181]
 [-0.23174803]
 [ 0.93064673]]
dot product : [[-0.36890558]
 [-0.57173738]]
result : [[ 0.25605625]
 [-0.24515251]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.25605625]
 [-0.24515251]]
dot product : [[ 0.57264633]
 [-0.02291376]
 [ 0.31021711]]
result : [[ 0.69004567]
 [ 0.5296303 ]
 [ 0.41793458]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.72842907]
 [-0.01346693]
 [ 1.07803774]]
dot product : [[-0.42981177]
 [-0.32001478]]
result : [[ 0.19515005]
 [ 0.0065701 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.19515005]
 [ 0.0065701 ]]
dot product : [[ 0.26393074]
 [-0.12537209]
 [ 0.11605717]]
result : [[ 0.38133008]
 [ 0.42717198]
 [ 0.22377464]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.04803713]
 [-0.62653231]
 [ 0.66082445]]
dot product : [[-0.31559064]
 [-0.93185249]]
result : [[ 0.30937119]
 [-0.60526761]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.30937119]
 [-0.60526761]]
dot product : [[ 0.96754362]
 [ 0.144754  ]
 [ 0.56716272]]
result : [[ 1.08494296]
 [ 0.69729806]
 [ 0.67488019]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.73538449]
 [-0.01234762]
 [ 1.07871312]]
dot product : [[-0.43153058]
 [-0.31636949]]
result : [[ 0.19343125]
 [ 0.01021538]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.19343125]
 [ 0.01021538]]
dot product : [[ 0.25830326]
 [-0.12633394]
 [ 0.11273029]]
result : [[ 0.37570261]
 [ 0.42621012]
 [ 0.22044776]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.87886468]
 [-0.92270113]
 [ 0.46637747]]
dot product : [[-0.13612662]
 [-1.43548237]]
result : [[ 0.48883521]
 [-1.1088975 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.48883521]
 [-1.1088975 ]]
dot product : [[ 1.66484163]
 [ 0.31381892]
 [ 0.99109135]]
result : [[ 1.78224098]
 [ 0.86636298]
 [ 1.09880882]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.88275463]
 [-0.44301392]
 [ 0.77482491]]
dot product : [[-0.54023934]
 [-0.42987312]]
result : [[ 0.08472248]
 [-0.10328825]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.08472248]
 [-0.10328825]]
dot product : [[ 0.20925088]
 [ 0.00478964]
 [ 0.11644288]]
result : [[ 0.32665023]
 [ 0.5573337 ]
 [ 0.22416035]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.89352823]
 [-0.26187376]
 [ 0.90150702]]
dot product : [[-0.51435859]
 [-0.34891608]]
result : [[ 0.11060323]
 [-0.02233121]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.11060323]
 [-0.02233121]]
dot product : [[ 0.172824  ]
 [-0.05651916]
 [ 0.08199211]]
result : [[ 0.29022334]
 [ 0.4960249 ]
 [ 0.18970957]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.84875027]
 [-0.45538179]
 [ 0.79316557]]
dot product : [[-0.06999013]
 [-1.22556405]]
result : [[ 0.5549717 ]
 [-0.89897918]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.5549717 ]
 [-0.89897918]]
dot product : [[ 1.56904547]
 [ 0.15545343]
 [ 0.90116393]]
result : [[ 1.68644482]
 [ 0.70799749]
 [ 1.00888139]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.85550694]
 [-1.02321488]
 [ 0.39562474]]
dot product : [[-0.15848823]
 [-1.46701202]]
result : [[ 0.46647359]
 [-1.14042715]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.46647359]
 [-1.14042715]]
dot product : [[ 1.66204882]
 [ 0.34535611]
 [ 0.99694703]]
result : [[ 1.77944816]
 [ 0.89790017]
 [ 1.10466449]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.05527359]
 [-0.52809735]
 [ 0.72814612]]
dot product : [[-0.32810484]
 [-0.8433664 ]]
result : [[ 0.29685698]
 [-0.51678153]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.29685698]
 [-0.51678153]]
dot product : [[ 0.87132131]
 [ 0.10318978]
 [ 0.5043879 ]]
result : [[ 0.98872066]
 [ 0.65573384]
 [ 0.61210537]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.18059023]
 [-0.40942288]
 [ 0.80929809]]
dot product : [[-0.34340046]
 [-0.73633767]]
result : [[ 0.28156137]
 [-0.4097528 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.28156137]
 [-0.4097528 ]]
dot product : [[ 0.75471538]
 [ 0.05301477]
 [ 0.42836046]]
result : [[ 0.87211472]
 [ 0.60555883]
 [ 0.53607792]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.87031495]
 [-0.09903159]
 [ 1.01590529]]
dot product : [[-0.48212008]
 [-0.29115644]]
result : [[ 0.14284174]
 [ 0.03542843]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.14284174]
 [ 0.03542843]]
dot product : [[ 0.16587659]
 [-0.10885055]
 [ 0.06589271]]
result : [[ 0.28327593]
 [ 0.44369351]
 [ 0.17361018]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.22549134]
 [-0.36763205]
 [ 0.83786346]]
dot product : [[-0.3489971 ]
 [-0.69829574]]
result : [[ 0.27596473]
 [-0.37171087]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.27596473]
 [-0.37171087]]
dot product : [[ 0.71304814]
 [ 0.03528053]
 [ 0.401239  ]]
result : [[ 0.83044748]
 [ 0.58782459]
 [ 0.50895647]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.80968627]
 [-0.24410611]
 [ 0.94051003]]
dot product : [[-0.04703026]
 [-1.11904114]]
result : [[ 0.57793156]
 [-0.79245627]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.57793156]
 [-0.79245627]]
dot product : [[ 1.50577805]
 [ 0.08170238]
 [ 0.84900367]]
result : [[ 1.62317739]
 [ 0.63424644]
 [ 0.95672114]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.8261106 ]
 [-0.32735242]
 [ 0.88246983]]
dot product : [[-0.05579529]
 [-1.16148438]]
result : [[ 0.56916654]
 [-0.8348995 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.56916654]
 [-0.8348995 ]]
dot product : [[ 1.53151617]
 [ 0.11084896]
 [ 0.87002242]]
result : [[ 1.64891552]
 [ 0.66339302]
 [ 0.97773988]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.6015206 ]
 [-0.06581055]
 [ 1.04336123]]
dot product : [[-0.40352897]
 [-0.39992606]]
result : [[ 0.22143286]
 [-0.07334119]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.22143286]
 [-0.07334119]]
dot product : [[ 0.37153989]
 [-0.09717885]
 [ 0.18197215]]
result : [[ 0.48893923]
 [ 0.45536521]
 [ 0.28968962]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.81047671]
 [-1.08986298]
 [ 0.34824972]]
dot product : [[-0.18137244]
 [-1.47443131]]
result : [[ 0.44358938]
 [-1.14784644]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.44358938]
 [-1.14784644]]
dot product : [[ 1.63702925]
 [ 0.3637674 ]
 [ 0.9874756 ]]
result : [[ 1.75442859]
 [ 0.91631146]
 [ 1.09519307]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.86836884]
 [-0.59192698]
 [ 0.69785067]]
dot product : [[-0.08636373]
 [-1.29183922]]
result : [[ 0.53859809]
 [-0.96525435]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.53859809]
 [-0.96525435]]
dot product : [[ 1.60552086]
 [ 0.20264163]
 [ 0.93233045]]
result : [[ 1.72292021]
 [ 0.75518569]
 [ 1.04004792]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.63582729]
 [-0.0470456 ]
 [ 1.0559671 ]]
dot product : [[-0.40989965]
 [-0.37638663]]
result : [[ 0.21506218]
 [-0.04980176]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.21506218]
 [-0.04980176]]
dot product : [[ 0.34173748]
 [-0.10633902]
 [ 0.16339994]]
result : [[ 0.45913683]
 [ 0.44620504]
 [ 0.27111741]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.53784878]
 [-0.10663077]
 [ 1.01576828]]
dot product : [[-0.39265874]
 [-0.44613012]]
result : [[ 0.23230308]
 [-0.11954524]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.23230308]
 [-0.11954524]]
dot product : [[ 0.42777762]
 [-0.07817964]
 [ 0.21742013]]
result : [[ 0.54517696]
 [ 0.47436442]
 [ 0.32513759]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.14663269]
 [-0.44135029]
 [ 0.78746928]]
dot product : [[-0.33921911]
 [-0.765243  ]]
result : [[ 0.28574272]
 [-0.43865813]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.28574272]
 [-0.43865813]]
dot product : [[ 0.78627698]
 [ 0.06653411]
 [ 0.44892431]]
result : [[ 0.90367632]
 [ 0.61907817]
 [ 0.55664178]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.83331994]
 [-1.06496602]
 [ 0.36604096]]
dot product : [[-0.17118158]
 [-1.47440896]]
result : [[ 0.45378024]
 [-1.14782409]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.45378024]
 [-1.14782409]]
dot product : [[ 1.65109796]
 [ 0.35739934]
 [ 0.99373581]]
result : [[ 1.7684973 ]
 [ 0.90994341]
 [ 1.10145327]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.67638176]
 [-0.02871278]
 [ 1.06817291]]
dot product : [[-0.41804298]
 [-0.35017625]]
result : [[ 0.20691884]
 [-0.02359138]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.20691884]
 [-0.02359138]]
dot product : [[ 0.30710218]
 [-0.11588386]
 [ 0.14207409]]
result : [[ 0.42450153]
 [ 0.4366602 ]
 [ 0.24979155]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.86733502]
 [-0.09135316]
 [ 1.02132887]]
dot product : [[-0.48008578]
 [-0.28929367]]
result : [[ 0.14487605]
 [ 0.03729121]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.14487605]
 [ 0.03729121]]
dot product : [[ 0.16702754]
 [-0.11115855]
 [ 0.06598583]]
result : [[ 0.28442688]
 [ 0.44138551]
 [ 0.1737033 ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.61112977]
 [-1.08199651]
 [ 0.35064981]]
dot product : [[-0.23448691]
 [-1.38011953]]
result : [[ 0.39047492]
 [-1.05353466]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.39047492]
 [-1.05353466]]
dot product : [[ 1.47948197]
 [ 0.34427346]
 [ 0.89607914]]
result : [[ 1.59688131]
 [ 0.89681752]
 [ 1.0037966 ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.79214976]
 [-0.01515875]
 [ 1.0758593 ]]
dot product : [[-0.44745888]
 [-0.29163399]]
result : [[ 0.17750295]
 [ 0.03495088]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.17750295]
 [ 0.03495088]]
dot product : [[ 0.21422088]
 [-0.13020077]
 [ 0.08752945]]
result : [[ 0.33162022]
 [ 0.42234329]
 [ 0.19524692]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.53025033]
 [-1.03611129]
 [ 0.38152138]]
dot product : [[-0.24924417]
 [-1.32393337]]
result : [[ 0.37571766]
 [-0.9973485 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.37571766]
 [-0.9973485 ]]
dot product : [[ 1.40896733]
 [ 0.32212914]
 [ 0.85202558]]
result : [[ 1.52636668]
 [ 0.8746732 ]
 [ 0.95974305]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.32782706]
 [-0.8819045 ]
 [ 0.48635374]]
dot product : [[-0.27991524]
 [-1.16678683]]
result : [[ 0.34504658]
 [-0.84020196]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.34504658]
 [-0.84020196]]
dot product : [[ 1.22640455]
 [ 0.25358104]
 [ 0.73534069]]
result : [[ 1.34380389]
 [ 0.8061251 ]
 [ 0.84305816]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.45000473]
 [-0.17220518]
 [ 0.97121724]]
dot product : [[-0.37913459]
 [-0.51376096]]
result : [[ 0.24582723]
 [-0.18717609]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.24582723]
 [-0.18717609]]
dot product : [[ 0.50679515]
 [-0.04888098]
 [ 0.26783724]]
result : [[ 0.62419449]
 [ 0.50366308]
 [ 0.3755547 ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.82561786]
 [-0.78438004]
 [ 0.53666163]]
dot product : [[-0.57896744]
 [-0.59925593]]
result : [[ 0.04599438]
 [-0.27267106]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.04599438]
 [-0.27267106]]
dot product : [[ 0.30678448]
 [ 0.12344588]
 [ 0.19801683]]
result : [[ 0.42418383]
 [ 0.67598994]
 [ 0.3057343 ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.53959763]
 [-1.04203725]
 [ 0.37751727]]
dot product : [[-0.24763777]
 [-1.33068836]]
result : [[ 0.37732405]
 [-1.00410348]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.37732405]
 [-1.00410348]]
dot product : [[ 1.41721298]
 [ 0.32489609]
 [ 0.85721862]]
result : [[ 1.53461233]
 [ 0.87744015]
 [ 0.96493608]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.86696128]
 [-0.9878016 ]
 [ 0.42060282]]
dot product : [[-0.14973024]
 [-1.45737569]]
result : [[ 0.47523159]
 [-1.13079082]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.47523159]
 [-1.13079082]]
dot product : [[ 1.66556181]
 [ 0.33451777]
 [ 0.9963417 ]]
result : [[ 1.78296116]
 [ 0.88706183]
 [ 1.10405917]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.88021093]
 [-0.91040425]
 [ 0.47500981]]
dot product : [[-0.13380306]
 [-1.43093504]]
result : [[ 0.49115876]
 [-1.10435017]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.49115876]
 [-1.10435017]]
dot product : [[ 1.66399808]
 [ 0.30983275]
 [ 0.98969179]]
result : [[ 1.78139742]
 [ 0.86237681]
 [ 1.09740926]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.49957509]
 [-0.13409692]
 [ 0.99713094]]
dot product : [[-0.38659052]
 [-0.47513319]]
result : [[ 0.2383713 ]
 [-0.14854832]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.2383713 ]
 [-0.14854832]]
dot product : [[ 0.46203497]
 [-0.06578252]
 [ 0.23920649]]
result : [[ 0.57943431]
 [ 0.48676154]
 [ 0.34692395]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.78075027]
 [-0.98418159]
 [ 0.39744286]]
dot product : [[-0.59851905]
 [-0.70361182]]
result : [[ 0.02644278]
 [-0.37702695]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.02644278]
 [-0.37702695]]
dot product : [[ 0.37283097]
 [ 0.19386231]
 [ 0.25092676]]
result : [[ 0.49023031]
 [ 0.74640637]
 [ 0.35864422]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.89074637]
 [-0.35380162]
 [ 0.83717451]]
dot product : [[-0.52822541]
 [-0.38877531]]
result : [[ 0.09673642]
 [-0.06219044]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.09673642]
 [-0.06219044]]
dot product : [[ 0.18920431]
 [-0.0256325 ]
 [ 0.0982617 ]]
result : [[ 0.30660365]
 [ 0.52691156]
 [ 0.20597917]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.16203029]
 [-0.7336841 ]
 [ 0.58756508]]
dot product : [[-0.30154994]
 [-1.02887465]]
result : [[ 0.32341188]
 [-0.70228977]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.32341188]
 [-0.70228977]]
dot product : [[ 1.07348969]
 [ 0.19012872]
 [ 0.63618986]]
result : [[ 1.19088903]
 [ 0.74267278]
 [ 0.74390732]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.7843778 ]
 [-0.12539678]
 [ 1.02324597]]
dot product : [[-0.03504605]
 [-1.0576554 ]]
result : [[ 0.58991577]
 [-0.73107053]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.58991577]
 [-0.73107053]]
dot product : [[ 1.46759535]
 [ 0.03997959]
 [ 0.81817776]]
result : [[ 1.58499469]
 [ 0.59252365]
 [ 0.92589522]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.51130396]
 [-1.02368072]
 [ 0.38993089]]
dot product : [[-0.25243356]
 [-1.31006555]]
result : [[ 0.37252826]
 [-0.98348068]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.37252826]
 [-0.98348068]]
dot product : [[ 1.39218921]
 [ 0.31638099]
 [ 0.8414312 ]]
result : [[ 1.50958855]
 [ 0.86892505]
 [ 0.94914867]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.64415088]
 [-0.04291088]
 [ 1.05873279]]
dot product : [[-0.41151184]
 [-0.37085093]]
result : [[ 0.21344999]
 [-0.04426606]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.21344999]
 [-0.04426606]]
dot product : [[ 0.33457132]
 [-0.10842208]
 [ 0.15896217]]
result : [[ 0.45197066]
 [ 0.44412198]
 [ 0.26667964]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.82850036]
 [-0.03459315]
 [ 1.06168277]]
dot product : [[-0.46046439]
 [-0.28319665]]
result : [[ 0.16449743]
 [ 0.04338823]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.16449743]
 [ 0.04338823]]
dot product : [[ 0.18871567]
 [-0.12679723]
 [ 0.07427139]]
result : [[ 0.30611501]
 [ 0.42574683]
 [ 0.18198886]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.47005138]
 [-0.15648523]
 [ 0.9819131 ]]
dot product : [[-0.38210072]
 [-0.49801001]]
result : [[ 0.2428611 ]
 [-0.17142514]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.2428611 ]
 [-0.17142514]]
dot product : [[ 0.4886461 ]
 [-0.05581902]
 [ 0.25620833]]
result : [[ 0.60604544]
 [ 0.49672504]
 [ 0.36392579]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.46254887]
 [-0.98940729]
 [ 0.41317183]]
dot product : [[-0.26027726]
 [-1.27341976]]
result : [[ 0.36468456]
 [-0.94683489]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.36468456]
 [-0.94683489]]
dot product : [[ 1.34866069]
 [ 0.30082708]
 [ 0.81379523]]
result : [[ 1.46606004]
 [ 0.85337114]
 [ 0.9215127 ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.76277979]
 [-0.03044527]
 [ 1.08940248]]
dot product : [[-0.02582973]
 [-1.00793661]]
result : [[ 0.59913209]
 [-0.68135173]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.59913209]
 [-0.68135173]]
dot product : [[ 1.43599199]
 [ 0.00649233]
 [ 0.79290883]]
result : [[ 1.55339133]
 [ 0.55903639]
 [ 0.9006263 ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.78390241]
 [-1.10627369]
 [ 0.3363431 ]]
dot product : [[-0.1912307 ]
 [-1.46918795]]
result : [[ 0.43373112]
 [-1.14260308]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.43373112]
 [-1.14260308]]
dot product : [[ 1.61872382]
 [ 0.36699015]
 [ 0.97814301]]
result : [[ 1.73612316]
 [ 0.91953421]
 [ 1.08586047]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.79496623]
 [-1.10069716]
 [ 0.3404208 ]]
dot product : [[-0.18732616]
 [-1.47189812]]
result : [[ 0.43763566]
 [-1.14531324]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.43763566]
 [-1.14531324]]
dot product : [[ 1.62653898]
 [ 0.36606714]
 [ 0.98223358]]
result : [[ 1.74393832]
 [ 0.9186112 ]
 [ 1.08995104]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.29539115]
 [-0.85396583]
 [ 0.50541302]]
dot product : [[-0.28431621]
 [-1.14025056]]
result : [[ 0.34064561]
 [-0.81366569]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.34064561]
 [-0.81366569]]
dot product : [[ 1.19665232]
 [ 0.24152043]
 [ 0.71611604]]
result : [[ 1.31405167]
 [ 0.79406449]
 [ 0.82383351]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.72135026]
 [-0.01485856]
 [ 1.07717359]]
dot product : [[-0.42810264]
 [-0.3238307 ]]
result : [[ 0.19685918]
 [ 0.00275417]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.19685918]
 [ 0.00275417]]
dot product : [[ 0.26969704]
 [-0.12430899]
 [ 0.1194843 ]]
result : [[ 0.38709638]
 [ 0.42823507]
 [ 0.22720177]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.87249431]
 [-0.52297891]
 [ 0.71898646]]
dot product : [[-0.55016337]
 [-0.46812482]]
result : [[ 0.07479845]
 [-0.14153995]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.07479845]
 [-0.14153995]]
dot product : [[ 0.22964824]
 [ 0.03232047]
 [ 0.13413943]]
result : [[ 0.34704758]
 [ 0.58486453]
 [ 0.2418569 ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.78790495]
 [-0.95398039]
 [ 0.41848079]]
dot product : [[-0.59566534]
 [-0.68766767]]
result : [[ 0.02929648]
 [-0.3610828 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.02929648]
 [-0.3610828 ]]
dot product : [[ 0.36255539]
 [ 0.18318691]
 [ 0.24276065]]
result : [[ 0.47995473]
 [ 0.73573097]
 [ 0.35047811]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.80860522]
 [-0.02154802]
 [ 1.07112836]]
dot product : [[-0.45296313]
 [-0.28680351]]
result : [[ 0.17199869]
 [ 0.03978137]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.17199869]
 [ 0.03978137]]
dot product : [[ 0.202303  ]
 [-0.12946307]
 [ 0.08113439]]
result : [[ 0.31970234]
 [ 0.42308099]
 [ 0.18885186]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.75549339]
 [-0.01066178]
 [ 1.0795801 ]]
dot product : [[-0.43674648]
 [-0.30648133]]
result : [[ 0.18821535]
 [ 0.02010355]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.18821535]
 [ 0.02010355]]
dot product : [[ 0.24227303]
 [-0.12859789]
 [ 0.10336505]]
result : [[ 0.35967237]
 [ 0.42394617]
 [ 0.21108252]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.89286411]
 [-0.23476572]
 [ 0.92050079]]
dot product : [[-0.50986465]
 [-0.33783995]]
result : [[ 0.11509717]
 [-0.01125507]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.11509717]
 [-0.01125507]]
dot product : [[ 0.16915785]
 [-0.0655015 ]
 [ 0.07786549]]
result : [[ 0.28655719]
 [ 0.48704256]
 [ 0.18558295]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.32441767]
 [-0.27805098]
 [ 0.89905324]]
dot product : [[-0.36172422]
 [-0.61552796]]
result : [[ 0.2632376 ]
 [-0.28894309]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.2632376 ]
 [-0.28894309]]
dot product : [[ 0.6216317 ]
 [-0.00296051]
 [ 0.34189195]]
result : [[ 0.73903104]
 [ 0.54958356]
 [ 0.44960942]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.52081854]
 [-1.02999117]
 [ 0.38566014]]
dot product : [[-0.25084272]
 [-1.31705831]]
result : [[ 0.37411911]
 [-0.99047343]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.37411911]
 [-0.99047343]]
dot product : [[ 1.40062543]
 [ 0.3192903 ]
 [ 0.84676264]]
result : [[ 1.51802478]
 [ 0.87183436]
 [ 0.95448011]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.80545352]
 [-1.09380872]
 [ 0.34540823]]
dot product : [[-0.18337013]
 [-1.47379436]]
result : [[ 0.4415917 ]
 [-1.14720949]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.4415917 ]
 [-1.14720949]]
dot product : [[ 1.63369939]
 [ 0.3646579 ]
 [ 0.9858493 ]]
result : [[ 1.75109873]
 [ 0.91720196]
 [ 1.09356677]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.12388573]
 [-0.46285611]
 [ 0.77276375]]
dot product : [[-0.33643707]
 [-0.78465552]]
result : [[ 0.28852476]
 [-0.45807065]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.28852476]
 [-0.45807065]]
dot product : [[ 0.80743732]
 [ 0.07562984]
 [ 0.4627187 ]]
result : [[ 0.92483667]
 [ 0.6281739 ]
 [ 0.57043617]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.19185916]
 [-0.39888405]
 [ 0.81650256]]
dot product : [[-0.34479703]
 [-0.72676901]]
result : [[ 0.2801648 ]
 [-0.40018414]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.2801648 ]
 [-0.40018414]]
dot product : [[ 0.74425026]
 [ 0.04854713]
 [ 0.42154548]]
result : [[ 0.8616496 ]
 [ 0.60109119]
 [ 0.52926295]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.6839231 ]
 [-1.10936775]
 [ 0.33261725]]
dot product : [[-0.21898937]
 [-1.42484233]]
result : [[ 0.40597246]
 [-1.09825746]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.40597246]
 [-1.09825746]]
dot product : [[ 1.54079572]
 [ 0.35956039]
 [ 0.93345409]]
result : [[ 1.65819507]
 [ 0.91210445]
 [ 1.04117156]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.89356616]
 [-0.27608096]
 [ 0.89155731]]
dot product : [[-0.51662926]
 [-0.35486262]]
result : [[ 0.10833256]
 [-0.02827775]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.10833256]
 [-0.02827775]]
dot product : [[ 0.17498862]
 [-0.05178531]
 [ 0.08429504]]
result : [[ 0.29238797]
 [ 0.50075875]
 [ 0.1920125 ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.20310013]
 [-0.38840343]
 [ 0.82366671]]
dot product : [[-0.34619523]
 [-0.71723755]]
result : [[ 0.2787666 ]
 [-0.39065268]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.2787666 ]
 [-0.39065268]]
dot product : [[ 0.73381607]
 [ 0.04410127]
 [ 0.41475265]]
result : [[ 0.85121541]
 [ 0.59664533]
 [ 0.52247012]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.09382361]
 [-0.66987231]
 [ 0.63118801]]
dot product : [[-0.30999901]
 [-0.97094893]]
result : [[ 0.31496282]
 [-0.64436406]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.31496282]
 [-0.64436406]]
dot product : [[ 1.01014447]
 [ 0.16307971]
 [ 0.59493738]]
result : [[ 1.12754381]
 [ 0.71562377]
 [ 0.70265484]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.89329364]
 [-0.24810329]
 [ 0.91115396]]
dot product : [[-0.51210377]
 [-0.34324265]]
result : [[ 0.11285806]
 [-0.01665778]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.11285806]
 [-0.01665778]]
dot product : [[ 0.17088105]
 [-0.06109075]
 [ 0.07984939]]
result : [[ 0.28828039]
 [ 0.49145331]
 [ 0.18756685]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.83110741]
 [-0.35401954]
 [ 0.86387311]]
dot product : [[-0.05867522]
 [-1.17495986]]
result : [[ 0.5662866 ]
 [-0.84837499]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.5662866 ]
 [-0.84837499]]
dot product : [[ 1.53955365]
 [ 0.12016338]
 [ 0.87663597]]
result : [[ 1.656953  ]
 [ 0.67270744]
 [ 0.98435344]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.88410719]
 [-0.84248988]
 [ 0.52263013]]
dot product : [[-0.12193547]
 [-1.40420494]]
result : [[ 0.50302635]
 [-1.07762007]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.50302635]
 [-1.07762007]]
dot product : [[ 1.6565639 ]
 [ 0.28751801]
 [ 0.98036242]]
result : [[ 1.77396325]
 [ 0.84006207]
 [ 1.08807988]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.74221482]
 [-0.01150444]
 [ 1.07919707]]
dot product : [[-0.4332592 ]
 [-0.31289724]]
result : [[ 0.19170262]
 [ 0.01368764]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.19170262]
 [ 0.01368764]]
dot product : [[ 0.25281654]
 [-0.12719314]
 [ 0.10950505]]
result : [[ 0.37021588]
 [ 0.42535092]
 [ 0.21722251]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.81380157]
 [-0.02431671]
 [ 1.06910845]]
dot product : [[-0.45482078]
 [-0.2855934 ]]
result : [[ 0.17014105]
 [ 0.04099147]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.17014105]
 [ 0.04099147]]
dot product : [[ 0.19865554]
 [-0.12897969]
 [ 0.07923759]]
result : [[ 0.31605489]
 [ 0.42356437]
 [ 0.18695506]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.65264831]
 [-1.09966686]
 [ 0.33892295]]
dot product : [[-0.22597526]
 [-1.40649197]]
result : [[ 0.39898657]
 [-1.07990709]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.39898657]
 [-1.07990709]]
dot product : [[ 1.514771  ]
 [ 0.35367901]
 [ 0.9177326 ]]
result : [[ 1.63217034]
 [ 0.90622308]
 [ 1.02545007]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.0896365]
 [-0.4953697]
 [ 0.750529 ]]
dot product : [[-0.33226943]
 [-0.81394009]]
result : [[ 0.2926924 ]
 [-0.48735521]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.2926924 ]
 [-0.48735521]]
dot product : [[ 0.83931822]
 [ 0.08936932]
 [ 0.48351013]]
result : [[ 0.95671756]
 [ 0.64191338]
 [ 0.5912276 ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.89248299]
 [-0.32136112]
 [ 0.85986509]]
dot product : [[-0.52353782]
 [-0.3743647 ]]
result : [[ 0.101424  ]
 [-0.04777983]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.101424  ]
 [-0.04777983]]
dot product : [[ 0.18283182]
 [-0.03659601]
 [ 0.09217905]]
result : [[ 0.30023116]
 [ 0.51594805]
 [ 0.19989652]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.70682931]
 [-0.01844346]
 [ 1.07488957]]
dot product : [[-0.42471283]
 [-0.33196493]]
result : [[ 0.20024899]
 [-0.00538006]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.20024899]
 [-0.00538006]]
dot product : [[ 0.28163839]
 [-0.12188476]
 [ 0.12663371]]
result : [[ 0.39903774]
 [ 0.43065931]
 [ 0.23435117]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.73415457]
 [-1.11607237]
 [ 0.32870542]]
dot product : [[-0.2063569 ]
 [-1.45058939]]
result : [[ 0.41860492]
 [-1.12400452]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.41860492]
 [-1.12400452]]
dot product : [[ 1.58122392]
 [ 0.36604706]
 [ 0.95725538]]
result : [[ 1.69862326]
 [ 0.91859112]
 [ 1.06497285]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.63635401]
 [-1.09331501]
 [ 0.34311697]]
dot product : [[-0.22940848]
 [-1.39638663]]
result : [[ 0.39555334]
 [-1.06980175]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.39555334]
 [-1.06980175]]
dot product : [[ 1.50101157]
 [ 0.35018212]
 [ 0.90932973]]
result : [[ 1.61841092]
 [ 0.90272619]
 [ 1.0170472 ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.38826665]
 [-0.22284173]
 [ 0.93671988]]
dot product : [[-0.3703535 ]
 [-0.56320285]]
result : [[ 0.25460833]
 [-0.23661798]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.25460833]
 [-0.23661798]]
dot product : [[ 0.56303258]
 [-0.0267724 ]
 [ 0.30401412]]
result : [[ 0.68043192]
 [ 0.52577166]
 [ 0.41173159]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.64455448]
 [-1.09661287]
 [ 0.3409354 ]]
dot product : [[-0.22769673]
 [-1.40151482]]
result : [[ 0.3972651 ]
 [-1.07492995]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.3972651 ]
 [-1.07492995]]
dot product : [[ 1.50795193]
 [ 0.35197574]
 [ 0.91357518]]
result : [[ 1.62535128]
 [ 0.9045198 ]
 [ 1.02129265]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.87704311]
 [-0.67298184]
 [ 0.64122427]]
dot product : [[-0.0968937 ]
 [-1.32982433]]
result : [[ 0.52806812]
 [-1.00323946]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.52806812]
 [-1.00323946]]
dot product : [[ 1.62484274]
 [ 0.23040162]
 [ 0.94948803]]
result : [[ 1.74224208]
 [ 0.78294568]
 [ 1.05720549]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.82375085]
 [-0.03083545]
 [ 1.0643883 ]]
dot product : [[-0.45857126]
 [-0.28378759]]
result : [[ 0.16639056]
 [ 0.04279728]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.16639056]
 [ 0.04279728]]
dot product : [[ 0.19185995]
 [-0.12764819]
 [ 0.0758047 ]]
result : [[ 0.3092593 ]
 [ 0.42489588]
 [ 0.18352216]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.65236982]
 [-0.03900642]
 [ 1.06133886]]
dot product : [[-0.41313212]
 [-0.36545966]]
result : [[ 0.2118297 ]
 [-0.03887479]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.2118297 ]
 [-0.03887479]]
dot product : [[ 0.32752278]
 [-0.11041952]
 [ 0.15460931]]
result : [[ 0.44492212]
 [ 0.44212454]
 [ 0.26232678]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.48228053]
 [-1.0036456 ]
 [ 0.40350862]]
dot product : [[-0.25716131]
 [-1.28840494]]
result : [[ 0.36780051]
 [-0.96182007]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.36780051]
 [-0.96182007]]
dot product : [[ 1.36633387]
 [ 0.30724444]
 [ 0.82503979]]
result : [[ 1.48373322]
 [ 0.8597885 ]
 [ 0.93275726]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.71335526]
 [-1.11486096]
 [ 0.32922941]]
dot product : [[-0.21183657]
 [-1.44058518]]
result : [[ 0.41312526]
 [-1.11400031]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.41312526]
 [-1.11400031]]
dot product : [[ 1.56472553]
 [ 0.36388286]
 [ 0.94765553]]
result : [[ 1.68212488]
 [ 0.91642692]
 [ 1.055373  ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.25882582]
 [-0.33700705]
 [ 0.85878993]]
dot product : [[-0.35321574]
 [-0.67022159]]
result : [[ 0.27174609]
 [-0.34363672]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.27174609]
 [-0.34363672]]
dot product : [[ 0.68217632]
 [ 0.02224818]
 [ 0.38116949]]
result : [[ 0.79957566]
 [ 0.57479224]
 [ 0.48888695]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.8411984 ]
 [-0.70686931]
 [ 0.59069842]]
dot product : [[-0.57088482]
 [-0.55960559]]
result : [[ 0.054077  ]
 [-0.23302071]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.054077  ]
 [-0.23302071]]
dot product : [[ 0.28259396]
 [ 0.0962831 ]
 [ 0.17831614]]
result : [[ 0.39999331]
 [ 0.64882717]
 [ 0.28603361]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.88430752]
 [-0.82759425]
 [ 0.53306447]]
dot product : [[-0.11951098]
 [-1.39804355]]
result : [[ 0.50545084]
 [-1.07145868]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.50545084]
 [-1.07145868]]
dot product : [[ 1.6544203 ]
 [ 0.28256836]
 [ 0.97802047]]
result : [[ 1.77181964]
 [ 0.83511242]
 [ 1.08573793]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.85618893]
 [-0.50293269]
 [ 0.75998228]]
dot product : [[-0.07552668]
 [-1.24892086]]
result : [[ 0.54943514]
 [-0.92233599]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.54943514]
 [-0.92233599]]
dot product : [[ 1.5822235 ]
 [ 0.17193773]
 [ 0.91229167]]
result : [[ 1.69962284]
 [ 0.72448179]
 [ 1.02000913]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.46006334]
 [-0.16426831]
 [ 0.97661847]]
dot product : [[-0.38061504]
 [-0.5058371 ]]
result : [[ 0.24434678]
 [-0.17925223]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.24434678]
 [-0.17925223]]
dot product : [[ 0.49768108]
 [-0.05237862]
 [ 0.26199428]]
result : [[ 0.61508042]
 [ 0.50016544]
 [ 0.36971174]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.27353785]
 [-0.83480259]
 [ 0.51849199]]
dot product : [[-0.28722723]
 [-1.1222294 ]]
result : [[ 0.33773459]
 [-0.79564453]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.33773459]
 [-0.79564453]]
dot product : [[ 1.17655463]
 [ 0.23328141]
 [ 0.70310817]]
result : [[ 1.29395397]
 [ 0.78582547]
 [ 0.81082563]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.55648726]
 [-0.09398864]
 [ 1.02433075]]
dot product : [[-0.39573051]
 [-0.43231405]]
result : [[ 0.22923131]
 [-0.10572917]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.22923131]
 [-0.10572917]]
dot product : [[ 0.41120827]
 [-0.08397227]
 [ 0.20693038]]
result : [[ 0.52860761]
 [ 0.46857179]
 [ 0.31464784]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.88131382]
 [-0.72870994]
 [ 0.60226519]]
dot product : [[-0.10459519]
 [-1.35516745]]
result : [[ 0.52036664]
 [-1.02858258]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.52036664]
 [-1.02858258]]
dot product : [[ 1.63679941]
 [ 0.24934431]
 [ 0.96051911]]
result : [[ 1.75419875]
 [ 0.80188837]
 [ 1.06823658]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.88658559]
 [-0.40591942]
 [ 0.80074197]]
dot product : [[-0.53538248]
 [-0.41255272]]
result : [[ 0.08957934]
 [-0.08596785]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.08957934]
 [-0.08596785]]
dot product : [[ 0.20051713]
 [-0.00790289]
 [ 0.10865351]]
result : [[ 0.31791647]
 [ 0.54464117]
 [ 0.21637098]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.10106781]
 [-0.48450296]
 [ 0.75796058]]
dot product : [[-0.33365811]
 [-0.80415964]]
result : [[ 0.29130371]
 [-0.47757476]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.29130371]
 [-0.47757476]]
dot product : [[ 0.8286751]
 [ 0.0847786]
 [ 0.4765682]]
result : [[ 0.94607445]
 [ 0.63732266]
 [ 0.58428567]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.83309753]
 [-0.03868815]
 [ 1.0587434 ]]
dot product : [[-0.46236964]
 [-0.28281685]]
result : [[ 0.16259218]
 [ 0.04376802]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.16259218]
 [ 0.04376802]]
dot product : [[ 0.18574297]
 [-0.12582091]
 [ 0.07286203]]
result : [[ 0.30314231]
 [ 0.42672315]
 [ 0.1805795 ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.88234155]
 [-0.88453597]
 [ 0.49315826]]
dot product : [[-0.12910642]
 [-1.42104884]]
result : [[ 0.4958554 ]
 [-1.09446397]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.4958554 ]
 [-1.09446397]]
dot product : [[ 1.66167347]
 [ 0.30138788]
 [ 0.98643054]]
result : [[ 1.77907282]
 [ 0.85393194]
 [ 1.094148  ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.59269937]
 [-0.07103919]
 [ 1.03983725]]
dot product : [[-0.4019551 ]
 [-0.40614816]]
result : [[ 0.22300673]
 [-0.07956329]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.22300673]
 [-0.07956329]]
dot product : [[ 0.37926528]
 [-0.09468892]
 [ 0.18681351]]
result : [[ 0.49666463]
 [ 0.45785514]
 [ 0.29453098]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.67627288]
 [-1.10732743]
 [ 0.33392676]]
dot product : [[-0.22075113]
 [-1.42049323]]
result : [[ 0.4042107 ]
 [-1.09390836]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.4042107 ]
 [-1.09390836]]
dot product : [[ 1.53448112]
 [ 0.35823264]
 [ 0.92966274]]
result : [[ 1.65188047]
 [ 0.9107767 ]
 [ 1.03738021]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.2918166 ]
 [-0.30711228]
 [ 0.87921038]]
dot product : [[-0.35745682]
 [-0.64261088]]
result : [[ 0.26750501]
 [-0.31602601]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.26750501]
 [-0.31602601]]
dot product : [[ 0.65168683]
 [ 0.00948839]
 [ 0.36137459]]
result : [[ 0.76908618]
 [ 0.56203246]
 [ 0.46909205]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.88818223]
 [-0.38808078]
 [ 0.81320924]]
dot product : [[-0.53297984]
 [-0.40433554]]
result : [[ 0.09198198]
 [-0.07775067]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.09198198]
 [-0.07775067]]
dot product : [[ 0.19650974]
 [-0.0139859 ]
 [ 0.10501867]]
result : [[ 0.31390909]
 [ 0.53855816]
 [ 0.21273614]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.83586808]
 [-0.38015222]
 [ 0.84564697]]
dot product : [[-0.06153453]
 [-1.18810319]]
result : [[ 0.56342729]
 [-0.86151832]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.56342729]
 [-0.86151832]]
dot product : [[ 1.5473234 ]
 [ 0.12927963]
 [ 0.88305551]]
result : [[ 1.66472274]
 [ 0.68182369]
 [ 0.99077298]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.52840239]
 [-0.11323031]
 [ 1.01129402]]
dot product : [[-0.39113249]
 [-0.45321309]]
result : [[ 0.23382933]
 [-0.12662822]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.23382933]
 [-0.12662822]]
dot product : [[ 0.43620502]
 [-0.07517971]
 [ 0.22276795]]
result : [[ 0.55360436]
 [ 0.47736435]
 [ 0.33048542]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.78638149]
 [-0.01365519]
 [ 1.07700217]]
dot product : [[-0.44564654]
 [-0.29363627]]
result : [[ 0.17931528]
 [ 0.0329486 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.17931528]
 [ 0.0329486 ]]
dot product : [[ 0.21851225]
 [-0.13021392]
 [ 0.08989138]]
result : [[ 0.33591159]
 [ 0.42233014]
 [ 0.19760884]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.79752477]
 [-0.18586622]
 [ 0.98110502]]
dot product : [[-0.04108114]
 [-1.08904118]]
result : [[ 0.58388069]
 [-0.76245631]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.58388069]
 [-0.76245631]]
dot product : [[ 1.4872453 ]
 [ 0.06125438]
 [ 0.83399549]]
result : [[ 1.60464464]
 [ 0.61379844]
 [ 0.94171296]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.80028279]
 [-1.09741885]
 [ 0.34279947]]
dot product : [[-0.18535465]
 [-1.47294917]]
result : [[ 0.43960717]
 [-1.1463643 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.43960717]
 [-1.1463643 ]]
dot product : [[ 1.63020199]
 [ 0.36542401]
 [ 0.98410149]]
result : [[ 1.74760134]
 [ 0.91796807]
 [ 1.09181896]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.00212559]
 [-0.58283873]
 [ 0.69070654]]
dot product : [[-0.32116012]
 [-0.89255053]]
result : [[ 0.3038017 ]
 [-0.56596565]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.3038017 ]
 [-0.56596565]]
dot product : [[ 0.92479009]
 [ 0.12629982]
 [ 0.53927379]]
result : [[ 1.04218943]
 [ 0.67884388]
 [ 0.64699125]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.76825116]
 [-0.01096956]
 [ 1.07916561]]
dot product : [[-0.44027475]
 [-0.30078611]]
result : [[ 0.18468707]
 [ 0.02579877]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.18468707]
 [ 0.02579877]]
dot product : [[ 0.23231565]
 [-0.12957498]
 [ 0.09764835]]
result : [[ 0.34971499]
 [ 0.42296908]
 [ 0.20536582]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.2844863 ]
 [-0.84443541]
 [ 0.51191699]]
dot product : [[-0.28577392]
 [-1.13127142]]
result : [[ 0.3391879 ]
 [-0.80468655]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.3391879 ]
 [-0.80468655]]
dot product : [[ 1.18662848]
 [ 0.23741983]
 [ 0.70963032]]
result : [[ 1.30402782]
 [ 0.78996389]
 [ 0.81734779]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.88371162]
 [-0.85694283]
 [ 0.51250275]]
dot product : [[-0.12434278]
 [-1.41009136]]
result : [[ 0.50061904]
 [-1.08350649]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.50061904]
 [-1.08350649]]
dot product : [[ 1.65848602]
 [ 0.29230354]
 [ 0.98254381]]
result : [[ 1.77588536]
 [ 0.8448476 ]
 [ 1.09026128]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.1280158 ]
 [-0.70199809]
 [ 0.60922395]]
dot product : [[-0.30578523]
 [-1.00004465]]
result : [[ 0.3191766 ]
 [-0.67345978]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.3191766 ]
 [-0.67345978]]
dot product : [[ 1.04192072]
 [ 0.17668505]
 [ 0.61563969]]
result : [[ 1.15932006]
 [ 0.72922911]
 [ 0.72335715]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.56567595]
 [-0.08795369]
 [ 1.02841365]]
dot product : [[-0.39727631]
 [-0.42558572]]
result : [[ 0.22768551]
 [-0.09900085]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.22768551]
 [-0.09900085]]
dot product : [[ 0.40307017]
 [-0.08676214]
 [ 0.20179124]]
result : [[ 0.52046951]
 [ 0.46578192]
 [ 0.3095087 ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.76193823]
 [-0.01066996]
 [ 1.07947387]]
dot product : [[-0.43850542]
 [-0.30354244]]
result : [[ 0.18645641]
 [ 0.02304243]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.18645641]
 [ 0.02304243]]
dot product : [[ 0.23722011]
 [-0.12914061]
 [ 0.1004531 ]]
result : [[ 0.35461945]
 [ 0.42340346]
 [ 0.20817056]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.88232077]
 [-0.74634198]
 [ 0.58993341]]
dot product : [[-0.10712578]
 [-1.36302869]]
result : [[ 0.51783604]
 [-1.03644382]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.51783604]
 [-1.03644382]]
dot product : [[ 1.64031243]
 [ 0.25530852]
 [ 0.96385365]]
result : [[ 1.75771178]
 [ 0.80785258]
 [ 1.07157112]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.8624718 ]
 [-0.58812709]
 [ 0.67352033]]
dot product : [[-0.55779493]
 [-0.5000482 ]]
result : [[ 0.06716689]
 [-0.17346332]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.06716689]
 [-0.17346332]]
dot product : [[ 0.24757057]
 [ 0.05489085]
 [ 0.14930885]]
result : [[ 0.36496991]
 [ 0.60743491]
 [ 0.25702632]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.84468781]
 [-0.43082952]
 [ 0.81029585]]
dot product : [[-0.06719184]
 [-1.2134029 ]]
result : [[ 0.55776998]
 [-0.88681803]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.55776998]
 [-0.88681803]]
dot product : [[ 1.56206738]
 [ 0.14692323]
 [ 0.89531809]]
result : [[ 1.67946672]
 [ 0.69946729]
 [ 1.00303556]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.13526893]
 [-0.45208366]
 [ 0.78013005]]
dot product : [[-0.33782763]
 [-0.77493662]]
result : [[ 0.28713419]
 [-0.44835175]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.28713419]
 [-0.44835175]]
dot product : [[ 0.79684651]
 [ 0.07107464]
 [ 0.45581392]]
result : [[ 0.91424585]
 [ 0.6236187 ]
 [ 0.56353139]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.6280486 ]
 [-1.08977712]
 [ 0.34546499]]
dot product : [[-0.23111067]
 [-1.39110976]]
result : [[ 0.39385115]
 [-1.06452488]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.39385115]
 [-1.06452488]]
dot product : [[ 1.49395184]
 [ 0.3482996 ]
 [ 0.90499764]]
result : [[ 1.61135118]
 [ 0.90084366]
 [ 1.01271511]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.06673768]
 [-0.51717072]
 [ 0.73561912]]
dot product : [[-0.32949294]
 [-0.83354585]]
result : [[ 0.29546889]
 [-0.50696098]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.29546889]
 [-0.50696098]]
dot product : [[ 0.86064325]
 [ 0.09857633]
 [ 0.49742138]]
result : [[ 0.97804259]
 [ 0.65112039]
 [ 0.60513884]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.87312378]
 [-0.10708939]
 [ 1.01021872]]
dot product : [[-0.48416808]
 [-0.29325658]]
result : [[ 0.14079374]
 [ 0.03332829]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.14079374]
 [ 0.03332829]]
dot product : [[ 0.16491841]
 [-0.10640158]
 [ 0.06593888]]
result : [[ 0.28231775]
 [ 0.44614248]
 [ 0.17365635]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.86435564]
 [-0.99724056]
 [ 0.41395221]]
dot product : [[-0.15194256]
 [-1.46014837]]
result : [[ 0.47301926]
 [-1.1335635 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.47301926]
 [-1.1335635 ]]
dot product : [[ 1.6649763 ]
 [ 0.33744445]
 [ 0.99670527]]
result : [[ 1.78237565]
 [ 0.88998852]
 [ 1.10442273]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.88261408]
 [-0.14319077]
 [ 0.98478939]]
dot product : [[-0.49249992]
 [-0.30407842]]
result : [[ 0.1324619 ]
 [ 0.02250645]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.1324619 ]
 [ 0.02250645]]
dot product : [[ 0.16305194]
 [-0.09516758]
 [ 0.0675444 ]]
result : [[ 0.28045128]
 [ 0.45737648]
 [ 0.17526186]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.75381005]
 [-1.11467609]
 [ 0.32998973]]
dot product : [[-0.2007743 ]
 [-1.45897676]]
result : [[ 0.42418752]
 [-1.13239189]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.42418752]
 [-1.13239189]]
dot product : [[ 1.59642252]
 [ 0.36724498]
 [ 0.96591233]]
result : [[ 1.71382186]
 [ 0.91978904]
 [ 1.0736298 ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.85221913]
 [-1.03110487]
 [ 0.39004821]]
dot product : [[-0.16064016]
 [-1.46882304]]
result : [[ 0.46432166]
 [-1.14223817]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.46432166]
 [-1.14223817]]
dot product : [[ 1.6606891 ]
 [ 0.34770859]
 [ 0.99674928]]
result : [[ 1.77808844]
 [ 0.90025266]
 [ 1.10446675]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.66063379]
 [-1.10247317]
 [ 0.33708225]]
dot product : [[-0.22424393]
 [-1.41131567]]
result : [[ 0.40071789]
 [-1.0847308 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.40071789]
 [-1.0847308 ]]
dot product : [[ 1.52146683]
 [ 0.35529054]
 [ 0.9218006 ]]
result : [[ 1.63886618]
 [ 0.9078346 ]
 [ 1.02951807]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.80372785]
 [-0.21526295]
 [ 0.9606156 ]]
dot product : [[-0.04406637]
 [-1.1042132 ]]
result : [[ 0.58089545]
 [-0.77762833]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.58089545]
 [-0.77762833]]
dot product : [[ 1.49665036]
 [ 0.07158102]
 [ 0.84160008]]
result : [[ 1.6140497 ]
 [ 0.62412508]
 [ 0.94931754]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.13937598]
 [-0.71261405]
 [ 0.60196689]]
dot product : [[-0.30437604]
 [-1.00968735]]
result : [[ 0.32058578]
 [-0.68310248]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.32058578]
 [-0.68310248]]
dot product : [[ 1.05246931]
 [ 0.18118613]
 [ 0.62250851]]
result : [[ 1.16986865]
 [ 0.73373019]
 [ 0.73022597]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.81885068]
 [-0.02741125]
 [ 1.06686264]]
dot product : [[-0.45669011]
 [-0.28458731]]
result : [[ 0.16827172]
 [ 0.04199757]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.16827172]
 [ 0.04199757]]
dot product : [[ 0.19517389]
 [-0.1283752 ]
 [ 0.07746056]]
result : [[ 0.31257323]
 [ 0.42416886]
 [ 0.18517803]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.8615769 ]
 [-1.00628655]
 [ 0.40757408]]
dot product : [[-0.15413958]
 [-1.46267707]]
result : [[ 0.47082225]
 [-1.13609219]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.47082225]
 [-1.13609219]]
dot product : [[ 1.66419435]
 [ 0.34022546]
 [ 0.99692641]]
result : [[ 1.78159369]
 [ 0.89276952]
 [ 1.10464388]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.8756188 ]
 [-0.94603947]
 [ 0.44998331]]
dot product : [[-0.14072491]
 [-1.4437974 ]]
result : [[ 0.48423692]
 [-1.11721253]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.48423692]
 [-1.11721253]]
dot product : [[ 1.66590087]
 [ 0.32132585]
 [ 0.99343532]]
result : [[ 1.78330021]
 [ 0.87386991]
 [ 1.10115279]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.88923054]
 [-0.18566798]
 [ 0.95493997]]
dot product : [[-0.50106238]
 [-0.31888871]]
result : [[ 0.12389945]
 [ 0.00769616]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.12389945]
 [ 0.00769616]]
dot product : [[ 0.16442398]
 [-0.0815645 ]
 [ 0.07149018]]
result : [[ 0.28182333]
 [ 0.47097956]
 [ 0.17920765]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.61024572]
 [-0.06079305]
 [ 1.04673886]]
dot product : [[-0.40511021]
 [-0.39383648]]
result : [[ 0.21985161]
 [-0.0672516 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.21985161]
 [-0.0672516 ]]
dot product : [[ 0.36392248]
 [-0.09959024]
 [ 0.17720871]]
result : [[ 0.48132182]
 [ 0.45295382]
 [ 0.28492618]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.48980896]
 [-0.14139571]
 [ 0.99217199]]
dot product : [[-0.38508831]
 [-0.48265568]]
result : [[ 0.23987351]
 [-0.1560708 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.23987351]
 [-0.1560708 ]]
dot product : [[ 0.47082112]
 [-0.06252238]
 [ 0.24481304]]
result : [[ 0.58822046]
 [ 0.49002168]
 [ 0.3525305 ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.61887301]
 [-0.05599051]
 [ 1.04996748]]
dot product : [[-0.40669898]
 [-0.38788179]]
result : [[ 0.21826284]
 [-0.06129692]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.21826284]
 [-0.06129692]]
dot product : [[ 0.35641499]
 [-0.10192168]
 [ 0.17252461]]
result : [[ 0.47381433]
 [ 0.45062239]
 [ 0.28024207]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.88956859]
 [-0.37070946]
 [ 0.82535253]]
dot product : [[-0.5305942 ]
 [-0.39641053]]
result : [[ 0.09436763]
 [-0.06982566]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.09436763]
 [-0.06982566]]
dot product : [[ 0.19273944]
 [-0.0198953 ]
 [ 0.1015552 ]]
result : [[ 0.31013879]
 [ 0.53264877]
 [ 0.20927266]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.71414978]
 [-0.01651868]
 [ 1.07612332]]
dot product : [[-0.42640304]
 [-0.32781488]]
result : [[ 0.19855878]
 [-0.00123001]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.19855878]
 [-0.00123001]]
dot product : [[ 0.27560023]
 [-0.12314607]
 [ 0.12301028]]
result : [[ 0.39299957]
 [ 0.42939799]
 [ 0.23072774]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.85738571]
 [-0.07055587]
 [ 1.03604809]]
dot product : [[-0.4740636 ]
 [-0.28510569]]
result : [[ 0.15089823]
 [ 0.04147918]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.15089823]
 [ 0.04147918]]
dot product : [[ 0.17161777]
 [-0.1172509 ]
 [ 0.06708702]]
result : [[ 0.28901711]
 [ 0.43529316]
 [ 0.17480448]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.89042284]
 [-0.19731218]
 [ 0.94676709]]
dot product : [[-0.5032401 ]
 [-0.32323235]]
result : [[ 0.12172172]
 [ 0.00335253]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.12172172]
 [ 0.00335253]]
dot product : [[ 0.16528746]
 [-0.07778291]
 [ 0.07285275]]
result : [[ 0.2826868 ]
 [ 0.47476115]
 [ 0.18057022]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.49203326]
 [-1.01050411]
 [ 0.39885779]]
dot product : [[-0.25559271]
 [-1.29573649]]
result : [[ 0.36936911]
 [-0.96915161]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.36936911]
 [-0.96915161]]
dot product : [[ 1.37504151]
 [ 0.31035664]
 [ 0.83056838]]
result : [[ 1.49244085]
 [ 0.8629007 ]
 [ 0.93828585]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.44252695]
 [-0.97449941]
 [ 0.42329939]]
dot product : [[-0.26336584]
 [-1.25802099]]
result : [[ 0.36159598]
 [-0.93143612]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.36159598]
 [-0.93143612]]
dot product : [[ 1.33065646]
 [ 0.29416191]
 [ 0.80231011]]
result : [[ 1.44805581]
 [ 0.84670597]
 [ 0.91002758]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.00935906]
 [-0.57188877]
 [ 0.69819556]]
dot product : [[-0.32255011]
 [-0.8827108 ]]
result : [[ 0.30241171]
 [-0.55612592]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.30241171]
 [-0.55612592]]
dot product : [[ 0.9140923 ]
 [ 0.12167684]
 [ 0.53229416]]
result : [[ 1.03149164]
 [ 0.6742209 ]
 [ 0.64001163]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.81402889]
 [-0.83872816]
 [ 0.49878306]]
dot product : [[-0.58445354]
 [-0.62736084]]
result : [[ 0.04050828]
 [-0.30077597]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.04050828]
 [-0.30077597]]
dot product : [[ 0.32426714]
 [ 0.1425478 ]
 [ 0.21213067]]
result : [[ 0.44166649]
 [ 0.69509186]
 [ 0.31984814]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.6841651 ]
 [-0.02576757]
 [ 1.07011403]]
dot product : [[-0.41969708]
 [-0.34538652]]
result : [[ 0.20526474]
 [-0.01880165]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.20526474]
 [-0.01880165]]
dot product : [[ 0.30054342]
 [-0.11752459]
 [ 0.13807478]]
result : [[ 0.41794276]
 [ 0.43501947]
 [ 0.24579225]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.5761078 ]
 [-1.06372307]
 [ 0.36290032]]
dot product : [[-0.24113086]
 [-1.35645988]]
result : [[ 0.38383096]
 [-1.029875  ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.38383096]
 [-1.029875  ]]
dot product : [[ 1.44919455]
 [ 0.33521664]
 [ 0.87726386]]
result : [[ 1.56659389]
 [ 0.8877607 ]
 [ 0.98498133]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.31706324]
 [-0.8727042 ]
 [ 0.49262874]]
dot product : [[-0.28138701]
 [-1.15801065]]
result : [[ 0.34357481]
 [-0.83142577]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.34357481]
 [-0.83142577]]
dot product : [[ 1.21654228]
 [ 0.24960245]
 [ 0.72897262]]
result : [[ 1.33394163]
 [ 0.80214651]
 [ 0.83669009]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.24044795]
 [-0.80532804]
 [ 0.53861663]]
dot product : [[-0.2915622 ]
 [-1.09474983]]
result : [[ 0.33339962]
 [-0.76816496]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.33339962]
 [-0.76816496]]
dot product : [[ 1.14605231]
 [ 0.22065335]
 [ 0.68333708]]
result : [[ 1.26345165]
 [ 0.77319741]
 [ 0.79105455]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.74891835]
 [-0.01094122]
 [ 1.07948694]]
dot product : [[-0.43499779]
 [-0.30960039]]
result : [[ 0.18996404]
 [ 0.01698449]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.18996404]
 [ 0.01698449]]
dot product : [[ 0.24747248]
 [-0.12794827]
 [ 0.10638284]]
result : [[ 0.36487183]
 [ 0.42459579]
 [ 0.2141003 ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.43987726]
 [-0.18029201]
 [ 0.96571207]]
dot product : [[-0.37765922]
 [-0.52177921]]
result : [[ 0.24730261]
 [-0.19519434]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.24730261]
 [-0.19519434]]
dot product : [[ 0.51598639]
 [-0.04532751]
 [ 0.27373581]]
result : [[ 0.63338573]
 [ 0.50721655]
 [ 0.38145328]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.69939058]
 [-0.02062908]
 [ 1.07347501]]
dot product : [[-0.42303186]
 [-0.33627848]]
result : [[ 0.20192996]
 [-0.00969361]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.20192996]
 [-0.00969361]]
dot product : [[ 0.2878096 ]
 [-0.12052646]
 [ 0.1303532 ]]
result : [[ 0.40520894]
 [ 0.4320176 ]
 [ 0.23807067]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.87519723]
 [-0.65344906]
 [ 0.65487403]]
dot product : [[-0.09428949]
 [-1.32078221]]
result : [[ 0.53067233]
 [-0.99419733]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.53067233]
 [-0.99419733]]
dot product : [[ 1.62037823]
 [ 0.22373264]
 [ 0.94546387]]
result : [[ 1.73777757]
 [ 0.77627671]
 [ 1.05318133]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.77815857]
 [-1.10857954]
 [ 0.33463877]]
dot product : [[-0.19316402]
 [-1.46753361]]
result : [[ 0.43179781]
 [-1.14094874]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.43179781]
 [-1.14094874]]
dot product : [[ 1.61457552]
 [ 0.36727287]
 [ 0.97592314]]
result : [[ 1.73197486]
 [ 0.91981694]
 [ 1.08364061]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.8708618 ]
 [-0.61292545]
 [ 0.68318458]]
dot product : [[-0.08902465]
 [-1.30179204]]
result : [[ 0.53593717]
 [-0.97520716]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.53593717]
 [-0.97520716]]
dot product : [[ 1.61071922]
 [ 0.20985407]
 [ 0.93688647]]
result : [[ 1.72811856]
 [ 0.76239813]
 [ 1.04460394]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.88050667]
 [-0.13357725]
 [ 0.99155448]]
dot product : [[-0.4903957]
 [-0.301005 ]]
result : [[ 0.13456613]
 [ 0.02557987]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.13456613]
 [ 0.02557987]]
dot product : [[ 0.16321976]
 [-0.09819464]
 [ 0.0669271 ]]
result : [[ 0.28061911]
 [ 0.45434942]
 [ 0.17464457]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.66048242]
 [-0.03533603]
 [ 1.06378268]]
dot product : [[-0.41476064]
 [-0.3602152 ]]
result : [[ 0.21020118]
 [-0.03363033]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.21020118]
 [-0.03363033]]
dot product : [[ 0.32059379]
 [-0.11232991]
 [ 0.15034275]]
result : [[ 0.43799313]
 [ 0.44021415]
 [ 0.25806021]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.81535065]
 [-1.08557778]
 [ 0.35132659]]
dot product : [[-0.17936145]
 [-1.47485763]]
result : [[ 0.44560037]
 [-1.14827275]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.44560037]
 [-1.14827275]]
dot product : [[ 1.64018963]
 [ 0.36275109]
 [ 0.98897902]]
result : [[ 1.75758898]
 [ 0.91529515]
 [ 1.09669648]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.8841156 ]
 [-0.79645963]
 [ 0.55486465]]
dot product : [[-0.11460988]
 [-1.38488634]]
result : [[ 0.51035194]
 [-1.05830147]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.51035194]
 [-1.05830147]]
dot product : [[ 1.6494609 ]
 [ 0.272171  ]
 [ 0.97284934]]
result : [[ 1.76686024]
 [ 0.82471506]
 [ 1.08056681]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.3027292 ]
 [-0.29732748]
 [ 0.88589238]]
dot product : [[-0.35887617]
 [-0.63352142]]
result : [[ 0.26608566]
 [-0.30693655]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.26608566]
 [-0.30693655]]
dot product : [[ 0.64161762]
 [ 0.00530233]
 [ 0.35484382]]
result : [[ 0.75901697]
 [ 0.55784639]
 [ 0.46256129]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.5017083 ]
 [-1.01718375]
 [ 0.39433099]]
dot product : [[-0.25401684]
 [-1.30295748]]
result : [[ 0.37094498]
 [-0.97637261]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.37094498]
 [-0.97637261]]
dot product : [[ 1.38366059]
 [ 0.31340263]
 [ 0.83603265]]
result : [[ 1.50105994]
 [ 0.86594669]
 [ 0.94375012]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.15797529]
 [-0.43065982]
 [ 0.7947788 ]]
dot product : [[-0.34061164]
 [-0.75557705]]
result : [[ 0.28435018]
 [-0.42899218]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.28435018]
 [-0.42899218]]
dot product : [[ 0.77573067]
 [ 0.06200968]
 [ 0.44205127]]
result : [[ 0.89313001]
 [ 0.61455374]
 [ 0.54976873]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.79777761]
 [-0.01697286]
 [ 1.07450114]]
dot product : [[-0.44928233]
 [-0.28982618]]
result : [[ 0.1756795 ]
 [ 0.03675869]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.1756795 ]
 [ 0.03675869]]
dot product : [[ 0.21008759]
 [-0.13007219]
 [ 0.08528171]]
result : [[ 0.32748693]
 [ 0.42247187]
 [ 0.19299918]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.85465634]
 [-0.63408057]
 [ 0.64146157]]
dot product : [[-0.56297458]
 [-0.52290647]]
result : [[ 0.06198725]
 [-0.1963216 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.06198725]
 [-0.1963216 ]]
dot product : [[ 0.26079737]
 [ 0.07087441]
 [ 0.16034606]]
result : [[ 0.37819671]
 [ 0.62341847]
 [ 0.26806353]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.88477696]
 [-0.42422919]
 [ 0.78794808]]
dot product : [[-0.53780227]
 [-0.42106445]]
result : [[ 0.08715955]
 [-0.09447958]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.08715955]
 [-0.09447958]]
dot product : [[ 0.20476354]
 [-0.00164485]
 [ 0.11246112]]
result : [[ 0.32216288]
 [ 0.55089921]
 [ 0.22017858]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.51887351]
 [-0.1200104 ]
 [ 1.00669461]]
dot product : [[-0.38961246]
 [-0.46040952]]
result : [[ 0.23534936]
 [-0.13382465]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.23534936]
 [-0.13382465]]
dot product : [[ 0.44472499]
 [-0.0721126 ]
 [ 0.22818255]]
result : [[ 0.56212434]
 [ 0.48043146]
 [ 0.33590002]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.26254751]
 [-0.82507121]
 [ 0.52513537]]
dot product : [[-0.28867629]
 [-1.11312687]]
result : [[ 0.33628554]
 [-0.786542  ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.33628554]
 [-0.786542  ]]
dot product : [[ 1.1664327 ]
 [ 0.22910658]
 [ 0.69655098]]
result : [[ 1.28383204]
 [ 0.78165064]
 [ 0.80426845]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.77334271]
 [-1.01494568]
 [ 0.37601468]]
dot product : [[-0.60139334]
 [-0.71990772]]
result : [[ 0.02356848]
 [-0.39332285]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.02356848]
 [-0.39332285]]
dot product : [[ 0.3833918]
 [ 0.2047468]
 [ 0.2592991]]
result : [[ 0.50079114]
 [ 0.75729086]
 [ 0.36701657]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.86565678]
 [-0.57043228]
 [ 0.71286083]]
dot product : [[-0.08368361]
 [-1.28157808]]
result : [[ 0.54127821]
 [-0.95499321]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.54127821]
 [-0.95499321]]
dot product : [[ 1.60007404]
 [ 0.19524519]
 [ 0.92759436]]
result : [[ 1.71747339]
 [ 0.74778925]
 [ 1.03531182]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.28086071]
 [-0.31698969]
 [ 0.8724642 ]]
dot product : [[-0.35604039]
 [-0.65175898]]
result : [[ 0.26892143]
 [-0.32517411]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.26892143]
 [-0.32517411]]
dot product : [[ 0.6618043 ]
 [ 0.013709  ]
 [ 0.36794005]]
result : [[ 0.77920365]
 [ 0.56625307]
 [ 0.47565752]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.47245184]
 [-0.99661205]
 [ 0.40828086]]
dot product : [[-0.25872278]
 [-1.28096524]]
result : [[ 0.36623905]
 [-0.95438037]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.36623905]
 [-0.95438037]]
dot product : [[ 1.35753963]
 [ 0.30406745]
 [ 0.81944828]]
result : [[ 1.47493897]
 [ 0.85661151]
 [ 0.92716574]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.40909873]
 [-0.20541402]
 [ 0.94859942]]
dot product : [[-0.37326213]
 [-0.54637644]]
result : [[ 0.2516997 ]
 [-0.21979157]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.2516997 ]
 [-0.21979157]]
dot product : [[ 0.5440038 ]
 [-0.03434632]
 [ 0.29175129]]
result : [[ 0.66140315]
 [ 0.51819774]
 [ 0.39946876]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.85373844]
 [-0.0643567 ]
 [ 1.04044617]]
dot product : [[-0.47208264]
 [-0.28416854]]
result : [[ 0.15287918]
 [ 0.04241633]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.15287918]
 [ 0.04241633]]
dot product : [[ 0.17352055]
 [-0.1190092 ]
 [ 0.06772337]]
result : [[ 0.29091989]
 [ 0.43353486]
 [ 0.17544083]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.88312251]
 [-0.87095692]
 [ 0.50267967]]
dot product : [[-0.12673305]
 [-1.4157052 ]]
result : [[ 0.49822877]
 [-1.08912033]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.49822877]
 [-1.08912033]]
dot product : [[ 1.66018857]
 [ 0.29692635]
 [ 0.98456606]]
result : [[ 1.77758791]
 [ 0.84947041]
 [ 1.09228352]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.84182799]
 [-0.0479054 ]
 [ 1.05215254]]
dot product : [[-0.46621706]
 [-0.28270024]]
result : [[ 0.15874477]
 [ 0.04388463]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.15874477]
 [ 0.04388463]]
dot product : [[ 0.18032   ]
 [-0.1234865 ]
 [ 0.07042076]]
result : [[ 0.29771934]
 [ 0.42905756]
 [ 0.17813823]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.87806208]
 [-0.48202356]
 [ 0.74758014]]
dot product : [[-0.54516592]
 [-0.4483908 ]]
result : [[ 0.0797959 ]
 [-0.12180593]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.0797959 ]
 [-0.12180593]]
dot product : [[ 0.21895611]
 [ 0.01819364]
 [ 0.12493447]]
result : [[ 0.33635546]
 [ 0.5707377 ]
 [ 0.23265194]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.08239468]
 [-0.65908384]
 [ 0.63856482]]
dot product : [[-0.31139949]
 [-0.96120243]]
result : [[ 0.31356233]
 [-0.63461756]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.31356233]
 [-0.63461756]]
dot product : [[ 0.99951531]
 [ 0.15851529]
 [ 0.58800931]]
result : [[ 1.11691466]
 [ 0.71105935]
 [ 0.69572677]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.42222839]
 [-0.95895256]
 [ 0.43387011]]
dot product : [[-0.26642821]
 [-1.2422277 ]]
result : [[ 0.35853361]
 [-0.91564283]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.35853361]
 [-0.91564283]]
dot product : [[ 1.3123366 ]
 [ 0.28726027]
 [ 0.7905956 ]]
result : [[ 1.42973594]
 [ 0.83980433]
 [ 0.89831307]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.16929504]
 [-0.42001607]
 [ 0.80205595]]
dot product : [[-0.34200538]
 [-0.74594115]]
result : [[ 0.28295645]
 [-0.41935627]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.28295645]
 [-0.41935627]]
dot product : [[ 0.76520949]
 [ 0.05750276]
 [ 0.43519618]]
result : [[ 0.88260883]
 [ 0.61004682]
 [ 0.54291365]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.87538845]
 [-0.50225611]
 [ 0.73345324]]
dot product : [[-0.54765571]
 [-0.45810458]]
result : [[ 0.07730611]
 [-0.13151971]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.07730611]
 [-0.13151971]]
dot product : [[ 0.22417785]
 [ 0.02516599]
 [ 0.12944708]]
result : [[ 0.34157719]
 [ 0.57771005]
 [ 0.23716455]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.87822135]
 [-0.1243584 ]
 [ 0.99804596]]
dot product : [[-0.48830575]
 [-0.29817848]]
result : [[ 0.13665608]
 [ 0.0284064 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.13665608]
 [ 0.0284064 ]]
dot product : [[ 0.16358807]
 [-0.10107504]
 [ 0.06645468]]
result : [[ 0.28098741]
 [ 0.45146902]
 [ 0.17417215]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.8641857 ]
 [-0.08405028]
 [ 1.02649209]]
dot product : [[-0.47806502]
 [-0.28766587]]
result : [[ 0.1468968]
 [ 0.038919 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.1468968]
 [ 0.038919 ]]
dot product : [[ 0.16836934]
 [-0.11332699]
 [ 0.06621685]]
result : [[ 0.28576868]
 [ 0.43921707]
 [ 0.17393432]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.88137046]
 [-0.8976838 ]
 [ 0.48393586]]
dot product : [[-0.13146305]
 [-1.42612466]]
result : [[ 0.49349878]
 [-1.09953978]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.49349878]
 [-1.09953978]]
dot product : [[ 1.66294267]
 [ 0.30568954]
 [ 0.98813865]]
result : [[ 1.78034201]
 [ 0.8582336 ]
 [ 1.09585612]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.82087594]
 [-0.30014702]
 [ 0.90143979]]
dot product : [[-0.05289458]
 [-1.14767435]]
result : [[ 0.57206725]
 [-0.82108948]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.57206725]
 [-0.82108948]]
dot product : [[ 1.52320903]
 [ 0.10133493]
 [ 0.86321344]]
result : [[ 1.64060837]
 [ 0.65387899]
 [ 0.97093091]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.77227571]
 [-1.11056888]
 [ 0.33315392]]
dot product : [[-0.19508489]
 [-1.46568294]]
result : [[ 0.42987693]
 [-1.13909806]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.42987693]
 [-1.13909806]]
dot product : [[ 1.61026931]
 [ 0.3674383 ]
 [ 0.97358874]]
result : [[ 1.72766866]
 [ 0.91998236]
 [ 1.08130621]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.88312225]
 [-0.76350839]
 [ 0.57792449]]
dot product : [[-0.10963834]
 [-1.37060066]]
result : [[ 0.51532349]
 [-1.04401579]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.51532349]
 [-1.04401579]]
dot product : [[ 1.64359241]
 [ 0.2611001 ]
 [ 0.96701927]]
result : [[ 1.76099175]
 [ 0.81364416]
 [ 1.07473674]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.35980925]
 [-0.90878401]
 [ 0.46802911]]
dot product : [[-0.2754695 ]
 [-1.19267133]]
result : [[ 0.34949232]
 [-0.86608646]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.34949232]
 [-0.86608646]]
dot product : [[ 1.25563735]
 [ 0.26525009]
 [ 0.75418727]]
result : [[ 1.37303669]
 [ 0.81779415]
 [ 0.86190473]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.34591249]
 [-0.2591908 ]
 [ 0.91192558]]
dot product : [[-0.36458569]
 [-0.59779767]]
result : [[ 0.26037613]
 [-0.2712128 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.26037613]
 [-0.2712128 ]]
dot product : [[ 0.60186194]
 [-0.01106814]
 [ 0.32909561]]
result : [[ 0.71926128]
 [ 0.54147592]
 [ 0.43681308]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.02509018]
 [-0.60471442]
 [ 0.6757454 ]]
dot product : [[-0.31837757]
 [-0.91221766]]
result : [[ 0.30658425]
 [-0.58563279]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.30658425]
 [-0.58563279]]
dot product : [[ 0.94617823]
 [ 0.13553729]
 [ 0.55322696]]
result : [[ 1.06357758]
 [ 0.68808135]
 [ 0.66094443]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.80786871]
 [-0.86671599]
 [ 0.47927961]]
dot product : [[-0.58722633]
 [-0.64192185]]
result : [[ 0.0377355 ]
 [-0.31533697]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.0377355 ]
 [-0.31533697]]
dot product : [[ 0.33342095]
 [ 0.15240104]
 [ 0.21948578]]
result : [[ 0.45082029]
 [ 0.7049451 ]
 [ 0.32720325]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.72041262]
 [-1.11554813]
 [ 0.32885824]]
dot product : [[-0.21002121]
 [-1.4440956 ]]
result : [[ 0.41494061]
 [-1.11751072]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.41494061]
 [-1.11751072]]
dot product : [[ 1.5703662 ]
 [ 0.36470926]
 [ 0.95095792]]
result : [[ 1.68776555]
 [ 0.91725332]
 [ 1.05867539]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.03656671]
 [-0.6156325 ]
 [ 0.66827857]]
dot product : [[-0.31698472]
 [-0.92204031]]
result : [[ 0.3079771 ]
 [-0.59545543]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.3079771 ]
 [-0.59545543]]
dot product : [[ 0.95686474]
 [ 0.14014895]
 [ 0.56019771]]
result : [[ 1.07426408]
 [ 0.69269301]
 [ 0.66791518]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.85867859]
 [-0.61084914]
 [ 0.65766752]]
dot product : [[-0.56037546]
 [-0.51131814]]
result : [[ 0.06458636]
 [-0.18473327]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.06458636]
 [-0.18473327]]
dot product : [[ 0.25405483]
 [ 0.06278802]
 [ 0.1547341 ]]
result : [[ 0.37145417]
 [ 0.61533208]
 [ 0.26245157]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.88454188]
 [-0.15320278]
 [ 0.97774804]]
dot product : [[-0.49461855]
 [-0.30740112]]
result : [[ 0.13034327]
 [ 0.01918375]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.13034327]
 [ 0.01918375]]
dot product : [[ 0.16308652]
 [-0.09199246]
 [ 0.06830796]]
result : [[ 0.28048587]
 [ 0.4605516 ]
 [ 0.17602542]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.66850921]
 [-1.10502797]
 [ 0.33541597]]
dot product : [[-0.2225026 ]
 [-1.41598355]]
result : [[ 0.40245922]
 [-1.08939868]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.40245922]
 [-1.08939868]]
dot product : [[ 1.52803752]
 [ 0.35680889]
 [ 0.92577778]]
result : [[ 1.64543686]
 [ 0.90935295]
 [ 1.03349524]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.88628836]
 [-0.1636171 ]
 [ 0.97042779]]
dot product : [[-0.49675175]
 [-0.31097548]]
result : [[ 0.12821008]
 [ 0.0156094 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.12821008]
 [ 0.0156094 ]]
dot product : [[ 0.16332544]
 [-0.08866785]
 [ 0.06921918]]
result : [[ 0.28072478]
 [ 0.46387621]
 [ 0.17693664]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.58500707]
 [-1.0686209 ]
 [ 0.35960921]]
dot product : [[-0.23948308]
 [-1.36257874]]
result : [[ 0.38547875]
 [-1.03599386]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.38547875]
 [-1.03599386]]
dot product : [[ 1.45693005]
 [ 0.33760287]
 [ 0.88208648]]
result : [[ 1.57432939]
 [ 0.89014693]
 [ 0.98980394]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.11248479]
 [-0.47366382]
 [ 0.76537305]]
dot product : [[-0.33504727]
 [-0.79439732]]
result : [[ 0.28991455]
 [-0.46781245]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.28991455]
 [-0.46781245]]
dot product : [[ 0.8180475 ]
 [ 0.0801983 ]
 [ 0.46963726]]
result : [[ 0.93544684]
 [ 0.63274236]
 [ 0.57735473]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.77743051]
 [-0.09431641]
 [ 1.04490281]]
dot product : [[-0.03199591]
 [-1.04143687]]
result : [[ 0.59296591]
 [-0.71485199]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.59296591]
 [-0.71485199]]
dot product : [[ 1.45734662]
 [ 0.0290286 ]
 [ 0.80996182]]
result : [[ 1.57474596]
 [ 0.58157266]
 [ 0.91767929]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.55803192]
 [-1.05329141]
 [ 0.36992359]]
dot product : [[-0.24440087]
 [-1.34382857]]
result : [[ 0.38056095]
 [-1.0172437 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.38056095]
 [-1.0172437 ]]
dot product : [[ 1.43340783]
 [ 0.33020866]
 [ 0.86738941]]
result : [[ 1.55080717]
 [ 0.88275272]
 [ 0.97510687]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.59381163]
 [-1.07330163]
 [ 0.35646866]]
dot product : [[-0.23782659]
 [-1.36856322]]
result : [[ 0.38713524]
 [-1.04197835]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.38713524]
 [-1.04197835]]
dot product : [[ 1.46455773]
 [ 0.33990869]
 [ 0.88683082]]
result : [[ 1.58195708]
 [ 0.89245276]
 [ 0.99454829]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.80326333]
 [-0.01910134]
 [ 1.07292504]]
dot product : [[-0.45111703]
 [-0.28821523]]
result : [[ 0.17384479]
 [ 0.03836965]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.17384479]
 [ 0.03836965]]
dot product : [[ 0.20611432]
 [-0.12982676]
 [ 0.08314956]]
result : [[ 0.32351367]
 [ 0.4227173 ]
 [ 0.19086703]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.77443049]
 [-0.01156442]
 [ 1.07865268]]
dot product : [[-0.44205462]
 [-0.29821471]]
result : [[ 0.18290721]
 [ 0.02837016]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.18290721]
 [ 0.02837016]]
dot product : [[ 0.22756156]
 [-0.12989961]
 [ 0.09495222]]
result : [[ 0.3449609 ]
 [ 0.42264445]
 [ 0.20266969]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.4324114 ]
 [-0.96680394]
 [ 0.42853068]]
dot product : [[-0.26490023]
 [-1.25017247]]
result : [[ 0.36006159]
 [-0.9235876 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.36006159]
 [-0.9235876 ]]
dot product : [[ 1.32153502]
 [ 0.29073994]
 [ 0.79648083]]
result : [[ 1.43893437]
 [ 0.843284  ]
 [ 0.9041983 ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.87164646]
 [-0.96772944]
 [ 0.43473216]]
dot product : [[-0.14525906]
 [-1.45108882]]
result : [[ 0.47970276]
 [-1.12450395]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.47970276]
 [-1.12450395]]
dot product : [[ 1.66613579]
 [ 0.32822168]
 [ 0.99518172]]
result : [[ 1.78353513]
 [ 0.88076574]
 [ 1.10289919]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.88431089]
 [-0.8122521 ]
 [ 0.54380843]]
dot product : [[-0.11706917]
 [-1.39160481]]
result : [[ 0.50789265]
 [-1.06501994]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.50789265]
 [-1.06501994]]
dot product : [[ 1.65205327]
 [ 0.27745316]
 [ 0.97551657]]
result : [[ 1.76945261]
 [ 0.82999722]
 [ 1.08323404]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.02084301]
 [-0.56093583]
 [ 0.70568668]]
dot product : [[-0.32393943]
 [-0.87287014]]
result : [[ 0.30102239]
 [-0.54628526]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.30102239]
 [-0.54628526]]
dot product : [[ 0.9033946 ]
 [ 0.11705293]
 [ 0.52531436]]
result : [[ 1.02079394]
 [ 0.66959699]
 [ 0.63303183]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.18458517]
 [-0.75451282]
 [ 0.57333073]]
dot product : [[-0.29871255]
 [-1.04791524]]
result : [[ 0.32624927]
 [-0.72133037]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.32624927]
 [-0.72133037]]
dot product : [[ 1.09439482]
 [ 0.19898243]
 [ 0.64978685]]
result : [[ 1.21179417]
 [ 0.75152649]
 [ 0.75750432]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.891427  ]
 [-0.20937399]
 [ 0.9383047 ]]
dot product : [[-0.50543296]
 [-0.32783718]]
result : [[ 0.11952886]
 [-0.0012523 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.11952886]
 [-0.0012523 ]]
dot product : [[ 0.16636298]
 [-0.07384617]
 [ 0.07436856]]
result : [[ 0.28376232]
 [ 0.47869789]
 [ 0.18208603]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.86603769]
 [-0.56591058]
 [ 0.68902265]]
dot product : [[-0.55523283]
 [-0.48909425]]
result : [[ 0.06972899]
 [-0.16250938]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.06972899]
 [-0.16250938]]
dot product : [[ 0.24134267]
 [ 0.04718148]
 [ 0.14406892]]
result : [[ 0.35874201]
 [ 0.59972554]
 [ 0.25178639]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.89224133]
 [-0.22185723]
 [ 0.92955015]]
dot product : [[-0.5076411 ]
 [-0.33270558]]
result : [[ 0.11732073]
 [-0.00612071]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.11732073]
 [-0.00612071]]
dot product : [[ 0.16765247]
 [-0.06975284]
 [ 0.07603901]]
result : [[ 0.28505181]
 [ 0.48279122]
 [ 0.18375648]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.84136483]
 [-1.05252402]
 [ 0.37487938]]
dot product : [[-0.16700809]
 [-1.4728589 ]]
result : [[ 0.45795374]
 [-1.14627403]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.45795374]
 [-1.14627403]]
dot product : [[ 1.65548521]
 [ 0.3539317 ]
 [ 0.99534056]]
result : [[ 1.77288455]
 [ 0.90647576]
 [ 1.10305803]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.82906   ]
 [-1.07064725]
 [ 0.36199604]]
dot product : [[-0.17324722]
 [-1.47484898]]
result : [[ 0.4517146 ]
 [-1.14826411]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.4517146 ]
 [-1.14826411]]
dot product : [[ 1.64863471]
 [ 0.3589331 ]
 [ 0.99273793]]
result : [[ 1.76603406]
 [ 0.91147716]
 [ 1.10045539]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.74083576]
 [-1.11590179]
 [ 0.32892906]]
dot product : [[-0.20450767]
 [-1.45356801]]
result : [[ 0.42045416]
 [-1.12698314]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.42045416]
 [-1.12698314]]
dot product : [[ 1.58643711]
 [ 0.36655562]
 [ 0.96024766]]
result : [[ 1.70383645]
 [ 0.91909968]
 [ 1.06796512]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.03232454]
 [-0.54998373]
 [ 0.71317725]]
dot product : [[-0.32532823]
 [-0.86303093]]
result : [[ 0.29963359]
 [-0.53644606]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.29963359]
 [-0.53644606]]
dot product : [[ 0.89269892]
 [ 0.1124295 ]
 [ 0.51833579]]
result : [[ 1.01009826]
 [ 0.66497356]
 [ 0.62605326]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.89171727]
 [-0.33735345]
 [ 0.84867781]]
dot product : [[-0.52587333]
 [-0.3814275 ]]
result : [[ 0.0990885 ]
 [-0.05484262]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.0990885 ]
 [-0.05484262]]
dot product : [[ 0.18590241]
 [-0.03119893]
 [ 0.09513678]]
result : [[ 0.30330175]
 [ 0.52134513]
 [ 0.20285425]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.41942256]
 [-0.19690025]
 [ 0.95440051]]
dot product : [[-0.37472313]
 [-0.53808933]]
result : [[ 0.2502387 ]
 [-0.21150446]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.2502387 ]
 [-0.21150446]]
dot product : [[ 0.53459264]
 [-0.03805876]
 [ 0.28569424]]
result : [[ 0.65199198]
 [ 0.5144853 ]
 [ 0.3934117 ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.69887632]
 [-1.1126556 ]
 [ 0.330548  ]]
dot product : [[-0.2154344 ]
 [-1.43304922]]
result : [[ 0.40952742]
 [-1.10646435]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.40952742]
 [-1.10646435]]
dot product : [[ 1.5530302 ]
 [ 0.36192216]
 [ 0.9407504 ]]
result : [[ 1.67042954]
 [ 0.91446622]
 [ 1.04846786]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.21820126]
 [-0.78523648]
 [ 0.55233957]]
dot product : [[-0.29443281]
 [-1.07615938]]
result : [[ 0.33052901]
 [-0.74957451]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.33052901]
 [-0.74957451]]
dot product : [[ 1.12550273]
 [ 0.21207151]
 [ 0.66999978]]
result : [[ 1.24290207]
 [ 0.76461557]
 [ 0.77771725]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.836243  ]
 [-0.73217645]
 [ 0.57305343]]
dot product : [[-0.57355968]
 [-0.57249128]]
result : [[ 0.05140214]
 [-0.2459064 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.05140214]
 [-0.2459064 ]]
dot product : [[ 0.29038891]
 [ 0.10514057]
 [ 0.18468889]]
result : [[ 0.40778825]
 [ 0.65768463]
 [ 0.29240636]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.87575982]
 [-0.11553038]
 [ 1.00426649]]
dot product : [[-0.48622992]
 [-0.29559646]]
result : [[ 0.1387319 ]
 [ 0.03098841]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.1387319 ]
 [ 0.03098841]]
dot product : [[ 0.16415492]
 [-0.10381022]
 [ 0.06612574]]
result : [[ 0.28155427]
 [ 0.44873385]
 [ 0.17384321]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.86272391]
 [-0.54843756]
 [ 0.72821772]]
dot product : [[-0.08098416]
 [-1.27100623]]
result : [[ 0.54397766]
 [-0.94442136]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.54397766]
 [-0.94442136]]
dot product : [[ 1.59437683]
 [ 0.18766334]
 [ 0.92267679]]
result : [[ 1.71177617]
 [ 0.7402074 ]
 [ 1.03039426]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.50926384]
 [-0.12696721]
 [ 1.0019727 ]]
dot product : [[-0.38809852]
 [-0.46771701]]
result : [[ 0.2368633 ]
 [-0.14113214]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.2368633 ]
 [-0.14113214]]
dot product : [[ 0.45333562]
 [-0.06897973]
 [ 0.23366253]]
result : [[ 0.57073496]
 [ 0.48356433]
 [ 0.34137999]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.39129169]
 [-0.9345011 ]
 [ 0.45051071]]
dot product : [[-0.27097512]
 [-1.21783974]]
result : [[ 0.3539867 ]
 [-0.89125486]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.3539867 ]
 [-0.89125486]]
dot product : [[ 1.28429871]
 [ 0.27648927]
 [ 0.77261812]]
result : [[ 1.40169805]
 [ 0.82903333]
 [ 0.88033559]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.33854048]
 [-0.89098712]
 [ 0.48016037]]
dot product : [[-0.2784385 ]
 [-1.17549059]]
result : [[ 0.34652333]
 [-0.84890572]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.34652333]
 [-0.84890572]]
dot product : [[ 1.2362091 ]
 [ 0.25751612]
 [ 0.74166675]]
result : [[ 1.35360844]
 [ 0.81006018]
 [ 0.84938422]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.40166683]
 [-0.94279731]
 [ 0.44486278]]
dot product : [[-0.26946551]
 [-1.22605895]]
result : [[ 0.35549631]
 [-0.89947408]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.35549631]
 [-0.89947408]]
dot product : [[ 1.29371652]
 [ 0.28013352]
 [ 0.77866285]]
result : [[ 1.41111586]
 [ 0.83267758]
 [ 0.88638032]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.86937796]
 [-0.5441958 ]
 [ 0.70417715]]
dot product : [[-0.55268903]
 [-0.47845392]]
result : [[ 0.0722728 ]
 [-0.15186905]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.0722728 ]
 [-0.15186905]]
dot product : [[ 0.2353692 ]
 [ 0.03965849]
 [ 0.13901291]]
result : [[ 0.35276855]
 [ 0.59220255]
 [ 0.24673038]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.11663588]
 [-0.69133326]
 [ 0.61651493]]
dot product : [[-0.30719202]
 [-0.99037243]]
result : [[ 0.31776981]
 [-0.66378756]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.31776981]
 [-0.66378756]]
dot product : [[ 1.0313491 ]
 [ 0.172166  ]
 [ 0.60875396]]
result : [[ 1.14874844]
 [ 0.72471007]
 [ 0.71647143]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.8608687 ]
 [-0.07711913]
 [ 1.03139762]]
dot product : [[-0.47605768]
 [-0.28627067]]
result : [[ 0.14890415]
 [ 0.0403142 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.14890415]
 [ 0.0403142 ]]
dot product : [[ 0.16990006]
 [-0.1153573 ]
 [ 0.06658438]]
result : [[ 0.2872994 ]
 [ 0.43718676]
 [ 0.17430185]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.3062507 ]
 [-0.86339003]
 [ 0.49898272]]
dot product : [[-0.28285396]
 [-1.14916443]]
result : [[ 0.34210787]
 [-0.82257956]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.34210787]
 [-0.82257956]]
dot product : [[ 1.20662423]
 [ 0.24558177]
 [ 0.72256394]]
result : [[ 1.32402358]
 [ 0.79812583]
 [ 0.83028141]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.87313736]
 [-0.63343154]
 [ 0.66885992]]
dot product : [[-0.09166653]
 [-1.3114389 ]]
result : [[ 0.5332953 ]
 [-0.98485403]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.5332953 ]
 [-0.98485403]]
dot product : [[ 1.61567103]
 [ 0.21688393]
 [ 0.94126381]]
result : [[ 1.73307037]
 [ 0.769428  ]
 [ 1.04898128]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.19582107]
 [-0.76482712]
 [ 0.56628298]]
dot product : [[-0.29728927]
 [-1.05737457]]
result : [[ 0.32767255]
 [-0.7307897 ]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.32767255]
 [-0.7307897 ]]
dot product : [[ 1.10479936]
 [ 0.20337241]
 [ 0.65655023]]
result : [[ 1.2221987 ]
 [ 0.75591647]
 [ 0.7642677 ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.84992859]
 [-0.05851777]
 [ 1.04459451]]
dot product : [[-0.47011466]
 [-0.28345684]]
result : [[ 0.15484717]
 [ 0.04312804]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.15484717]
 [ 0.04312804]]
dot product : [[ 0.17560646]
 [-0.12063362]
 [ 0.06849204]]
result : [[ 0.2930058 ]
 [ 0.43191044]
 [ 0.17620951]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.61963995]
 [-1.08600301]
 [ 0.34797682]]
dot product : [[-0.23280343]
 [-1.3856866 ]]
result : [[ 0.39215839]
 [-1.05910173]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.39215839]
 [-1.05910173]]
dot product : [[ 1.48677467]
 [ 0.34632957]
 [ 0.90058031]]
result : [[ 1.60417401]
 [ 0.89887363]
 [ 1.00829778]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.207027  ]
 [-0.77506961]
 [ 0.55928504]]
dot product : [[-0.29586274]
 [-1.06679008]]
result : [[ 0.32909908]
 [-0.74020521]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.32909908]
 [-0.74020521]]
dot product : [[ 1.1151693 ]
 [ 0.20773591]
 [ 0.66328834]]
result : [[ 1.23256864]
 [ 0.76027997]
 [ 0.77100581]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.15071471]
 [-0.72317733]
 [ 0.59474638]]
dot product : [[-0.30296433]
 [-1.01929815]]
result : [[ 0.32199749]
 [-0.69271327]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.32199749]
 [-0.69271327]]
dot product : [[ 1.06299294]
 [ 0.18566782]
 [ 0.62935903]]
result : [[ 1.18039228]
 [ 0.73821188]
 [ 0.7370765 ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.82464401]
 [-1.07597374]
 [ 0.3581971 ]]
dot product : [[-0.17529899]
 [-1.47506885]]
result : [[ 0.44966284]
 [-1.14848398]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.44966284]
 [-1.14848398]]
dot product : [[ 1.64599429]
 [ 0.36033536]
 [ 0.99161157]]
result : [[ 1.76339364]
 [ 0.91287942]
 [ 1.09932904]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.33519014]
 [-0.26856694]
 [ 0.9055268 ]]
dot product : [[-0.36315321]
 [-0.60662873]]
result : [[ 0.26180862]
 [-0.28004386]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.26180862]
 [-0.28004386]]
dot product : [[ 0.61171883]
 [-0.00703443]
 [ 0.33547365]]
result : [[ 0.72911817]
 [ 0.54550963]
 [ 0.44319111]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.85862676]
 [-1.01494338]
 [ 0.40146581]]
dot product : [[-0.15632142]
 [-1.46496415]]
result : [[ 0.4686404 ]
 [-1.13837928]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.4686404 ]
 [-1.13837928]]
dot product : [[ 1.66321788]
 [ 0.34286221]
 [ 0.99700654]]
result : [[ 1.78061722]
 [ 0.89540627]
 [ 1.104724  ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.56711552]
 [-1.05861197]
 [ 0.36633933]]
dot product : [[-0.24277008]
 [-1.35020903]]
result : [[ 0.38219175]
 [-1.02362415]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.38219175]
 [-1.02362415]]
dot product : [[ 1.44135317]
 [ 0.33275143]
 [ 0.87236437]]
result : [[ 1.55875251]
 [ 0.88529549]
 [ 0.98008184]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.7804745 ]
 [-0.01245835]
 [ 1.07793242]]
dot product : [[-0.44384517]
 [-0.29583064]]
result : [[ 0.18111666]
 [ 0.03075423]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.18111666]
 [ 0.03075423]]
dot product : [[ 0.22295979]
 [-0.13011306]
 [ 0.0923661 ]]
result : [[ 0.34035913]
 [ 0.422431  ]
 [ 0.20008357]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.58378371]
 [-0.07647514]
 [ 1.03616955]]
dot product : [[-0.40038846]
 [-0.41250039]]
result : [[ 0.22457336]
 [-0.08591552]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.22457336]
 [-0.08591552]]
dot product : [[ 0.38709675]
 [-0.09212188]
 [ 0.19173141]]
result : [[ 0.50449609]
 [ 0.46042218]
 [ 0.29944888]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.84514637]
 [-1.04575562]
 [ 0.37967818]]
dot product : [[-0.16489995]
 [-1.4717441 ]]
result : [[ 0.46006188]
 [-1.14515923]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.46006188]
 [-1.14515923]]
dot product : [[ 1.65740536]
 [ 0.35199497]
 [ 0.99594465]]
result : [[ 1.77480471]
 [ 0.90453903]
 [ 1.10366212]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.26986321]
 [-0.32695589]
 [ 0.8656565 ]]
dot product : [[-0.35462674]
 [-0.66096335]]
result : [[ 0.27033508]
 [-0.33437848]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.27033508]
 [-0.33437848]]
dot product : [[ 0.67196811]
 [ 0.01796274]
 [ 0.37453881]]
result : [[ 0.78936745]
 [ 0.5705068 ]
 [ 0.48225628]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.84595787]
 [-0.05303528]
 [ 1.04849575]]
dot product : [[-0.46815951]
 [-0.2829682 ]]
result : [[ 0.15680231]
 [ 0.04361667]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.15680231]
 [ 0.04361667]]
dot product : [[ 0.17787359]
 [-0.12212558]
 [ 0.06939163]]
result : [[ 0.29527293]
 [ 0.43041848]
 [ 0.1771091 ]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.89304525]
 [-0.30582081]
 [ 0.870739  ]]
dot product : [[-0.52121873]
 [-0.36758455]]
result : [[ 0.10374309]
 [-0.04099967]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.10374309]
 [-0.04099967]]
dot product : [[ 0.17999061]
 [-0.04182515]
 [ 0.08938712]]
result : [[ 0.29738995]
 [ 0.51071891]
 [ 0.19710458]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.69183527]
 [-0.02307173]
 [ 1.07188228]]
dot product : [[-0.42135999]
 [-0.34075314]]
result : [[ 0.20360183]
 [-0.01416827]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.20360183]
 [-0.01416827]]
dot product : [[ 0.29411191]
 [-0.1190726 ]
 [ 0.13416735]]
result : [[ 0.41151126]
 [ 0.43347147]
 [ 0.24188482]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[-0.85040337]
 [-0.65782519]
 [ 0.62489984]]
dot product : [[-0.56559241]
 [-0.53481557]]
result : [[ 0.05936941]
 [-0.20823069]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.05936941]
 [-0.20823069]]
dot product : [[ 0.26780012]
 [ 0.07915144]
 [ 0.16614612]]
result : [[ 0.38519946]
 [ 0.6316955 ]
 [ 0.27386359]]
weights:  [[ 0.27597061  0.30504743 -0.20841451]
 [-0.44735787  0.83206017 -0.58873445]]
biases:  [[ 0.62496182]
 [ 0.32658487]]
inputs : [[ 0.88371996]
 [-0.780213  ]
 [ 0.56623579]]
dot product : [[-0.11213299]
 [-1.37788575]]
result : [[ 0.51282884]
 [-1.05130088]]
weights:  [[ 1.38247814 -0.89191079]
 [-0.62365575 -0.55792696]
 [ 0.61566034 -0.62236131]]
biases:  [[ 0.11739934]
 [ 0.55254406]
 [ 0.10771747]]
inputs : [[ 0.51282884]
 [-1.05130088]]
dot product : [[ 1.64664125]
 [ 0.26672045]
 [ 0.97001737]]
result : [[ 1.76404059]
 [ 0.81926451]
 [ 1.07773484]]
Epoch 2: Score [[ 1.08972725]
 [ 1.81764635]
 [ 0.33903699]] / 300
input:  [[-0.88628836]
 [-0.1636171 ]
 [ 0.97042779]]
activations:  [array([[-0.88628836],
       [-0.1636171 ],
       [ 0.97042779]]), array([[ 0.12821008],
       [ 0.0156094 ]]), array([[ 0.28072478],
       [ 0.46387621],
       [ 0.17693664]])]
cost derivative:  [[ 1.16701314]
 [ 0.62749331]
 [-0.79349115]]
unit step:  1
delta:  [[ 1.16701314]
 [ 0.62749331]
 [-0.79349115]]
delta b updated:  [array([[ 0.09404329],
       [-0.01400364]]), array([[ 1.16701314],
       [ 0.62749331],
       [-0.79349115]])]
delta w updated: [array([[-0.08334947, -0.01538709,  0.09126222],
       [ 0.01241126,  0.00229123, -0.01358952]]), array([[ 0.14962285,  0.01821637],
       [ 0.08045097,  0.00979479],
       [-0.10173356, -0.01238592]])]
input:  [[-0.87806208]
 [-0.48202356]
 [ 0.74758014]]
activations:  [array([[-0.87806208],
       [-0.48202356],
       [ 0.74758014]]), array([[ 0.07971494],
       [-0.12179388]]), array([[ 0.33584054],
       [ 0.57057056],
       [ 0.23286129]])]
cost derivative:  [[ 1.21390263]
 [ 1.05259412]
 [-0.51471885]]
unit step:  1
delta:  [[ 1.21390263]
 [ 1.05259412]
 [-0.51471885]]
delta b updated:  [array([[ 0.05617825],
       [ 0.16437732]]), array([[ 1.21390263],
       [ 1.05259412],
       [-0.51471885]])]
delta w updated: [array([[-0.04932799, -0.02707924,  0.04199775],
       [-0.14433349, -0.07923374,  0.12288522]]), array([[ 0.09676618, -0.14784591],
       [ 0.08390748, -0.12819952],
       [-0.04103078,  0.0626896 ]])]
input:  [[-0.87822135]
 [-0.1243584 ]
 [ 0.99804596]]
activations:  [array([[-0.87822135],
       [-0.1243584 ],
       [ 0.99804596]]), array([[ 0.13652107],
       [ 0.0282781 ]]), array([[ 0.28011156],
       [ 0.4510584 ],
       [ 0.17461097]])]
cost derivative:  [[ 1.15833291]
 [ 0.5754168 ]
 [-0.82343499]]
unit step:  1
delta:  [[ 1.15833291]
 [ 0.5754168 ]
 [-0.82343499]]
delta b updated:  [array([[ 0.10039566],
       [-0.02379912]]), array([[ 1.15833291],
       [ 0.5754168 ],
       [-0.82343499]])]
delta w updated: [array([[-0.08816961, -0.01248504,  0.10019948],
       [ 0.0209009 ,  0.00295962, -0.02375262]]), array([[ 0.15813685,  0.03275546],
       [ 0.07855652,  0.01627169],
       [-0.11241622, -0.02328518]])]
input:  [[-0.48980896]
 [-0.14139571]
 [ 0.99217199]]
activations:  [array([[-0.48980896],
       [-0.14139571],
       [ 0.99217199]]), array([[ 0.23967411],
       [-0.1561629 ]]), array([[ 0.58680983],
       [ 0.48942086],
       [ 0.3531974 ]])]
cost derivative:  [[ 1.07661879]
 [ 0.63081657]
 [-0.63897459]]
unit step:  1
delta:  [[ 1.07661879]
 [ 0.63081657]
 [-0.63897459]]
delta b updated:  [array([[ 0.16809488],
       [ 0.1428051 ]]), array([[ 1.07661879],
       [ 0.63081657],
       [-0.63897459]])]
delta w updated: [array([[-0.08233438, -0.02376789,  0.16677903],
       [-0.06994722, -0.02019203,  0.14168722]]), array([[ 0.25803765, -0.16812791],
       [ 0.1511904 , -0.09851014],
       [-0.15314567,  0.09978413]])]
input:  [[-0.82850036]
 [-0.03459315]
 [ 1.06168277]]
activations:  [array([[-0.82850036],
       [-0.03459315],
       [ 1.06168277]]), array([[ 0.16413158],
       [ 0.04316695]]), array([[ 0.30423553],
       [ 0.42511767],
       [ 0.18284538]])]
cost derivative:  [[ 1.1327359 ]
 [ 0.45971081]
 [-0.87883739]]
unit step:  1
delta:  [[ 1.1327359 ]
 [ 0.45971081]
 [-0.87883739]]
delta b updated:  [array([[ 0.12109395],
       [-0.03106562]]), array([[ 1.1327359 ],
       [ 0.45971081],
       [-0.87883739]])]
delta w updated: [array([[-0.10032638, -0.00418902,  0.12856336],
       [ 0.02573788,  0.00107466, -0.03298183]]), array([[ 0.18591773,  0.04889676],
       [ 0.07545306,  0.01984432],
       [-0.14424497, -0.03793673]])]
input:  [[-0.8624718 ]
 [-0.58812709]
 [ 0.67352033]]
activations:  [array([[-0.8624718 ],
       [-0.58812709],
       [ 0.67352033]]), array([[ 0.06673598],
       [-0.17364925]]), array([[ 0.36259243],
       [ 0.60667113],
       [ 0.25811066]])]
cost derivative:  [[ 1.22506423]
 [ 1.19479821]
 [-0.41540967]]
unit step:  1
delta:  [[ 1.22506423]
 [ 1.19479821]
 [-0.41540967]]
delta b updated:  [array([[ 0.04618934],
       [ 0.2605695 ]]), array([[ 1.22506423],
       [ 1.19479821],
       [-0.41540967]])]
delta w updated: [array([[-0.039837  , -0.0271652 ,  0.03110946],
       [-0.22473385, -0.15324798,  0.17549886]]), array([[ 0.08175586, -0.21273149],
       [ 0.07973603, -0.20747581],
       [-0.02772277,  0.07213558]])]
input:  [[-0.35658302]
 [-0.24992639]
 [ 0.91824693]]
activations:  [array([[-0.35658302],
       [-0.24992639],
       [ 0.91824693]]), array([[ 0.25851143],
       [-0.26279745]]), array([[ 0.70673534],
       [ 0.53634875],
       [ 0.43184673]])]
cost derivative:  [[ 1.06331837]
 [ 0.78627514]
 [-0.4864002 ]]
unit step:  1
delta:  [[ 1.06331837]
 [ 0.78627514]
 [-0.4864002 ]]
delta b updated:  [array([[ 0.17569065],
       [ 0.28489154]]), array([[ 1.06331837],
       [ 0.78627514],
       [-0.4864002 ]])]
delta w updated: [array([[-0.0626483 , -0.04390973,  0.1613274 ],
       [-0.10158749, -0.07120191,  0.26160079]]), array([[ 0.27487995, -0.27943736],
       [ 0.20326111, -0.20663111],
       [-0.12574001,  0.12782473]])]
input:  [[ 0.85550694]
 [-1.02321488]
 [ 0.39562474]]
activations:  [array([[ 0.85550694],
       [-1.02321488],
       [ 0.39562474]]), array([[ 0.46621636],
       [-1.14074265]]), array([[ 1.77623835],
       [ 0.89611776],
       [ 1.10643912]])]
cost derivative:  [[ 0.92073141]
 [ 1.91933264]
 [ 0.71081438]]
unit step:  1
delta:  [[ 0.92073141]
 [ 1.91933264]
 [ 0.71081438]]
delta b updated:  [array([[ 0.23908712],
       [ 2.66239241]]), array([[ 0.92073141],
       [ 1.91933264],
       [ 0.71081438]])]
delta w updated: [array([[ 0.20454069, -0.24463749,  0.09458878],
       [ 2.27769518, -2.72419953,  1.05330829]]), array([[ 0.42926004, -1.05031758],
       [ 0.89482427, -2.1894646 ],
       [ 0.33139329, -0.81085628]])]
input:  [[-0.62740077]
 [-0.05140675]
 [ 1.05304444]]
activations:  [array([[-0.62740077],
       [-0.05140675],
       [ 1.05304444]]), array([[ 0.21597658],
       [-0.05689606]]), array([[ 0.46359153],
       [ 0.44700598],
       [ 0.27739281]])]
cost derivative:  [[ 1.0909923 ]
 [ 0.49841273]
 [-0.77565164]]
unit step:  1
delta:  [[ 1.0909923 ]
 [ 0.49841273]
 [-0.77565164]]
delta b updated:  [array([[ 0.15527251],
       [ 0.04366448]]), array([[ 1.0909923 ],
       [ 0.49841273],
       [-0.77565164]])]
delta w updated: [array([[-0.09741809, -0.00798206,  0.16350886],
       [-0.02739513, -0.00224465,  0.04598064]]), array([[ 0.23562879, -0.06207316],
       [ 0.10764548, -0.02835772],
       [-0.16752259,  0.04413152]])]
input:  [[ 0.207027  ]
 [-0.77506961]
 [ 0.55928504]]
activations:  [array([[ 0.207027  ],
       [-0.77506961],
       [ 0.55928504]]), array([[ 0.32845364],
       [-0.74259962]]), array([[ 1.22980695],
       [ 0.7585484 ],
       [ 0.77357838]])]
cost derivative:  [[ 1.02277994]
 [ 1.53361801]
 [ 0.21429335]]
unit step:  1
delta:  [[ 1.02277994]
 [ 1.53361801]
 [ 0.21429335]]
delta b updated:  [array([[ 0.19311666],
       [ 1.41030841]]), array([[ 1.02277994],
       [ 1.53361801],
       [ 0.21429335]])]
delta w updated: [array([[ 0.03998036, -0.14967886,  0.10800726],
       [ 0.29197192, -1.09308719,  0.78876439]]), array([[ 0.33593579, -0.759516  ],
       [ 0.50372241, -1.13886415],
       [ 0.07038543, -0.15913416]])]
input:  [[ 0.39129169]
 [-0.9345011 ]
 [ 0.45051071]]
activations:  [array([[ 0.39129169],
       [-0.9345011 ],
       [ 0.45051071]]), array([[ 0.35324722],
       [-0.89482407]]), array([[ 1.3991393 ],
       [ 0.82694842],
       [ 0.88343447]])]
cost derivative:  [[ 1.00784761]
 [ 1.76144952]
 [ 0.43292376]]
unit step:  1
delta:  [[ 1.00784761]
 [ 1.76144952]
 [ 0.43292376]]
delta b updated:  [array([[ 0.19757963],
       [ 1.92192677]]), array([[ 1.00784761],
       [ 1.76144952],
       [ 0.43292376]])]
delta w updated: [array([[ 0.07731127, -0.18463838,  0.08901174],
       [ 0.75203398, -1.79604269,  0.8658486 ]]), array([[ 0.35601937, -0.9018463 ],
       [ 0.62222715, -1.57618743],
       [ 0.15292911, -0.3873906 ]])]
input:  [[-0.22549134]
 [-0.36763205]
 [ 0.83786346]]
activations:  [array([[-0.22549134],
       [-0.36763205],
       [ 0.83786346]]), array([[ 0.27500864],
       [-0.37544601]]), array([[ 0.82776005],
       [ 0.58586892],
       [ 0.51191644]])]
cost derivative:  [[ 1.0532514 ]
 [ 0.95350097]
 [-0.32594702]]
unit step:  1
delta:  [[ 1.0532514 ]
 [ 0.95350097]
 [-0.32594702]]
delta b updated:  [array([[ 0.18120821],
       [ 0.47518897]]), array([[ 1.0532514 ],
       [ 0.95350097],
       [-0.32594702]])]
delta w updated: [array([[-0.04086088, -0.06661795,  0.15182774],
       [-0.107151  , -0.1746947 ,  0.39814348]]), array([[ 0.28965324, -0.39543903],
       [ 0.26222101, -0.35798813],
       [-0.08963825,  0.12237551]])]
input:  [[-0.66848697]
 [-0.03190354]
 [ 1.06606158]]
activations:  [array([[-0.66848697],
       [-0.03190354],
       [ 1.06606158]]), array([[ 0.20743588],
       [-0.03177399]]), array([[ 0.42789871],
       [ 0.43662557],
       [ 0.25665272]])]
cost derivative:  [[ 1.09638567]
 [ 0.46852911]
 [-0.80940886]]
unit step:  1
delta:  [[ 1.09638567]
 [ 0.46852911]
 [-0.80940886]]
delta b updated:  [array([[ 0.15009317],
       [ 0.0233045 ]]), array([[ 1.09638567],
       [ 0.46852911],
       [-0.80940886]])]
delta w updated: [array([[-0.10033533, -0.0047885 ,  0.16000856],
       [-0.01557875, -0.0007435 ,  0.02484403]]), array([[ 0.22742973, -0.03483655],
       [ 0.09718975, -0.01488704],
       [-0.16790044,  0.02571815]])]
input:  [[ 0.16203029]
 [-0.7336841 ]
 [ 0.58756508]]
activations:  [array([[ 0.16203029],
       [-0.7336841 ],
       [ 0.58756508]]), array([[ 0.32231857],
       [-0.70711503]]), array([[ 1.18768529],
       [ 0.74015383],
       [ 0.74779405]])]
cost derivative:  [[ 1.02565501]
 [ 1.47383793]
 [ 0.16022897]]
unit step:  1
delta:  [[ 1.02565501]
 [ 1.47383793]
 [ 0.16022897]]
delta b updated:  [array([[ 0.19171861],
       [ 1.2958051 ]]), array([[ 1.02565501],
       [ 1.47383793],
       [ 0.16022897]])]
delta w updated: [array([[ 0.03106422, -0.14066089,  0.11264716],
       [ 0.20995967, -0.9507116 ,  0.76136983]]), array([[ 0.33058766, -0.72525607],
       [ 0.47504533, -1.04217295],
       [ 0.05164477, -0.11330031]])]
input:  [[-0.24775025]
 [-0.34713934]
 [ 0.85186713]]
activations:  [array([[-0.24775025],
       [-0.34713934],
       [ 0.85186713]]), array([[ 0.27186749],
       [-0.3576935 ]]), array([[ 0.80633409],
       [ 0.57674942],
       [ 0.49928766]])]
cost derivative:  [[ 1.05408434]
 [ 0.92388876]
 [-0.35257947]]
unit step:  1
delta:  [[ 1.05408434]
 [ 0.92388876]
 [-0.35257947]]
delta b updated:  [array([[ 0.17986398],
       [ 0.44086745]]), array([[ 1.05408434],
       [ 0.92388876],
       [-0.35257947]])]
delta w updated: [array([[-0.04456135, -0.06243786,  0.15322021],
       [-0.10922502, -0.15304244,  0.37556049]]), array([[ 0.28657127, -0.37703912],
       [ 0.25117532, -0.330469  ],
       [-0.0958549 ,  0.12611538]])]
input:  [[ 0.02509018]
 [-0.60471442]
 [ 0.6757454 ]]
activations:  [array([[ 0.02509018],
       [-0.60471442],
       [ 0.6757454 ]]), array([[ 0.30523825],
       [-0.5912429 ]]), array([[ 1.05991987],
       [ 0.68526059],
       [ 0.66526575]])]
cost derivative:  [[ 1.03482969]
 [ 1.28997501]
 [-0.01047965]]
unit step:  1
delta:  [[ 1.03482969]
 [ 1.28997501]
 [-0.01047965]]
delta b updated:  [array([[ 0.18823873],
       [ 0.96450121]]), array([[ 1.03482969],
       [ 1.28997501],
       [-0.01047965]])]
delta w updated: [array([[ 0.00472294, -0.11383067,  0.12720146],
       [ 0.02419951, -0.58324779,  0.65175725]]), array([[ 0.3158696 , -0.61183571],
       [ 0.39374971, -0.76268856],
       [-0.00319879,  0.00619602]])]
input:  [[-0.7804745 ]
 [-0.01245835]
 [ 1.07793242]]
activations:  [array([[-0.7804745 ],
       [-0.01245835],
       [ 1.07793242]]), array([[ 0.17951112],
       [ 0.02610258]]), array([[ 0.33631607],
       [ 0.42045338],
       [ 0.20380392]])]
cost derivative:  [[ 1.11679057]
 [ 0.43291173]
 [-0.8741285 ]]
unit step:  1
delta:  [[ 1.11679057]
 [ 0.43291173]
 [-0.8741285 ]]
delta b updated:  [array([[ 0.13166779],
       [-0.01802599]]), array([[ 1.11679057],
       [ 0.43291173],
       [-0.8741285 ]])]
delta w updated: [array([[-0.10276336, -0.00164036,  0.14192898],
       [ 0.01406882,  0.00022457, -0.0194308 ]]), array([[ 0.20047632,  0.02915111],
       [ 0.07771247,  0.01130011],
       [-0.15691578, -0.02281701]])]
input:  [[-0.61887301]
 [-0.05599051]
 [ 1.04996748]]
activations:  [array([[-0.61887301],
       [-0.05599051],
       [ 1.04996748]]), array([[ 0.21656691],
       [-0.06614543]]), array([[ 0.46921323],
       [ 0.44836035],
       [ 0.28431284]])]
cost derivative:  [[ 1.08808624]
 [ 0.50435086]
 [-0.76565465]]
unit step:  1
delta:  [[ 1.08808624]
 [ 0.50435086]
 [-0.76565465]]
delta b updated:  [array([[ 0.15503109],
       [ 0.0510774 ]]), array([[ 1.08808624],
       [ 0.50435086],
       [-0.76565465]])]
delta w updated: [array([[-0.09594456, -0.00868027,  0.1627776 ],
       [-0.03161042, -0.00285985,  0.05362961]]), array([[ 0.23564347, -0.07197194],
       [ 0.10922571, -0.03336051],
       [-0.16581546,  0.05064456]])]
input:  [[ 0.88021093]
 [-0.91040425]
 [ 0.47500981]]
activations:  [array([[ 0.88021093],
       [-0.91040425],
       [ 0.47500981]]), array([[ 0.48974355],
       [-1.11178065]]), array([[ 1.77672497],
       [ 0.85798085],
       [ 1.10332515]])]
cost derivative:  [[ 0.89651403]
 [ 1.7683851 ]
 [ 0.62831534]]
unit step:  1
delta:  [[ 0.89651403]
 [ 1.7683851 ]
 [ 0.62831534]]
delta b updated:  [array([[ 0.25445353],
       [ 2.41329956]]), array([[ 0.89651403],
       [ 1.7683851 ],
       [ 0.62831534]])]
delta w updated: [array([[ 0.22397278, -0.23165558,  0.12086792],
       [ 2.12421266, -2.19707817,  1.14634097]]), array([[ 0.43906196, -0.99672696],
       [ 0.86605519, -1.96605634],
       [ 0.30771338, -0.69854883]])]
input:  [[ 0.35980925]
 [-0.90878401]
 [ 0.46802911]]
activations:  [array([[ 0.35980925],
       [-0.90878401],
       [ 0.46802911]]), array([[ 0.34777277],
       [-0.87491797]]), array([[ 1.36921078],
       [ 0.81395784],
       [ 0.86807706]])]
cost derivative:  [[ 1.00940153]
 [ 1.72274184]
 [ 0.40004795]]
unit step:  1
delta:  [[ 1.00940153]
 [ 1.72274184]
 [ 0.40004795]]
delta b updated:  [array([[ 0.19569297],
       [ 1.83928025]]), array([[ 1.00940153],
       [ 1.72274184],
       [ 0.40004795]])]
delta w updated: [array([[ 0.07041214, -0.17784264,  0.09159001],
       [ 0.66179004, -1.67150847,  0.8608367 ]]), array([[ 0.35104237, -0.88314354],
       [ 0.5991227 , -1.5072578 ],
       [ 0.13912578, -0.35000914]])]
input:  [[-0.84595787]
 [-0.05303528]
 [ 1.04849575]]
activations:  [array([[-0.84595787],
       [-0.05303528],
       [ 1.04849575]]), array([[ 0.15478373],
       [ 0.03754617]]), array([[ 0.2905694 ],
       [ 0.42803904],
       [ 0.18166651]])]
cost derivative:  [[ 1.13652728]
 [ 0.48107432]
 [-0.86682924]]
unit step:  1
delta:  [[ 1.13652728]
 [ 0.48107432]
 [-0.86682924]]
delta b updated:  [array([[ 0.11367843],
       [-0.02772551]]), array([[ 1.13652728],
       [ 0.48107432],
       [-0.86682924]])]
delta w updated: [array([[-0.09616716, -0.00602897,  0.11919135],
       [ 0.02345462,  0.00147043, -0.02907008]]), array([[ 0.17591593,  0.04267225],
       [ 0.07446248,  0.0180625 ],
       [-0.13417107, -0.03254612]])]
input:  [[-0.83309753]
 [-0.03868815]
 [ 1.0587434 ]]
activations:  [array([[-0.83309753],
       [-0.03868815],
       [ 1.0587434 ]]), array([[ 0.16046752],
       [ 0.03772932]]), array([[ 0.2978655 ],
       [ 0.42421687],
       [ 0.18534939]])]
cost derivative:  [[ 1.13096304]
 [ 0.46290502]
 [-0.87339401]]
unit step:  1
delta:  [[ 1.13096304]
 [ 0.46290502]
 [-0.87339401]]
delta b updated:  [array([[ 0.11777664],
       [-0.02714129]]), array([[ 1.13096304],
       [ 0.46290502],
       [-0.87339401]])]
delta w updated: [array([[-0.09811943, -0.00455656,  0.12469524],
       [ 0.02261134,  0.00105005, -0.02873566]]), array([[ 0.18148283,  0.04267047],
       [ 0.07428122,  0.01746509],
       [-0.14015137, -0.03295256]])]
input:  [[-0.11248479]
 [-0.47366382]
 [ 0.76537305]]
activations:  [array([[-0.11248479],
       [-0.47366382],
       [ 0.76537305]]), array([[ 0.28783891],
       [-0.47612782]]), array([[ 0.93036516],
       [ 0.62908657],
       [ 0.58357072]])]
cost derivative:  [[ 1.04284995]
 [ 1.10275039]
 [-0.18180233]]
unit step:  1
delta:  [[ 1.04284995]
 [ 1.10275039]
 [-0.18180233]]
delta b updated:  [array([[ 0.18358231],
       [ 0.67873645]]), array([[ 1.04284995],
       [ 1.10275039],
       [-0.18180233]])]
delta w updated: [array([[-0.02065022, -0.0869563 ,  0.14050895],
       [-0.07634753, -0.3214929 ,  0.51948659]]), array([[ 0.30017279, -0.49652987],
       [ 0.31741447, -0.52505014],
       [-0.05232979,  0.08656115]])]
input:  [[ 0.79107532]
 [-0.15591211]
 [ 1.00198092]]
activations:  [array([[ 0.79107532],
       [-0.15591211],
       [ 1.00198092]]), array([[ 0.58482105],
       [-0.75670748]]), array([[ 1.58940512],
       [ 0.59816792],
       [ 0.94102025]])]
cost derivative:  [[ 0.7983298 ]
 [ 0.75408003]
 [-0.06096067]]
unit step:  1
delta:  [[ 0.7983298 ]
 [ 0.75408003]
 [-0.06096067]]
delta b updated:  [array([[ 0.34658945],
       [ 0.82459839]]), array([[ 0.7983298 ],
       [ 0.75408003],
       [-0.06096067]])]
delta w updated: [array([[ 0.27417836, -0.05403749,  0.34727602],
       [ 0.65231944, -0.12856487,  0.82623186]]), array([[ 0.46688008, -0.60410214],
       [ 0.44100188, -0.570618  ],
       [-0.03565108,  0.04612939]])]
input:  [[-0.85465634]
 [-0.63408057]
 [ 0.64146157]]
activations:  [array([[-0.85465634],
       [-0.63408057],
       [ 0.64146157]]), array([[ 0.0595676 ],
       [-0.20427479]]), array([[ 0.37271463],
       [ 0.62057708],
       [ 0.27405124]])]
cost derivative:  [[ 1.22737097]
 [ 1.25465765]
 [-0.36741033]]
unit step:  1
delta:  [[ 1.22737097]
 [ 1.25465765]
 [-0.36741033]]
delta b updated:  [array([[ 0.04065706],
       [ 0.31815853]]), array([[ 1.22737097],
       [ 1.25465765],
       [-0.36741033]])]
delta w updated: [array([[-0.03474781, -0.02577985,  0.02607994],
       [-0.2719162 , -0.20173814,  0.20408647]]), array([[ 0.07311154, -0.25072095],
       [ 0.07473694, -0.25629493],
       [-0.02188575,  0.07505267]])]
input:  [[ 0.17332101]
 [-0.74413054]
 [ 0.58042565]]
activations:  [array([[ 0.17332101],
       [-0.74413054],
       [ 0.58042565]]), array([[ 0.32248255],
       [-0.72235181]]), array([[ 1.1957533 ],
       [ 0.74238895],
       [ 0.75825436]])]
cost derivative:  [[ 1.02243229]
 [ 1.48651949]
 [ 0.17782871]]
unit step:  1
delta:  [[ 1.02243229]
 [ 1.48651949]
 [ 0.17782871]]
delta b updated:  [array([[ 0.19035796],
       [ 1.33092457]]), array([[ 1.02243229],
       [ 1.48651949],
       [ 0.17782871]])]
delta w updated: [array([[ 0.03299303, -0.14165117,  0.11048864],
       [ 0.23067719, -0.99038161,  0.77250276]]), array([[ 0.32971657, -0.73855581],
       [ 0.47937659, -1.07379004],
       [ 0.05734665, -0.12845489]])]
input:  [[ 0.51130396]
 [-1.02368072]
 [ 0.38993089]]
activations:  [array([[ 0.51130396],
       [-1.02368072],
       [ 0.38993089]]), array([[ 0.37012456],
       [-0.99616057]]), array([[ 1.50429684],
       [ 0.86324713],
       [ 0.95774024]])]
cost derivative:  [[ 0.99299288]
 [ 1.88692784]
 [ 0.56780935]]
unit step:  1
delta:  [[ 0.99299288]
 [ 1.88692784]
 [ 0.56780935]]
delta b updated:  [array([[ 0.19941996],
       [ 2.27078796]]), array([[ 0.99299288],
       [ 1.88692784],
       [ 0.56780935]])]
delta w updated: [array([[ 0.10196422, -0.20414237,  0.07776   ],
       [ 1.16106288, -2.32456184,  0.88545037]]), array([[ 0.36753105, -0.98918035],
       [ 0.69839834, -1.8796831 ],
       [ 0.21016019, -0.56562928]])]
input:  [[-0.77443049]
 [-0.01156442]
 [ 1.07865268]]
activations:  [array([[-0.77443049],
       [-0.01156442],
       [ 1.07865268]]), array([[ 0.18019559],
       [ 0.01976338]]), array([[ 0.3389277 ],
       [ 0.4194151 ],
       [ 0.20891756]])]
cost derivative:  [[ 1.11335819]
 [ 0.43097952]
 [-0.86973512]]
unit step:  1
delta:  [[ 1.11335819]
 [ 0.43097952]
 [-0.86973512]]
delta b updated:  [array([[ 0.13171382],
       [-0.01357159]]), array([[ 1.11335819],
       [ 0.43097952],
       [-0.86973512]])]
delta w updated: [array([[-0.1020032 , -0.00152319,  0.14207346],
       [ 0.01051025,  0.00015695, -0.01463903]]), array([[ 0.20062224,  0.02200373],
       [ 0.07766061,  0.00851761],
       [-0.15672244, -0.01718891]])]
input:  [[-0.80146246]
 [-0.89525142]
 [ 0.45939652]]
activations:  [array([[-0.80146246],
       [-0.89525142],
       [ 0.45939652]]), array([[ 0.03221608],
       [-0.34114875]]), array([[ 0.45496342],
       [ 0.7114246 ],
       [ 0.34239711]])]
cost derivative:  [[ 1.25642588]
 [ 1.60667602]
 [-0.11699941]]
unit step:  1
delta:  [[ 1.25642588]
 [ 1.60667602]
 [-0.11699941]]
delta b updated:  [array([[ 0.02111496],
       [ 0.65890937]]), array([[ 1.25642588],
       [ 1.60667602],
       [-0.11699941]])]
delta w updated: [array([[-0.01692285, -0.0189032 ,  0.00970014],
       [-0.52809113, -0.58988955,  0.30270067]]), array([[ 0.04047712, -0.42862812],
       [ 0.05176081, -0.54811552],
       [-0.00376926,  0.0399142 ]])]
input:  [[ 0.53959763]
 [-1.04203725]
 [ 0.37751727]]
activations:  [array([[ 0.53959763],
       [-1.04203725],
       [ 0.37751727]]), array([[ 0.37470381],
       [-1.01912968]]), array([[ 1.52935936],
       [ 0.8708549 ],
       [ 0.97479058]])]
cost derivative:  [[ 0.98976173]
 [ 1.91289215]
 [ 0.59727331]]
unit step:  1
delta:  [[ 0.98976173]
 [ 1.91289215]
 [ 0.59727331]]
delta b updated:  [array([[ 0.20064778],
       [ 2.35137871]]), array([[ 0.98976173],
       [ 1.91289215],
       [ 0.59727331]])]
delta w updated: [array([[ 0.10826906, -0.20908246,  0.075748  ],
       [ 1.26879837, -2.45022421,  0.88768607]]), array([[ 0.37086749, -1.00869555],
       [ 0.71676797, -1.94948515],
       [ 0.22380058, -0.60869896]])]
input:  [[ 0.87372259]
 [-0.95708859]
 [ 0.44221619]]
activations:  [array([[ 0.87372259],
       [-0.95708859],
       [ 0.44221619]]), array([[ 0.47918212],
       [-1.13861483]]), array([[ 1.77890352],
       [ 0.86992842],
       [ 1.11294199]])]
cost derivative:  [[ 0.90518093]
 [ 1.82701701]
 [ 0.6707258 ]]
unit step:  1
delta:  [[ 0.90518093]
 [ 1.82701701]
 [ 0.6707258 ]]
delta b updated:  [array([[ 0.24783156],
       [ 2.53762537]]), array([[ 0.90518093],
       [ 1.82701701],
       [ 0.6707258 ]])]
delta w updated: [array([[ 0.21653603, -0.23719675,  0.10959513],
       [ 2.21718061, -2.42873229,  1.12217901]]), array([[ 0.43374652, -1.03065243],
       [ 0.87547388, -2.08026866],
       [ 0.32139981, -0.76369834]])]
input:  [[ 0.86836884]
 [-0.59192698]
 [ 0.69785067]]
activations:  [array([[ 0.86836884],
       [-0.59192698],
       [ 0.69785067]]), array([[ 0.5355762],
       [-0.9838445]]), array([[ 1.71857995],
       [ 0.74773394],
       [ 1.0509731 ]])]
cost derivative:  [[ 0.85021111]
 [ 1.33966092]
 [ 0.35312243]]
unit step:  1
delta:  [[ 0.85021111]
 [ 1.33966092]
 [ 0.35312243]]
delta b updated:  [array([[ 0.29489134],
       [ 1.68462965]]), array([[ 0.85021111],
       [ 1.33966092],
       [ 0.35312243]])]
delta w updated: [array([[ 0.25607445, -0.17455414,  0.20579012],
       [ 1.46287989, -0.99717773,  1.17561993]]), array([[ 0.45535283, -0.83647552],
       [ 0.7174905 , -1.31801802],
       [ 0.18912397, -0.34741756]])]
input:  [[ 0.88312251]
 [-0.87095692]
 [ 0.50267967]]
activations:  [array([[ 0.88312251],
       [-0.87095692],
       [ 0.50267967]]), array([[ 0.49495126],
       [-1.1103509 ]]), array([[ 1.77414419],
       [ 0.84187348],
       [ 1.10425461]])]
cost derivative:  [[ 0.89102168]
 [ 1.71283039]
 [ 0.60157494]]
unit step:  1
delta:  [[ 0.89102168]
 [ 1.71283039]
 [ 0.60157494]]
delta b updated:  [array([[ 0.26002412],
       [ 2.33998269]]), array([[ 0.89102168],
       [ 1.71283039],
       [ 0.60157494]])]
delta w updated: [array([[ 0.22963315, -0.2264698 ,  0.13070884],
       [ 2.06649138, -2.03802411,  1.17626173]]), array([[ 0.4410123 , -0.98934672],
       [ 0.84776756, -1.90184276],
       [ 0.29775027, -0.66795927]])]
input:  [[ 0.87313736]
 [-0.63343154]
 [ 0.66885992]]
activations:  [array([[ 0.87313736],
       [-0.63343154],
       [ 0.66885992]]), array([[ 0.52978777],
       [-1.00715996]]), array([[ 1.72993605],
       [ 0.76183814],
       [ 1.06114512]])]
cost derivative:  [[ 0.85679869]
 [ 1.39526968]
 [ 0.3922852 ]]
unit step:  1
delta:  [[ 0.85679869]
 [ 1.39526968]
 [ 0.3922852 ]]
delta b updated:  [array([[ 0.29026924],
       [ 1.78363995]]), array([[ 0.85679869],
       [ 1.39526968],
       [ 0.3922852 ]])]
delta w updated: [array([[ 0.25344492, -0.18386569,  0.19414946],
       [ 1.55736268, -1.1298138 ,  1.19300527]]), array([[ 0.45392147, -0.86293333],
       [ 0.73919682, -1.40525975],
       [ 0.2078279 , -0.39509394]])]
input:  [[ 0.87519723]
 [-0.65344906]
 [ 0.65487403]]
activations:  [array([[ 0.87519723],
       [-0.65344906],
       [ 0.65487403]]), array([[ 0.52691044],
       [-1.01815722]]), array([[ 1.73506298],
       [ 0.76862094],
       [ 1.06589924]])]
cost derivative:  [[ 0.85986575]
 [ 1.42207   ]
 [ 0.41102521]]
unit step:  1
delta:  [[ 0.85986575]
 [ 1.42207   ]
 [ 0.41102521]]
delta b updated:  [array([[ 0.28787143],
       [ 1.83175416]]), array([[ 0.85986575],
       [ 1.42207   ],
       [ 0.41102521]])]
delta w updated: [array([[ 0.25194428, -0.18810932,  0.18851953],
       [ 1.60314617, -1.19695804,  1.19956824]]), array([[ 0.45307224, -0.87547852],
       [ 0.74930353, -1.44789083],
       [ 0.21657348, -0.41848829]])]
input:  [[-0.49957509]
 [-0.13409692]
 [ 0.99713094]]
activations:  [array([[-0.49957509],
       [-0.13409692],
       [ 0.99713094]]), array([[ 0.23489681],
       [-0.16377945]]), array([[ 0.57435428],
       [ 0.48175075],
       [ 0.3557327 ]])]
cost derivative:  [[ 1.07392938]
 [ 0.61584767]
 [-0.64139824]]
unit step:  1
delta:  [[ 1.07392938]
 [ 0.61584767]
 [-0.64139824]]
delta b updated:  [array([[ 0.16434261],
       [ 0.14610943]]), array([[ 1.07392938],
       [ 0.61584767],
       [-0.64139824]])]
delta w updated: [array([[-0.08210148, -0.02203784,  0.1638711 ],
       [-0.07299263, -0.01959282,  0.14569023]]), array([[ 0.25226258, -0.17588757],
       [ 0.14466065, -0.1008632 ],
       [-0.1506624 ,  0.10504785]])]
input:  [[-0.88454188]
 [-0.15320278]
 [ 0.97774804]]
activations:  [array([[-0.88454188],
       [-0.15320278],
       [ 0.97774804]]), array([[ 0.12687355],
       [ 0.00595996]]), array([[ 0.27454979],
       [ 0.45616907],
       [ 0.18414959]])]
cost derivative:  [[ 1.15909167]
 [ 0.60937185]
 [-0.79359846]]
unit step:  1
delta:  [[ 1.15909167]
 [ 0.60937185]
 [-0.79359846]]
delta b updated:  [array([[ 0.09227766],
       [-0.00518211]]), array([[ 1.15909167],
       [ 0.60937185],
       [-0.79359846]])]
delta w updated: [array([[-0.08162345, -0.01413719,  0.0902243 ],
       [ 0.00458379,  0.00079391, -0.0050668 ]]), array([[ 0.14705807,  0.00690814],
       [ 0.07731317,  0.00363183],
       [-0.10068665, -0.00472982]])]
input:  [[-0.85867859]
 [-0.61084914]
 [ 0.65766752]]
activations:  [array([[-0.85867859],
       [-0.61084914],
       [ 0.65766752]]), array([[ 0.06101019],
       [-0.20022027]]), array([[ 0.36607557],
       [ 0.6105373 ],
       [ 0.27181837]])]
cost derivative:  [[ 1.22475415]
 [ 1.22138644]
 [-0.38584915]]
unit step:  1
delta:  [[ 1.22475415]
 [ 1.22138644]
 [-0.38584915]]
delta b updated:  [array([[ 0.0417538 ],
       [ 0.30368496]]), array([[ 1.22475415],
       [ 1.22138644],
       [-0.38584915]])]
delta w updated: [array([[-0.0358531 , -0.02550527,  0.02746012],
       [-0.26076778, -0.1855057 ,  0.19972374]]), array([[ 0.07472248, -0.2452206 ],
       [ 0.07451701, -0.24454632],
       [-0.02354073,  0.07725482]])]
input:  [[ 0.85618893]
 [-0.50293269]
 [ 0.75998228]]
activations:  [array([[ 0.85618893],
       [-0.50293269],
       [ 0.75998228]]), array([[ 0.54531596],
       [-0.94726092]]), array([[ 1.69557211],
       [ 0.71605839],
       [ 1.03363196]])]
cost derivative:  [[ 0.83938318]
 [ 1.21899108]
 [ 0.27364967]]
unit step:  1
delta:  [[ 0.83938318]
 [ 1.21899108]
 [ 0.27364967]]
delta b updated:  [array([[ 0.30555655],
       [ 1.49946232]]), array([[ 0.83938318],
       [ 1.21899108],
       [ 0.27364967]])]
delta w updated: [array([[ 0.26161414, -0.15367438,  0.23221757],
       [ 1.28382303, -0.75412861,  1.1395648 ]]), array([[ 0.45772904, -0.79511488],
       [ 0.66473529, -1.15470261],
       [ 0.14922553, -0.25921764]])]
input:  [[ 0.65264831]
 [-1.09966686]
 [ 0.33892295]]
activations:  [array([[ 0.65264831],
       [-1.09966686],
       [ 0.33892295]]), array([[ 0.39466787],
       [-1.10764017]]), array([[ 1.62933283],
       [ 0.89780386],
       [ 1.04022118]])]
cost derivative:  [[ 0.97668452]
 [ 1.99747072]
 [ 0.70129823]]
unit step:  1
delta:  [[ 0.97668452]
 [ 1.99747072]
 [ 0.70129823]]
delta b updated:  [array([[ 0.20654112],
       [ 2.65424148]]), array([[ 0.97668452],
       [ 1.99747072],
       [ 0.70129823]])]
delta w updated: [array([[ 0.13479871, -0.22712643,  0.07000153],
       [ 1.73228621, -2.9187814 ,  0.89958334]]), array([[ 0.385466  , -1.08181501],
       [ 0.78833751, -2.21247881],
       [ 0.27677988, -0.77678609]])]
input:  [[ 0.8756188 ]
 [-0.94603947]
 [ 0.44998331]]
activations:  [array([[ 0.8756188 ],
       [-0.94603947],
       [ 0.44998331]]), array([[ 0.47964614],
       [-1.14803527]]), array([[ 1.78149276],
       [ 0.86493546],
       [ 1.11701169]])]
cost derivative:  [[ 0.90587396]
 [ 1.81097493]
 [ 0.66702838]]
unit step:  1
delta:  [[ 0.90587396]
 [ 1.81097493]
 [ 0.66702838]]
delta b updated:  [array([[ 0.24995331],
       [ 2.53503782]]), array([[ 0.90587396],
       [ 1.81097493],
       [ 0.66702838]])]
delta w updated: [array([[ 0.21886382, -0.2364657 ,  0.11247482],
       [ 2.21972678, -2.39824585,  1.14072471]]), array([[ 0.43449895, -1.03997525],
       [ 0.86862714, -2.0790631 ],
       [ 0.31993759, -0.76577211]])]
input:  [[ 0.88371996]
 [-0.780213  ]
 [ 0.56623579]]
activations:  [array([[ 0.88371996],
       [-0.780213  ],
       [ 0.56623579]]), array([[ 0.50801863],
       [-1.0836208 ]]), array([[ 1.76281171],
       [ 0.81030892],
       [ 1.09396831]])]
cost derivative:  [[ 0.87909175]
 [ 1.59052192]
 [ 0.52773252]]
unit step:  1
delta:  [[ 0.87909175]
 [ 1.59052192]
 [ 0.52773252]]
delta b updated:  [array([[ 0.27249998],
       [ 2.14093066]]), array([[ 0.87909175],
       [ 1.59052192],
       [ 0.52773252]])]
delta w updated: [array([[ 0.24081367, -0.21260802,  0.15429924],
       [ 1.89198315, -1.67038193,  1.21227156]]), array([[ 0.44659499, -0.95260211],
       [ 0.80801476, -1.72352264],
       [ 0.26809795, -0.57186194]])]
input:  [[ 0.83586808]
 [-0.38015222]
 [ 0.84564697]]
activations:  [array([[ 0.83586808],
       [-0.38015222],
       [ 0.84564697]]), array([[ 0.55846911],
       [-0.8929062 ]]), array([[ 1.66286503],
       [ 0.67303405],
       [ 1.0063797 ]])]
cost derivative:  [[ 0.82699695]
 [ 1.05318627]
 [ 0.16073272]]
unit step:  1
delta:  [[ 0.82699695]
 [ 1.05318627]
 [ 0.16073272]]
delta b updated:  [array([[ 0.32182024],
       [ 1.25646174]]), array([[ 0.82699695],
       [ 1.05318627],
       [ 0.16073272]])]
delta w updated: [array([[ 0.26899927, -0.12234068,  0.27214631],
       [ 1.05023626, -0.47764672,  1.06252307]]), array([[ 0.46185225, -0.73843071],
       [ 0.588172  , -0.94039655],
       [ 0.08976426, -0.14351924]])]
input:  [[ 0.37036119]
 [-0.91749063]
 [ 0.46209653]]
activations:  [array([[ 0.37036119],
       [-0.91749063],
       [ 0.46209653]]), array([[ 0.34598556],
       [-0.90639264]]), array([[ 1.38135688],
       [ 0.81337914],
       [ 0.88391355]])]
cost derivative:  [[ 1.01099569]
 [ 1.73086977]
 [ 0.42181702]]
unit step:  1
delta:  [[ 1.01099569]
 [ 1.73086977]
 [ 0.42181702]]
delta b updated:  [array([[ 0.19501465],
       [ 1.9047097 ]]), array([[ 1.01099569],
       [ 1.73086977],
       [ 0.42181702]])]
delta w updated: [array([[ 0.07222586, -0.17892412,  0.09011559],
       [ 0.70543056, -1.74755329,  0.88015974]]), array([[ 0.34978991, -0.91635905],
       [ 0.59885594, -1.56884762],
       [ 0.1459426 , -0.38233184]])]
input:  [[ 0.53025033]
 [-1.03611129]
 [ 0.38152138]]
activations:  [array([[ 0.53025033],
       [-1.03611129],
       [ 0.38152138]]), array([[ 0.37044092],
       [-1.03272584]]), array([[ 1.52613658],
       [ 0.86581338],
       [ 0.9769574 ]])]
cost derivative:  [[ 0.99588625]
 [ 1.90192467]
 [ 0.59543602]]
unit step:  1
delta:  [[ 0.99588625]
 [ 1.90192467]
 [ 0.59543602]]
delta b updated:  [array([[ 0.20057771],
       [ 2.36258322]]), array([[ 0.99588625],
       [ 1.90192467],
       [ 0.59543602]])]
delta w updated: [array([[ 0.1063564 , -0.20782083,  0.07652468],
       [ 1.25276053, -2.44789914,  0.90137601]]), array([[ 0.36891702, -1.02847746],
       [ 0.70455073, -1.96416675],
       [ 0.22057387, -0.61492217]])]
input:  [[-0.88051691]
 [-0.46227744]
 [ 0.76136981]]
activations:  [array([[-0.88051691],
       [-0.46227744],
       [ 0.76136981]]), array([[ 0.07800417],
       [-0.13288585]]), array([[ 0.32689779],
       [ 0.55805815],
       [ 0.23931861]])]
cost derivative:  [[ 1.2074147 ]
 [ 1.02033559]
 [-0.52205121]]
unit step:  1
delta:  [[ 1.2074147 ]
 [ 1.02033559]
 [-0.52205121]]
delta b updated:  [array([[ 0.05461982],
       [ 0.1727908 ]]), array([[ 1.2074147 ],
       [ 1.02033559],
       [-0.52205121]])]
delta w updated: [array([[-0.04809367, -0.02524951,  0.04158588],
       [-0.15214522, -0.07987729,  0.1315577 ]]), array([[ 0.09418338, -0.16044833],
       [ 0.07959043, -0.13558817],
       [-0.04072217,  0.06937322]])]
input:  [[-0.6015206 ]
 [-0.06581055]
 [ 1.04336123]]
activations:  [array([[-0.6015206 ],
       [-0.06581055],
       [ 1.04336123]]), array([[ 0.21701654],
       [-0.09368139]]), array([[ 0.48338641],
       [ 0.44879478],
       [ 0.30071281]])]
cost derivative:  [[ 1.08490702]
 [ 0.51460533]
 [-0.74264842]]
unit step:  1
delta:  [[ 1.08490702]
 [ 0.51460533]
 [-0.74264842]]
delta b updated:  [array([[ 0.15498146],
       [ 0.07303169]]), array([[ 1.08490702],
       [ 0.51460533],
       [-0.74264842]])]
delta w updated: [array([[-0.09322454, -0.01019942,  0.16170165],
       [-0.04393007, -0.00480626,  0.07619844]]), array([[ 0.23544276, -0.1016356 ],
       [ 0.11167787, -0.04820894],
       [-0.16116699,  0.06957234]])]
input:  [[ 0.72041262]
 [-1.11554813]
 [ 0.32885824]]
activations:  [array([[ 0.72041262],
       [-1.11554813],
       [ 0.32885824]]), array([[ 0.40926574],
       [-1.1572332 ]]), array([[ 1.68806972],
       [ 0.90722905],
       [ 1.07801866]])]
cost derivative:  [[ 0.9676571 ]
 [ 2.02277718]
 [ 0.74916042]]
unit step:  1
delta:  [[ 0.9676571 ]
 [ 2.02277718]
 [ 0.74916042]]
delta b updated:  [array([[ 0.2128993],
       [ 2.8027833]]), array([[ 0.9676571 ],
       [ 2.02277718],
       [ 0.74916042]])]
delta w updated: [array([[ 0.15337534, -0.23749942,  0.07001369],
       [ 2.01916045, -3.12663968,  0.92171838]]), array([[ 0.3960289 , -1.11980492],
       [ 0.82785341, -2.3408249 ],
       [ 0.3066057 , -0.86695331]])]
input:  [[-0.41942256]
 [-0.19690025]
 [ 0.95440051]]
activations:  [array([[-0.41942256],
       [-0.19690025],
       [ 0.95440051]]), array([[ 0.24545508],
       [-0.23562091]]), array([[ 0.64721973],
       [ 0.50714201],
       [ 0.40604492]])]
cost derivative:  [[ 1.06664229]
 [ 0.70404227]
 [-0.54835558]]
unit step:  1
delta:  [[ 1.06664229]
 [ 0.70404227]
 [-0.54835558]]
delta b updated:  [array([[ 0.16905879],
       [ 0.23236511]]), array([[ 1.06664229],
       [ 0.70404227],
       [-0.54835558]])]
delta w updated: [array([[-0.07090707, -0.03328772,  0.16134979],
       [-0.09745917, -0.04575275,  0.22176938]]), array([[ 0.26181276, -0.25132323],
       [ 0.17281075, -0.16588708],
       [-0.13459666,  0.12920404]])]
input:  [[ 0.86272391]
 [-0.54843756]
 [ 0.72821772]]
activations:  [array([[ 0.86272391],
       [-0.54843756],
       [ 0.72821772]]), array([[ 0.53806504],
       [-0.98383345]]), array([[ 1.7110159 ],
       [ 0.72968715],
       [ 1.04949543]])]
cost derivative:  [[ 0.84829199]
 [ 1.2781247 ]
 [ 0.32127771]]
unit step:  1
delta:  [[ 0.84829199]
 [ 1.2781247 ]
 [ 0.32127771]]
delta b updated:  [array([[ 0.30179465],
       [ 1.61742104]]), array([[ 0.84829199],
       [ 1.2781247 ],
       [ 0.32127771]])]
delta w updated: [array([[ 0.26036546, -0.16551552,  0.21977221],
       [ 1.39538779, -0.88705444,  1.17783466]]), array([[ 0.45643626, -0.83457803],
       [ 0.68771422, -1.25746183],
       [ 0.1728683 , -0.31608375]])]
input:  [[ 0.31706324]
 [-0.8727042 ]
 [ 0.49262874]]
activations:  [array([[ 0.31706324],
       [-0.8727042 ],
       [ 0.49262874]]), array([[ 0.33776407],
       [-0.8692641 ]]), array([[ 1.33326118],
       [ 0.79268628],
       [ 0.85514408]])]
cost derivative:  [[ 1.01619795]
 [ 1.66539048]
 [ 0.36251534]]
unit step:  1
delta:  [[ 1.01619795]
 [ 1.66539048]
 [ 0.36251534]]
delta b updated:  [array([[ 0.19353393],
       [ 1.76253793]]), array([[ 1.01619795],
       [ 1.66539048],
       [ 0.36251534]])]
delta w updated: [array([[ 0.06136249, -0.16889787,  0.09534038],
       [ 0.55883598, -1.53817425,  0.86827684]]), array([[ 0.34323515, -0.8833444 ],
       [ 0.56250907, -1.44766416],
       [ 0.12244466, -0.31512157]])]
input:  [[ 0.77815857]
 [-1.10857954]
 [ 0.33463877]]
activations:  [array([[ 0.77815857],
       [-1.10857954],
       [ 0.33463877]]), array([[ 0.42540257],
       [-1.18670949]]), array([[ 1.73363322],
       [ 0.90886125],
       [ 1.10530019]])]
cost derivative:  [[ 0.95547465]
 [ 2.01744079]
 [ 0.77066142]]
unit step:  1
delta:  [[ 0.95547465]
 [ 2.01744079]
 [ 0.77066142]]
delta b updated:  [array([[ 0.22031604],
       [ 2.86800332]]), array([[ 0.95547465],
       [ 2.01744079],
       [ 0.77066142]])]
delta w updated: [array([[ 0.17144081, -0.24423785,  0.07372629],
       [ 2.23176136, -3.1794098 ,  0.95974509]]), array([[ 0.40646137, -1.13387083],
       [ 0.85822449, -2.39411612],
       [ 0.32784135, -0.91455122]])]
input:  [[ 0.83110741]
 [-0.35401954]
 [ 0.86387311]]
activations:  [array([[ 0.83110741],
       [-0.35401954],
       [ 0.86387311]]), array([[ 0.55988862],
       [-0.89072205]]), array([[ 1.65680397],
       [ 0.66170091],
       [ 1.00420515]])]
cost derivative:  [[ 0.82569655]
 [ 1.01572045]
 [ 0.14033204]]
unit step:  1
delta:  [[ 0.82569655]
 [ 1.01572045]
 [ 0.14033204]]
delta b updated:  [array([[ 0.32627298],
       [ 1.21726767]]), array([[ 0.82569655],
       [ 1.01572045],
       [ 0.14033204]])]
delta w updated: [array([[ 0.27116789, -0.11550701,  0.28185845],
       [ 1.01168018, -0.43093655,  1.05156481]]), array([[ 0.46229811, -0.73546613],
       [ 0.56869032, -0.90472461],
       [ 0.07857031, -0.12499684]])]
input:  [[ 0.88234155]
 [-0.88453597]
 [ 0.49315826]]
activations:  [array([[ 0.88234155],
       [-0.88453597],
       [ 0.49315826]]), array([[ 0.48895986],
       [-1.14317279]]), array([[ 1.78129033],
       [ 0.84262969],
       [ 1.11667062]])]
cost derivative:  [[ 0.89894877]
 [ 1.72716566]
 [ 0.62351236]]
unit step:  1
delta:  [[ 0.89894877]
 [ 1.72716566]
 [ 0.62351236]]
delta b updated:  [array([[ 0.25984304],
       [ 2.41825814]]), array([[ 0.89894877],
       [ 1.72716566],
       [ 0.62351236]])]
delta w updated: [array([[ 0.22927031, -0.22984051,  0.12814374],
       [ 2.13372964, -2.1390363 ,  1.19258398]]), array([[ 0.43954986, -1.02765378],
       [ 0.84451467, -1.97444878],
       [ 0.30487251, -0.71278236]])]
input:  [[ 0.09382361]
 [-0.66987231]
 [ 0.63118801]]
activations:  [array([[ 0.09382361],
       [-0.66987231],
       [ 0.63118801]]), array([[ 0.30873521],
       [-0.68376941]]), array([[ 1.12717113],
       [ 0.70614753],
       [ 0.72126728]])]
cost derivative:  [[ 1.03334751]
 [ 1.37601984]
 [ 0.09007927]]
unit step:  1
delta:  [[ 1.03334751]
 [ 1.37601984]
 [ 0.09007927]]
delta b updated:  [array([[ 0.18819943],
       [ 1.17082022]]), array([[ 1.03334751],
       [ 1.37601984],
       [ 0.09007927]])]
delta w updated: [array([[ 0.01765755, -0.12606959,  0.11878923],
       [ 0.10985059, -0.78430005,  0.73900769]]), array([[ 0.31903076, -0.70657142],
       [ 0.42482578, -0.94088027],
       [ 0.02781064, -0.06159345]])]
input:  [[-0.75549339]
 [-0.01066178]
 [ 1.0795801 ]]
activations:  [array([[-0.75549339],
       [-0.01066178],
       [ 1.0795801 ]]), array([[ 0.18302343],
       [-0.00346916]]), array([[ 0.3536855 ],
       [ 0.41660147],
       [ 0.22327148]])]
cost derivative:  [[ 1.10917889]
 [ 0.42726325]
 [-0.85630862]]
unit step:  1
delta:  [[ 1.10917889]
 [ 0.42726325]
 [-0.85630862]]
delta b updated:  [array([[ 0.13379773],
       [ 0.00235821]]), array([[ 1.10917889],
       [ 0.42726325],
       [-0.85630862]])]
delta w updated: [array([[ -1.01083298e-01,  -1.42652251e-03,   1.44445362e-01],
       [ -1.78161533e-03,  -2.51427726e-05,   2.54588124e-03]]), array([[ 0.20300572, -0.00384792],
       [ 0.07819919, -0.00148224],
       [-0.15672454,  0.00297067]])]
input:  [[ 0.54885873]
 [-1.04776523]
 [ 0.37365046]]
activations:  [array([[ 0.54885873],
       [-1.04776523],
       [ 0.37365046]]), array([[ 0.37192317],
       [-1.05997075]]), array([[ 1.54495568],
       [ 0.8689956 ],
       [ 0.99299764]])]
cost derivative:  [[ 0.99609695]
 [ 1.91676083]
 [ 0.61934718]]
unit step:  1
delta:  [[ 0.99609695]
 [ 1.91676083]
 [ 0.61934718]]
delta b updated:  [array([[ 0.20150358],
       [ 2.43659075]]), array([[ 0.99609695],
       [ 1.91676083],
       [ 0.61934718]])]
delta w updated: [array([[ 0.110597  , -0.21112845,  0.07529191],
       [ 1.33734409, -2.55297507,  0.91043324]]), array([[ 0.37047154, -1.05583363],
       [ 0.71288777, -2.03171041],
       [ 0.23034957, -0.6564899 ]])]
input:  [[-0.13526893]
 [-0.45208366]
 [ 0.78013005]]
activations:  [array([[-0.13526893],
       [-0.45208366],
       [ 0.78013005]]), array([[ 0.28091557],
       [-0.48501233]]), array([[ 0.91214699],
       [ 0.6142367 ],
       [ 0.58118165]])]
cost derivative:  [[ 1.04741593]
 [ 1.06632037]
 [-0.19894839]]
unit step:  1
delta:  [[ 1.04741593]
 [ 1.06632037]
 [-0.19894839]]
delta b updated:  [array([[ 0.18149027],
       [ 0.66768392]]), array([[ 1.04741593],
       [ 1.06632037],
       [-0.19894839]])]
delta w updated: [array([[-0.02455   , -0.08204879,  0.14158602],
       [-0.09031689, -0.30184899,  0.52088029]]), array([[ 0.29423544, -0.50800964],
       [ 0.299546  , -0.51717853],
       [-0.0558877 ,  0.09649243]])]
input:  [[ 0.26254751]
 [-0.82507121]
 [ 0.52513537]]
activations:  [array([[ 0.26254751],
       [-0.82507121],
       [ 0.52513537]]), array([[ 0.32938822],
       [-0.8323707 ]]), array([[ 1.28451808],
       [ 0.77085513],
       [ 0.82579439]])]
cost derivative:  [[ 1.02197057]
 [ 1.59592635]
 [ 0.30065903]]
unit step:  1
delta:  [[ 1.02197057]
 [ 1.59592635]
 [ 0.30065903]]
delta b updated:  [array([[ 0.19213745],
       [ 1.62219615]]), array([[ 1.02197057],
       [ 1.59592635],
       [ 0.30065903]])]
delta w updated: [array([[ 0.05044521, -0.15852708,  0.10089817],
       [ 0.42590356, -1.33842735,  0.85187257]]), array([[ 0.33662507, -0.85065836],
       [ 0.52567934, -1.32840233],
       [ 0.09903354, -0.25025976]])]
input:  [[-0.46006334]
 [-0.16426831]
 [ 0.97661847]]
activations:  [array([[-0.46006334],
       [-0.16426831],
       [ 0.97661847]]), array([[ 0.23837664],
       [-0.2101622 ]]), array([[ 0.61049603],
       [ 0.49145148],
       [ 0.38508809]])]
cost derivative:  [[ 1.07055936]
 [ 0.65571979]
 [-0.59153037]]
unit step:  1
delta:  [[ 1.07055936]
 [ 0.65571979]
 [-0.59153037]]
delta b updated:  [array([[ 0.16581613],
       [ 0.1957749 ]]), array([[ 1.07055936],
       [ 0.65571979],
       [-0.59153037]])]
delta w updated: [array([[-0.07628592, -0.02723834,  0.16193909],
       [-0.09006885, -0.03215961,  0.19119738]]), array([[ 0.25519634, -0.22499111],
       [ 0.15630828, -0.13780752],
       [-0.14100702,  0.12431733]])]
input:  [[-0.26986321]
 [-0.32695589]
 [ 0.8656565 ]]
activations:  [array([[-0.26986321],
       [-0.32695589],
       [ 0.8656565 ]]), array([[ 0.26397967],
       [-0.36951953]]), array([[ 0.78571645],
       [ 0.56106689],
       [ 0.49954828]])]
cost derivative:  [[ 1.05557966]
 [ 0.88802278]
 [-0.36610822]]
unit step:  1
delta:  [[ 1.05557966]
 [ 0.88802278]
 [-0.36610822]]
delta b updated:  [array([[ 0.17596273],
       [ 0.43713274]]), array([[ 1.05557966],
       [ 0.88802278],
       [-0.36610822]])]
delta w updated: [array([[-0.04748587, -0.05753205,  0.15232328],
       [-0.11796604, -0.14292312,  0.3784068 ]]), array([[ 0.27865157, -0.3900573 ],
       [ 0.23441996, -0.32814176],
       [-0.09664513,  0.13528414]])]
input:  [[ 0.45257334]
 [-0.98203513]
 [ 0.41817889]]
activations:  [array([[ 0.45257334],
       [-0.98203513],
       [ 0.41817889]]), array([[ 0.35567224],
       [-0.99046399]]), array([[ 1.45838065],
       [ 0.83793393],
       [ 0.93991954]])]
cost derivative:  [[ 1.00580731]
 [ 1.81996907]
 [ 0.52174065]]
unit step:  1
delta:  [[ 1.00580731]
 [ 1.81996907]
 [ 0.52174065]]
delta b updated:  [array([[ 0.19725049],
       [ 2.16991341]]), array([[ 1.00580731],
       [ 1.81996907],
       [ 0.52174065]])]
delta w updated: [array([[ 0.08927031, -0.19370691,  0.08248599],
       [ 0.98204496, -2.13093121,  0.90741198]]), array([[ 0.35773774, -0.99621593],
       [ 0.64731247, -1.80261383],
       [ 0.18556866, -0.51676533]])]
input:  [[ 0.80968627]
 [-0.24410611]
 [ 0.94051003]]
activations:  [array([[ 0.80968627],
       [-0.24410611],
       [ 0.94051003]]), array([[ 0.57024342],
       [-0.84214149]]), array([[ 1.62237976],
       [ 0.62099782],
       [ 0.97978059]])]
cost derivative:  [[ 0.81269349]
 [ 0.86510392]
 [ 0.03927057]]
unit step:  1
delta:  [[ 0.81269349]
 [ 0.86510392]
 [ 0.03927057]]
delta b updated:  [array([[ 0.33958917],
       [ 1.01582069]]), array([[ 0.81269349],
       [ 0.86510392],
       [ 0.03927057]])]
delta w updated: [array([[ 0.27496069, -0.08289579,  0.31938702],
       [ 0.82249607, -0.24796803,  0.95538954]]), array([[ 0.46343311, -0.6844029 ],
       [ 0.49331982, -0.72853991],
       [ 0.02239378, -0.03307137]])]
input:  [[ 0.05949974]
 [-0.63741001]
 [ 0.65338569]]
activations:  [array([[ 0.05949974],
       [-0.63741001],
       [ 0.65338569]]), array([[ 0.30350704],
       [-0.6598476 ]]), array([[ 1.09433889],
       [ 0.69087528],
       [ 0.70314127]])]
cost derivative:  [[ 1.03483915]
 [ 1.32828529]
 [ 0.04975559]]
unit step:  1
delta:  [[ 1.03483915]
 [ 1.32828529]
 [ 0.04975559]]
delta b updated:  [array([[ 0.18647704],
       [ 1.09368524]]), array([[ 1.03483915],
       [ 1.32828529],
       [ 0.04975559]])]
delta w updated: [array([[ 0.01109534, -0.11886233,  0.12184143],
       [ 0.06507399, -0.69712592,  0.71459828]]), array([[ 0.31408097, -0.68283612],
       [ 0.40314394, -0.87646586],
       [ 0.01510117, -0.0328311 ]])]
input:  [[ 0.86435564]
 [-0.99724056]
 [ 0.41395221]]
activations:  [array([[ 0.86435564],
       [-0.99724056],
       [ 0.41395221]]), array([[ 0.46456891],
       [-1.19355314]]), array([[ 1.78505769],
       [ 0.87579231],
       [ 1.13193893]])]
cost derivative:  [[ 0.92070205]
 [ 1.87303287]
 [ 0.71798673]]
unit step:  1
delta:  [[ 0.92070205]
 [ 1.87303287]
 [ 0.71798673]]
delta b updated:  [array([[ 0.24305588],
       [ 2.70079179]]), array([[ 0.92070205],
       [ 1.87303287],
       [ 0.71798673]])]
delta w updated: [array([[ 0.21008672, -0.24238518,  0.10061352],
       [ 2.33444461, -2.69333913,  1.11799872]]), array([[ 0.42772955, -1.09890682],
       [ 0.87015283, -2.23556427],
       [ 0.33355431, -0.85695531]])]
input:  [[-0.87031495]
 [-0.09903159]
 [ 1.01590529]]
activations:  [array([[-0.87031495],
       [-0.09903159],
       [ 1.01590529]]), array([[ 0.13669696],
       [ 0.00739313]]), array([[ 0.27682868],
       [ 0.43565316],
       [ 0.18798414]])]
cost derivative:  [[ 1.14714363]
 [ 0.53468475]
 [-0.82792115]]
unit step:  1
delta:  [[ 1.14714363]
 [ 0.53468475]
 [-0.82792115]]
delta b updated:  [array([[ 0.09992581],
       [-0.00580524]]), array([[ 1.14714363],
       [ 0.53468475],
       [-0.82792115]])]
delta w updated: [array([[-0.08696692, -0.00989581,  0.10151515],
       [ 0.00505238,  0.0005749 , -0.00589757]]), array([[ 0.15681105,  0.00848098],
       [ 0.07308978,  0.00395299],
       [-0.1131743 , -0.00612093]])]
input:  [[ 0.61112977]
 [-1.08199651]
 [ 0.35064981]]
activations:  [array([[ 0.61112977],
       [-1.08199651],
       [ 0.35064981]]), array([[ 0.3820327 ],
       [-1.11353787]]), array([[ 1.59991558],
       [ 0.88315575],
       [ 1.03144644]])]
cost derivative:  [[ 0.98878581]
 [ 1.96515227]
 [ 0.68079663]]
unit step:  1
delta:  [[ 0.98878581]
 [ 1.96515227]
 [ 0.68079663]]
delta b updated:  [array([[ 0.20433619],
       [ 2.61386124]]), array([[ 0.98878581],
       [ 1.96515227],
       [ 0.68079663]])]
delta w updated: [array([[ 0.12487593, -0.22109105,  0.07165045],
       [ 1.59740841, -2.82818875,  0.91654995]]), array([[ 0.37774851, -1.10105044],
       [ 0.75075242, -2.18827146],
       [ 0.26008657, -0.75809282]])]
input:  [[ 0.84039431]
 [-0.40575427]
 [ 0.82778877]]
activations:  [array([[ 0.84039431],
       [-0.40575427],
       [ 0.82778877]]), array([[ 0.55200326],
       [-0.93187193]]), array([[ 1.67321713],
       [ 0.67637746],
       [ 1.02318376]])]
cost derivative:  [[ 0.83282282]
 [ 1.08213173]
 [ 0.19539499]]
unit step:  1
delta:  [[ 0.83282282]
 [ 1.08213173]
 [ 0.19539499]]
delta b updated:  [array([[ 0.32043647],
       [ 1.33648484]]), array([[ 0.83282282],
       [ 1.08213173],
       [ 0.19539499]])]
delta w updated: [array([[ 0.26929299, -0.13001847,  0.26525371],
       [ 1.12317425, -0.54228443,  1.10632714]]), array([[ 0.45972092, -0.77608421],
       [ 0.59734025, -1.00840819],
       [ 0.10785867, -0.1820831 ]])]
input:  [[ 0.11663588]
 [-0.69133326]
 [ 0.61651493]]
activations:  [array([[ 0.11663588],
       [-0.69133326],
       [ 0.61651493]]), array([[ 0.30974944],
       [-0.71502603]]), array([[ 1.14880492],
       [ 0.71262366],
       [ 0.74030659]])]
cost derivative:  [[ 1.03216904]
 [ 1.40395692]
 [ 0.12379166]]
unit step:  1
delta:  [[ 1.03216904]
 [ 1.40395692]
 [ 0.12379166]]
delta b updated:  [array([[ 0.18786159],
       [ 1.24227695]]), array([[ 1.03216904],
       [ 1.40395692],
       [ 0.12379166]])]
delta w updated: [array([[ 0.0219114 , -0.12987497,  0.11581948],
       [ 0.14489406, -0.85882738,  0.76588229]]), array([[ 0.31971378, -0.73802773],
       [ 0.43487486, -1.00386574],
       [ 0.0383444 , -0.08851426]])]
input:  [[-0.78790495]
 [-0.95398039]
 [ 0.41848079]]
activations:  [array([[-0.78790495],
       [-0.95398039],
       [ 0.41848079]]), array([[ 0.02225248],
       [-0.4026513 ]]), array([[ 0.47835419],
       [ 0.72641994],
       [ 0.37073871]])]
cost derivative:  [[ 1.26625914]
 [ 1.68040034]
 [-0.04774208]]
unit step:  1
delta:  [[ 1.26625914]
 [ 1.68040034]
 [-0.04774208]]
delta b updated:  [array([[ 0.01441059],
       [ 0.79917366]]), array([[ 1.26625914],
       [ 1.68040034],
       [-0.04774208]])]
delta w updated: [array([[-0.01135417, -0.01374742,  0.00603055],
       [-0.62967288, -0.762396  ,  0.33443883]]), array([[ 0.0281774 , -0.50986089],
       [ 0.03739307, -0.67661538],
       [-0.00106238,  0.01922341]])]
input:  [[-0.12388573]
 [-0.46285611]
 [ 0.77276375]]
activations:  [array([[-0.12388573],
       [-0.46285611],
       [ 0.77276375]]), array([[ 0.28081169],
       [-0.50420384]]), array([[ 0.92268873],
       [ 0.61641747],
       [ 0.59232584]])]
cost derivative:  [[ 1.04657447]
 [ 1.07927358]
 [-0.18043792]]
unit step:  1
delta:  [[ 1.04657447]
 [ 1.07927358]
 [-0.18043792]]
delta b updated:  [array([[ 0.18104945],
       [ 0.69926932]]), array([[ 1.04657447],
       [ 1.07927358],
       [-0.18043792]])]
delta w updated: [array([[-0.02242944, -0.08379984,  0.13990845],
       [-0.08662949, -0.32366108,  0.54036999]]), array([[ 0.29389035, -0.52768686],
       [ 0.30307264, -0.54417388],
       [-0.05066908,  0.09097749]])]
input:  [[-0.33519014]
 [-0.26856694]
 [ 0.9055268 ]]
activations:  [array([[-0.33519014],
       [-0.26856694],
       [ 0.9055268 ]]), array([[ 0.25436051],
       [-0.32109739]]), array([[ 0.72501127],
       [ 0.53453338],
       [ 0.46310357]])]
cost derivative:  [[ 1.06020141]
 [ 0.80310032]
 [-0.44242323]]
unit step:  1
delta:  [[ 1.06020141]
 [ 0.80310032]
 [-0.44242323]]
delta b updated:  [array([[ 0.17227309],
       [ 0.34956405]]), array([[ 1.06020141],
       [ 0.80310032],
       [-0.44242323]])]
delta w updated: [array([[-0.05774424, -0.04626686,  0.1559979 ],
       [-0.11717042, -0.09388135,  0.31653962]]), array([[ 0.26967338, -0.34042791],
       [ 0.20427701, -0.25787342],
       [-0.112535  ,  0.14206095]])]
input:  [[-0.36720003]
 [-0.24077752]
 [ 0.9244882 ]]
activations:  [array([[-0.36720003],
       [-0.24077752],
       [ 0.9244882 ]]), array([[ 0.24999176],
       [-0.29424029]]), array([[ 0.69500339],
       [ 0.52259325],
       [ 0.44400845]])]
cost derivative:  [[ 1.06220342]
 [ 0.76337078]
 [-0.48047975]]
unit step:  1
delta:  [[ 1.06220342]
 [ 0.76337078]
 [-0.48047975]]
delta b updated:  [array([[ 0.17040872],
       [ 0.30760131]]), array([[ 1.06220342],
       [ 0.76337078],
       [-0.48047975]])]
delta w updated: [array([[-0.06257409, -0.04103059,  0.15754085],
       [-0.11295121, -0.07406348,  0.28437378]]), array([[ 0.2655421 , -0.31254305],
       [ 0.19083641, -0.22461444],
       [-0.12011598,  0.1413765 ]])]
input:  [[ 0.6280486 ]
 [-1.08977712]
 [ 0.34546499]]
activations:  [array([[ 0.6280486 ],
       [-1.08977712],
       [ 0.34546499]]), array([[ 0.38456654],
       [-1.13018838]]), array([[ 1.61373712],
       [ 0.8850358 ],
       [ 1.04308425]])]
cost derivative:  [[ 0.98568853]
 [ 1.97481292]
 [ 0.69761926]]
unit step:  1
delta:  [[ 0.98568853]
 [ 1.97481292]
 [ 0.69761926]]
delta b updated:  [array([[ 0.20477433],
       [ 2.66132613]]), array([[ 0.98568853],
       [ 1.97481292],
       [ 0.69761926]])]
delta w updated: [array([[ 0.12860823, -0.22315838,  0.07074236],
       [ 1.67144214, -2.90025233,  0.919395  ]]), array([[ 0.37906282, -1.11401372],
       [ 0.75944697, -2.23191062],
       [ 0.26828102, -0.78844118]])]
input:  [[-0.84992859]
 [-0.05851777]
 [ 1.04459451]]
activations:  [array([[-0.84992859],
       [-0.05851777],
       [ 1.04459451]]), array([[ 0.14786758],
       [ 0.0109813 ]]), array([[ 0.28579443],
       [ 0.42275509],
       [ 0.19271806]])]
cost derivative:  [[ 1.13572303]
 [ 0.48127286]
 [-0.85187645]]
unit step:  1
delta:  [[ 1.13572303]
 [ 0.48127286]
 [-0.85187645]]
delta b updated:  [array([[ 0.10837951],
       [-0.00800207]]), array([[ 1.13572303],
       [ 0.48127286],
       [-0.85187645]])]
delta w updated: [array([[-0.09211485, -0.00634213,  0.11321264],
       [ 0.00680119,  0.00046826, -0.00835892]]), array([[ 0.16793661,  0.01247171],
       [ 0.07116465,  0.005285  ],
       [-0.1259649 , -0.00935471]])]
input:  [[-0.40909873]
 [-0.20541402]
 [ 0.94859942]]
activations:  [array([[-0.40909873],
       [-0.20541402],
       [ 0.94859942]]), array([[ 0.2439715 ],
       [-0.26057232]]), array([[ 0.6559053 ],
       [ 0.50699243],
       [ 0.41967367]])]
cost derivative:  [[ 1.06500403]
 [ 0.71240645]
 [-0.52892575]]
unit step:  1
delta:  [[ 1.06500403]
 [ 0.71240645]
 [-0.52892575]]
delta b updated:  [array([[ 0.16773248],
       [ 0.25788035]]), array([[ 1.06500403],
       [ 0.71240645],
       [-0.52892575]])]
delta w updated: [array([[-0.06861915, -0.0344546 ,  0.15911094],
       [-0.10549852, -0.05297224,  0.24462515]]), array([[ 0.25983063, -0.27751057],
       [ 0.17380687, -0.1856334 ],
       [-0.12904281,  0.13782341]])]
input:  [[ 0.87164646]
 [-0.96772944]
 [ 0.43473216]]
activations:  [array([[ 0.87164646],
       [-0.96772944],
       [ 0.43473216]]), array([[ 0.46986873],
       [-1.1948246 ]]), array([[ 1.78605579],
       [ 0.8634394 ],
       [ 1.13538184]])]
cost derivative:  [[ 0.91440933]
 [ 1.83116883]
 [ 0.70064967]]
unit step:  1
delta:  [[ 0.91440933]
 [ 1.83116883]
 [ 0.70064967]]
delta b updated:  [array([[ 0.24738994],
       [ 2.64654511]]), array([[ 0.91440933],
       [ 1.83116883],
       [ 0.70064967]])]
delta w updated: [array([[ 0.21563656, -0.23940652,  0.10754836],
       [ 2.30685168, -2.56113961,  1.15053828]]), array([[ 0.42965235, -1.09255877],
       [ 0.86040897, -2.18792558],
       [ 0.32921337, -0.83715347]])]
input:  [[ 0.63635401]
 [-1.09331501]
 [ 0.34311697]]
activations:  [array([[ 0.63635401],
       [-1.09331501],
       [ 0.34311697]]), array([[ 0.38573974],
       [-1.1405794 ]]), array([[ 1.62200965],
       [ 0.88620602],
       [ 1.04960252]])]
cost derivative:  [[ 0.98565564]
 [ 1.97952103]
 [ 0.70648555]]
unit step:  1
delta:  [[ 0.98565564]
 [ 1.97952103]
 [ 0.70648555]]
delta b updated:  [array([[ 0.20566991],
       [ 2.69009366]]), array([[ 0.98565564],
       [ 1.97952103],
       [ 0.70648555]])]
delta w updated: [array([[ 0.13087887, -0.224862  ,  0.07056883],
       [ 1.71185188, -2.94111979,  0.92301677]]), array([[ 0.38020655, -1.12421852],
       [ 0.76357993, -2.2578009 ],
       [ 0.27251955, -0.80580286]])]
input:  [[-0.43987726]
 [-0.18029201]
 [ 0.96571207]]
activations:  [array([[-0.43987726],
       [-0.18029201],
       [ 0.96571207]]), array([[ 0.23932179],
       [-0.23755123]]), array([[ 0.62803369],
       [ 0.49560173],
       [ 0.40215764]])]
cost derivative:  [[ 1.06791095]
 [ 0.67589374]
 [-0.56355443]]
unit step:  1
delta:  [[ 1.06791095]
 [ 0.67589374]
 [-0.56355443]]
delta b updated:  [array([[ 0.1657735 ],
       [ 0.22559208]]), array([[ 1.06791095],
       [ 0.67589374],
       [-0.56355443]])]
delta w updated: [array([[-0.07291999, -0.02988764,  0.16008947],
       [-0.09923283, -0.04067245,  0.21785699]]), array([[ 0.25557436, -0.25368356],
       [ 0.1617561 , -0.16055939],
       [-0.13487085,  0.13387305]])]
input:  [[ 0.81535065]
 [-1.08557778]
 [ 0.35132659]]
activations:  [array([[ 0.81535065],
       [-1.08557778],
       [ 0.35132659]]), array([[ 0.43528798],
       [-1.22444171]]), array([[ 1.76235699],
       [ 0.89758291],
       [ 1.13144717]])]
cost derivative:  [[ 0.94700633]
 [ 1.98316069]
 [ 0.78012058]]
unit step:  1
delta:  [[ 0.94700633]
 [ 1.98316069]
 [ 0.78012058]]
delta b updated:  [array([[ 0.22728159],
       [ 2.90167356]]), array([[ 0.94700633],
       [ 1.98316069],
       [ 0.78012058]])]
delta w updated: [array([[ 0.18531419, -0.24673184,  0.07985007],
       [ 2.36588144, -3.14999234,  1.01943508]]), array([[ 0.41222047, -1.15955406],
       [ 0.86324601, -2.42826467],
       [ 0.33957711, -0.95521217]])]
input:  [[-0.89248299]
 [-0.32136112]
 [ 0.85986509]]
activations:  [array([[-0.89248299],
       [-0.32136112],
       [ 0.85986509]]), array([[ 0.09380562],
       [-0.08568104]]), array([[ 0.29410194],
       [ 0.50591634],
       [ 0.21899657]])]
cost derivative:  [[ 1.18658493]
 [ 0.82727746]
 [-0.64086851]]
unit step:  1
delta:  [[ 1.18658493]
 [ 0.82727746]
 [-0.64086851]]
delta b updated:  [array([[ 0.06676342],
       [ 0.09302717]]), array([[ 1.18658493],
       [ 0.82727746],
       [-0.64086851]])]
delta w updated: [array([[-0.05958522, -0.02145517,  0.05740754],
       [-0.08302516, -0.02989531,  0.07999081]]), array([[ 0.11130834, -0.10166783],
       [ 0.07760328, -0.07088199],
       [-0.06011707,  0.05491028]])]
input:  [[-0.84182799]
 [-0.0479054 ]
 [ 1.05215254]]
activations:  [array([[-0.84182799],
       [-0.0479054 ],
       [ 1.05215254]]), array([[ 0.15115504],
       [ 0.00911563]]), array([[ 0.28942858],
       [ 0.41871138],
       [ 0.19600446]])]
cost derivative:  [[ 1.13125657]
 [ 0.46661678]
 [-0.85614808]]
unit step:  1
delta:  [[ 1.13125657]
 [ 0.46661678]
 [-0.85614808]]
delta b updated:  [array([[ 0.11070507],
       [-0.00649314]]), array([[ 1.13125657],
       [ 0.46661678],
       [-0.85614808]])]
delta w updated: [array([[-0.09319463, -0.00530337,  0.11647862],
       [ 0.00546611,  0.00031106, -0.00683178]]), array([[ 0.17099514,  0.01031211],
       [ 0.07053148,  0.0042535 ],
       [-0.1294111 , -0.00780433]])]
input:  [[ 0.88410719]
 [-0.84248988]
 [ 0.52263013]]
activations:  [array([[ 0.88410719],
       [-0.84248988],
       [ 0.52263013]]), array([[ 0.4924813 ],
       [-1.15424003]]), array([[ 1.77772421],
       [ 0.82160216],
       [ 1.12315325]])]
cost derivative:  [[ 0.89361702]
 [ 1.66409204]
 [ 0.60052312]]
unit step:  1
delta:  [[ 0.89361702]
 [ 1.66409204]
 [ 0.60052312]]
delta b updated:  [array([[ 0.26600882],
       [ 2.35466215]]), array([[ 0.89361702],
       [ 1.66409204],
       [ 0.60052312]])]
delta w updated: [array([[ 0.23518031, -0.22410974,  0.13902422],
       [ 2.08177375, -1.98377903,  1.23061738]]), array([[ 0.44008967, -1.03144853],
       [ 0.81953421, -1.92076164],
       [ 0.29574641, -0.69314783]])]
input:  [[-0.80860522]
 [-0.02154802]
 [ 1.07112836]]
activations:  [array([[-0.80860522],
       [-0.02154802],
       [ 1.07112836]]), array([[ 0.16419682],
       [ 0.00415889]]), array([[ 0.31098876],
       [ 0.41231391],
       [ 0.20714874]])]
cost derivative:  [[ 1.11959398]
 [ 0.43386192]
 [-0.86397962]]
unit step:  1
delta:  [[ 1.11959398]
 [ 0.43386192]
 [-0.86397962]]
delta b updated:  [array([[ 0.12019987],
       [-0.00282535]]), array([[ 1.11959398],
       [ 0.43386192],
       [-0.86397962]])]
delta w updated: [array([[ -9.71942398e-02,  -2.59006880e-03,   1.28749486e-01],
       [  2.28459541e-03,   6.08807610e-05,  -3.02631602e-03]]), array([[ 0.18383377,  0.00465627],
       [ 0.07123875,  0.00180439],
       [-0.1418627 , -0.0035932 ]])]
input:  [[ 0.3062507 ]
 [-0.86339003]
 [ 0.49898272]]
activations:  [array([[ 0.3062507 ],
       [-0.86339003],
       [ 0.49898272]]), array([[ 0.33210469],
       [-0.89125272]]), array([[ 1.32579196],
       [ 0.78196869],
       [ 0.86236897]])]
cost derivative:  [[ 1.01954127]
 [ 1.64535872]
 [ 0.36338625]]
unit step:  1
delta:  [[ 1.01954127]
 [ 1.64535872]
 [ 0.36338625]]
delta b updated:  [array([[ 0.19218243],
       [ 1.77602164]]), array([[ 1.01954127],
       [ 1.64535872],
       [ 0.36338625]])]
delta w updated: [array([[ 0.058856  , -0.16592839,  0.09589571],
       [ 0.54390787, -1.53339938,  0.8862041 ]]), array([[ 0.33859444, -0.90866893],
       [ 0.54643135, -1.46643044],
       [ 0.12068228, -0.32386899]])]
input:  [[ 0.74738816]
 [-1.11543764]
 [ 0.32935628]]
activations:  [array([[ 0.74738816],
       [-1.11543764],
       [ 0.32935628]]), array([[ 0.41138054],
       [-1.21168281]]), array([[ 1.7146964 ],
       [ 0.90089834],
       [ 1.1082578 ]])]
cost derivative:  [[ 0.96730824]
 [ 2.01633598]
 [ 0.77890152]]
unit step:  1
delta:  [[ 0.96730824]
 [ 2.01633598]
 [ 0.77890152]]
delta b updated:  [array([[ 0.21636479],
       [ 2.9069068 ]]), array([[ 0.96730824],
       [ 2.01633598],
       [ 0.77890152]])]
delta w updated: [array([[ 0.16170848, -0.24134144,  0.0712611 ],
       [ 2.17258772, -3.24247325,  0.95740802]]), array([[ 0.39793179, -1.17207077],
       [ 0.82948139, -2.44315966],
       [ 0.32042493, -0.94378159]])]
input:  [[-0.88050667]
 [-0.13357725]
 [ 0.99155448]]
activations:  [array([[-0.88050667],
       [-0.13357725],
       [ 0.99155448]]), array([[ 0.12654689],
       [-0.01204613]]), array([[ 0.27237026],
       [ 0.44341564],
       [ 0.19389806]])]
cost derivative:  [[ 1.15287693]
 [ 0.57699289]
 [-0.79765641]]
unit step:  1
delta:  [[ 1.15287693]
 [ 0.57699289]
 [-0.79765641]]
delta b updated:  [array([[ 0.09200342],
       [ 0.00993006]]), array([[ 1.15287693],
       [ 0.57699289],
       [-0.79765641]])]
delta w updated: [array([[-0.08100963, -0.01228956,  0.0912264 ],
       [-0.00874349, -0.00132643,  0.0098462 ]]), array([[ 0.14589298, -0.0138877 ],
       [ 0.07301665, -0.00695053],
       [-0.10094093,  0.00960867]])]
input:  [[ 0.85862676]
 [-1.01494338]
 [ 0.40146581]]
activations:  [array([[ 0.85862676],
       [-1.01494338],
       [ 0.40146581]]), array([[ 0.45737056],
       [-1.22355791]]), array([[ 1.78700841],
       [ 0.87598191],
       [ 1.14341551]])]
cost derivative:  [[ 0.92838165]
 [ 1.89092529]
 [ 0.7419497 ]]
unit step:  1
delta:  [[ 0.92838165]
 [ 1.89092529]
 [ 0.7419497 ]]
delta b updated:  [array([[ 0.24180352],
       [ 2.78162365]]), array([[ 0.92838165],
       [ 1.89092529],
       [ 0.7419497 ]])]
delta w updated: [array([[ 0.20761897, -0.24541688,  0.09707585],
       [ 2.38837651, -2.82319051,  1.1167268 ]]), array([[ 0.42461444, -1.13592871],
       [ 0.86485356, -2.3136566 ],
       [ 0.33934595, -0.90781842]])]
input:  [[ 0.85258341]
 [-0.47941491]
 [ 0.77639526]]
activations:  [array([[ 0.85258341],
       [-0.47941491],
       [ 0.77639526]]), array([[ 0.54107721],
       [-0.98938904]]), array([[ 1.69624117],
       [ 0.69690332],
       [ 1.05001448]])]
cost derivative:  [[ 0.84365776]
 [ 1.17631822]
 [ 0.27361922]]
unit step:  1
delta:  [[ 0.84365776]
 [ 1.17631822]
 [ 0.27361922]]
delta b updated:  [array([[ 0.31303786],
       [ 1.51393307]]), array([[ 0.84365776],
       [ 1.17631822],
       [ 0.27361922]])]
delta w updated: [array([[ 0.26689089, -0.15007502,  0.24304111],
       [ 1.29075422, -0.72580208,  1.17541046]]), array([[ 0.45648399, -0.83470575],
       [ 0.63647899, -1.16383636],
       [ 0.14804913, -0.27071586]])]
input:  [[ 0.40166683]
 [-0.94279731]
 [ 0.44486278]]
activations:  [array([[ 0.40166683],
       [-0.94279731],
       [ 0.44486278]]), array([[ 0.34453123],
       [-0.97817169]]), array([[ 1.41585152],
       [ 0.8151415 ],
       [ 0.92222172]])]
cost derivative:  [[ 1.01418468]
 [ 1.75793881]
 [ 0.47735895]]
unit step:  1
delta:  [[ 1.01418468]
 [ 1.75793881]
 [ 0.47735895]]
delta b updated:  [array([[ 0.19546887],
       [ 2.06597615]]), array([[ 1.01418468],
       [ 1.75793881],
       [ 0.47735895]])]
delta w updated: [array([[ 0.07851336, -0.18428753,  0.08695682],
       [ 0.8298341 , -1.94779676,  0.91907589]]), array([[ 0.3494183 , -0.99204675],
       [ 0.60566482, -1.71956598],
       [ 0.16446506, -0.46693901]])]
input:  [[-0.64415088]
 [-0.04291088]
 [ 1.05873279]]
activations:  [array([[-0.64415088],
       [-0.04291088],
       [ 1.05873279]]), array([[ 0.20476199],
       [-0.08725347]]), array([[ 0.44416288],
       [ 0.43150713],
       [ 0.28792976]])]
cost derivative:  [[ 1.08831376]
 [ 0.47441802]
 [-0.77080302]]
unit step:  1
delta:  [[ 1.08831376]
 [ 0.47441802]
 [-0.77080302]]
delta b updated:  [array([[ 0.14729445],
       [ 0.06355718]]), array([[ 1.08831376],
       [ 0.47441802],
       [-0.77080302]])]
delta w updated: [array([[-0.09487985, -0.00632053,  0.15594546],
       [-0.04094041, -0.00272729,  0.06729007]]), array([[ 0.2228453 , -0.09495915],
       [ 0.09714278, -0.04139462],
       [-0.15783116,  0.06725524]])]
input:  [[-0.37776181]
 [-0.23174803]
 [ 0.93064673]]
activations:  [array([[-0.37776181],
       [-0.23174803],
       [ 0.93064673]]), array([[ 0.24667107],
       [-0.29696755]]), array([[ 0.68470548],
       [ 0.51562027],
       [ 0.44296614]])]
cost derivative:  [[ 1.06246729]
 [ 0.7473683 ]
 [-0.48768059]]
unit step:  1
delta:  [[ 1.06246729]
 [ 0.7473683 ]
 [-0.48768059]]
delta b updated:  [array([[ 0.16867421],
       [ 0.30420698]]), array([[ 1.06246729],
       [ 0.7473683 ],
       [-0.48768059]])]
delta w updated: [array([[-0.06371868, -0.03908992,  0.15697611],
       [-0.11491778, -0.07049937,  0.28310923]]), array([[ 0.26207995, -0.31551831],
       [ 0.18435414, -0.22194413],
       [-0.1202967 ,  0.14482531]])]
input:  [[ 0.75381005]
 [-1.11467609]
 [ 0.32998973]]
activations:  [array([[ 0.75381005],
       [-1.11467609],
       [ 0.32998973]]), array([[ 0.41224075],
       [-1.22302614]]), array([[ 1.72129133],
       [ 0.89982511],
       [ 1.11465646]])]
cost derivative:  [[ 0.96748128]
 [ 2.0145012 ]
 [ 0.78466673]]
unit step:  1
delta:  [[ 0.96748128]
 [ 2.0145012 ]
 [ 0.78466673]]
delta b updated:  [array([[ 0.21758046],
       [ 2.92840465]]), array([[ 0.96748128],
       [ 2.0145012 ],
       [ 0.78466673]])]
delta w updated: [array([[ 0.16401433, -0.24253173,  0.07179932],
       [ 2.20746086, -3.26422265,  0.96634345]]), array([[ 0.39883521, -1.1832549 ],
       [ 0.83045949, -2.46378764],
       [ 0.3234716 , -0.95966793]])]
input:  [[-0.76825116]
 [-0.01096956]
 [ 1.07916561]]
activations:  [array([[-0.76825116],
       [-0.01096956],
       [ 1.07916561]]), array([[ 0.17591505],
       [-0.01514293]]), array([[ 0.34039287],
       [ 0.41055785],
       [ 0.22600345]])]
cost derivative:  [[ 1.10864403]
 [ 0.42152741]
 [-0.85316217]]
unit step:  1
delta:  [[ 1.10864403]
 [ 0.42152741]
 [-0.85316217]]
delta b updated:  [array([[ 0.12839971],
       [ 0.01009701]]), array([[ 1.10864403],
       [ 0.42152741],
       [-0.85316217]])]
delta w updated: [array([[ -9.86432304e-02,  -1.40848842e-03,   1.38564557e-01],
       [ -7.75704196e-03,  -1.10759793e-04,   1.08963492e-02]]), array([[ 0.19502717, -0.01678812],
       [ 0.07415302, -0.00638316],
       [-0.15008407,  0.01291937]])]
input:  [[-0.85373844]
 [-0.0643567 ]
 [ 1.04044617]]
activations:  [array([[-0.85373844],
       [-0.0643567 ],
       [ 1.04044617]]), array([[ 0.14409181],
       [ 0.00229427]]), array([[ 0.28108237],
       [ 0.42147225],
       [ 0.19603319]])]
cost derivative:  [[ 1.13482081]
 [ 0.48582895]
 [-0.84441298]]
unit step:  1
delta:  [[ 1.13482081]
 [ 0.48582895]
 [-0.84441298]]
delta b updated:  [array([[ 0.10520514],
       [-0.0016725 ]]), array([[ 1.13482081],
       [ 0.48582895],
       [-0.84441298]])]
delta w updated: [array([[ -8.98176714e-02,  -6.77065509e-03,   1.09460285e-01],
       [  1.42787975e-03,   1.07636739e-04,  -1.74014892e-03]]), array([[ 0.16351838,  0.00260359],
       [ 0.07000397,  0.00111462],
       [-0.12167299, -0.00193731]])]
input:  [[ 0.82007365]
 [-1.08094931]
 [ 0.3546415 ]]
activations:  [array([[ 0.82007365],
       [-1.08094931],
       [ 0.3546415 ]]), array([[ 0.43532162],
       [-1.2427558 ]]), array([[ 1.7685576 ],
       [ 0.89343005],
       [ 1.14087346]])]
cost derivative:  [[ 0.94848395]
 [ 1.97437936]
 [ 0.78623196]]
unit step:  1
delta:  [[ 0.94848395]
 [ 1.97437936]
 [ 0.78623196]]
delta b updated:  [array([[ 0.22955528],
       [ 2.92702452]]), array([[ 0.94848395],
       [ 1.97437936],
       [ 0.78623196]])]
delta w updated: [array([[ 0.18825224, -0.24813762,  0.08140983],
       [ 2.40037569, -3.16396512,  1.03804437]]), array([[ 0.41289557, -1.17873393],
       [ 0.85949002, -2.4536714 ],
       [ 0.34226377, -0.97709432]])]
input:  [[-0.04380197]
 [-0.53903629]
 [ 0.72066461]]
activations:  [array([[-0.04380197],
       [-0.53903629],
       [ 0.72066461]]), array([[ 0.28757965],
       [-0.5943748 ]]), array([[ 0.99852216],
       [ 0.64383979],
       [ 0.65090055]])]
cost derivative:  [[ 1.04232413]
 [ 1.18287609]
 [-0.06976406]]
unit step:  1
delta:  [[ 1.04232413]
 [ 1.18287609]
 [-0.06976406]]
delta b updated:  [array([[ 0.18239055],
       [ 0.88645227]]), array([[ 1.04232413],
       [ 1.18287609],
       [-0.06976406]])]
delta w updated: [array([[-0.00798907, -0.09831513,  0.13144242],
       [-0.03882836, -0.47782994,  0.63883478]]), array([[ 0.29975121, -0.6195312 ],
       [ 0.34017109, -0.70307174],
       [-0.02006272,  0.041466  ]])]
input:  [[ 0.87704311]
 [-0.67298184]
 [ 0.64122427]]
activations:  [array([[ 0.87704311],
       [-0.67298184],
       [ 0.64122427]]), array([[ 0.51564316],
       [-1.09435012]]), array([[ 1.74769703],
       [ 0.76147137],
       [ 1.09828618]])]
cost derivative:  [[ 0.87065393]
 [ 1.43445321]
 [ 0.45706192]]
unit step:  1
delta:  [[ 0.87065393]
 [ 1.43445321]
 [ 0.45706192]]
delta b updated:  [array([[ 0.28949919],
       [ 1.96704012]]), array([[ 0.87065393],
       [ 1.43445321],
       [ 0.45706192]])]
delta w updated: [array([[ 0.25390327, -0.1948277 ,  0.18563391],
       [ 1.72517898, -1.32378228,  1.26131386]]), array([[ 0.44894674, -0.95280023],
       [ 0.73966599, -1.56979404],
       [ 0.23568085, -0.50018576]])]
input:  [[-0.89356616]
 [-0.27608096]
 [ 0.89155731]]
activations:  [array([[-0.89356616],
       [-0.27608096],
       [ 0.89155731]]), array([[ 0.09909097],
       [-0.07348807]]), array([[ 0.28408139],
       [ 0.48828803],
       [ 0.21485106]])]
cost derivative:  [[ 1.17764755]
 [ 0.76436898]
 [-0.67670625]]
unit step:  1
delta:  [[ 1.17764755]
 [ 0.76436898]
 [-0.67670625]]
delta b updated:  [array([[ 0.0707062],
       [ 0.07457  ]]), array([[ 1.17764755],
       [ 0.76436898],
       [-0.67670625]])]
delta w updated: [array([[-0.06318067, -0.01952064,  0.06303863],
       [-0.06663323, -0.02058736,  0.06648343]]), array([[ 0.11669424, -0.08654304],
       [ 0.07574206, -0.056172  ],
       [-0.06705548,  0.04972984]])]
input:  [[ 0.61963995]
 [-1.08600301]
 [ 0.34797682]]
activations:  [array([[ 0.61963995],
       [-1.08600301],
       [ 0.34797682]]), array([[ 0.37958567],
       [-1.15415449]]), array([[ 1.61201116],
       [ 0.87825294],
       [ 1.05139728]])]
cost derivative:  [[ 0.99237121]
 [ 1.96425595]
 [ 0.70342046]]
unit step:  1
delta:  [[ 0.99237121]
 [ 1.96425595]
 [ 0.70342046]]
delta b updated:  [array([[ 0.2054762 ],
       [ 2.69258375]]), array([[ 0.99237121],
       [ 1.96425595],
       [ 0.70342046]])]
delta w updated: [array([[ 0.12732126, -0.22314777,  0.07150096],
       [ 1.66843246, -2.92415407,  0.93695673]]), array([[ 0.37668989, -1.14534969],
       [ 0.7456034 , -2.26705482],
       [ 0.26700832, -0.81185588]])]
input:  [[ 0.49203326]
 [-1.01050411]
 [ 0.39885779]]
activations:  [array([[ 0.49203326],
       [-1.01050411],
       [ 0.39885779]]), array([[ 0.35690352],
       [-1.0621482 ]]), array([[ 1.49978343],
       [ 0.84271944],
       [ 0.98037671]])]
cost derivative:  [[ 1.00775018]
 [ 1.85322355]
 [ 0.58151893]]
unit step:  1
delta:  [[ 1.00775018]
 [ 1.85322355]
 [ 0.58151893]]
delta b updated:  [array([[ 0.19906338],
       [ 2.34845952]]), array([[ 1.00775018],
       [ 1.85322355],
       [ 0.58151893]])]
delta w updated: [array([[ 0.0979458 , -0.20115436,  0.07939798],
       [ 1.15552018, -2.37312799,  0.93670137]]), array([[ 0.35966959, -1.07038004],
       [ 0.66142201, -1.96839806],
       [ 0.20754615, -0.61765929]])]
input:  [[-0.72135026]
 [-0.01485856]
 [ 1.07717359]]
activations:  [array([[-0.72135026],
       [-0.01485856],
       [ 1.07717359]]), array([[ 0.1873195 ],
       [-0.04304912]]), array([[ 0.37745647],
       [ 0.41432161],
       [ 0.25005622]])]
cost derivative:  [[ 1.09880673]
 [ 0.42918016]
 [-0.82711737]]
unit step:  1
delta:  [[ 1.09880673]
 [ 0.42918016]
 [-0.82711737]]
delta b updated:  [array([[ 0.13605339],
       [ 0.02909562]]), array([[ 1.09880673],
       [ 0.42918016],
       [-0.82711737]])]
delta w updated: [array([[-0.09814215, -0.00202156,  0.14655312],
       [-0.02098813, -0.00043232,  0.03134103]]), array([[ 0.20582793, -0.04730266],
       [ 0.08039381, -0.01847583],
       [-0.15493521,  0.03560667]])]
input:  [[ 0.84875027]
 [-0.45538179]
 [ 0.79316557]]
activations:  [array([[ 0.84875027],
       [-0.45538179],
       [ 0.79316557]]), array([[ 0.54212808],
       [-0.99078307]]), array([[ 1.69052829],
       [ 0.68549002],
       [ 1.05010605]])]
cost derivative:  [[ 0.84177802]
 [ 1.14087181]
 [ 0.25694048]]
unit step:  1
delta:  [[ 0.84177802]
 [ 1.14087181]
 [ 0.25694048]]
delta b updated:  [array([[ 0.31698978],
       [ 1.47739481]]), array([[ 0.84177802],
       [ 1.14087181],
       [ 0.25694048]])]
delta w updated: [array([[ 0.26904516, -0.14435138,  0.25142538],
       [ 1.25393924, -0.67277869,  1.17181869]]), array([[ 0.4563515 , -0.83401942],
       [ 0.61849865, -1.13035648],
       [ 0.13929465, -0.25457228]])]
input:  [[-0.23663819]
 [-0.35734895]
 [ 0.84489076]]
activations:  [array([[-0.23663819],
       [-0.35734895],
       [ 0.84489076]]), array([[ 0.26356967],
       [-0.42740003]]), array([[ 0.81649029],
       [ 0.56677344],
       [ 0.53303402]])]
cost derivative:  [[ 1.05312848]
 [ 0.92412239]
 [-0.31185673]]
unit step:  1
delta:  [[ 1.05312848]
 [ 0.92412239]
 [-0.31185673]]
delta b updated:  [array([[ 0.17490119],
       [ 0.51789615]]), array([[ 1.05312848],
       [ 0.92412239],
       [-0.31185673]])]
delta w updated: [array([[-0.0413883 , -0.06250076,  0.14777239],
       [-0.12255401, -0.18506965,  0.43756567]]), array([[ 0.27757272, -0.45010715],
       [ 0.24357063, -0.39496994],
       [-0.08219598,  0.13328758]])]
input:  [[-0.54721097]
 [-0.10021561]
 [ 1.02011474]]
activations:  [array([[-0.54721097],
       [-0.10021561],
       [ 1.02011474]]), array([[ 0.22046022],
       [-0.16529557]]), array([[ 0.52841625],
       [ 0.45639082],
       [ 0.34576059]])]
cost derivative:  [[ 1.07562722]
 [ 0.55660643]
 [-0.67435415]]
unit step:  1
delta:  [[ 1.07562722]
 [ 0.55660643]
 [-0.67435415]]
delta b updated:  [array([[ 0.1557371 ],
       [ 0.13482161]]), array([[ 1.07562722],
       [ 0.55660643],
       [-0.67435415]])]
delta w updated: [array([[-0.08522105, -0.01560729,  0.15886971],
       [-0.07377587, -0.01351123,  0.13753352]]), array([[ 0.23713302, -0.17779642],
       [ 0.12270958, -0.09200458],
       [-0.14866827,  0.11146775]])]
input:  [[ 0.82464401]
 [-1.07597374]
 [ 0.3581971 ]]
activations:  [array([[ 0.82464401],
       [-1.07597374],
       [ 0.3581971 ]]), array([[ 0.43593509],
       [-1.25407275]]), array([[ 1.77271301],
       [ 0.88983637],
       [ 1.14686448]])]
cost derivative:  [[ 0.948069  ]
 [ 1.9658101 ]
 [ 0.78866738]]
unit step:  1
delta:  [[ 0.948069  ]
 [ 1.9658101 ]
 [ 0.78866738]]
delta b updated:  [array([[ 0.23085794],
       [ 2.93715086]]), array([[ 0.948069  ],
       [ 1.9658101 ],
       [ 0.78866738]])]
delta w updated: [array([[ 0.19037561, -0.24839708,  0.08269264],
       [ 2.42210385, -3.16029719,  1.05207892]]), array([[ 0.41329655, -1.1889475 ],
       [ 0.85696561, -2.46526888],
       [ 0.34380779, -0.98904627]])]
input:  [[ 0.78390241]
 [-1.10627369]
 [ 0.3363431 ]]
activations:  [array([[ 0.78390241],
       [-1.10627369],
       [ 0.3363431 ]]), array([[ 0.41982679],
       [-1.25073856]]), array([[ 1.74683939],
       [ 0.8965686 ],
       [ 1.13420643]])]
cost derivative:  [[ 0.96293698]
 [ 2.00284229]
 [ 0.79786333]]
unit step:  1
delta:  [[ 0.96293698]
 [ 2.00284229]
 [ 0.79786333]]
delta b updated:  [array([[ 0.22299955],
       [ 2.97405036]]), array([[ 0.96293698],
       [ 2.00284229],
       [ 0.79786333]])]
delta w updated: [array([[ 0.17480988, -0.24669853,  0.07500436],
       [ 2.33136525, -3.29011366,  1.00030131]]), array([[ 0.40426674, -1.20438241],
       [ 0.84084684, -2.50503208],
       [ 0.3349644 , -0.99791844]])]
input:  [[ 0.78950553]
 [-1.1036475 ]
 [ 0.33826956]]
activations:  [array([[ 0.78950553],
       [-1.1036475 ],
       [ 0.33826956]]), array([[ 0.42154472],
       [-1.25520429]]), array([[ 1.75220517],
       [ 0.89597664],
       [ 1.13727102]])]
cost derivative:  [[ 0.96269964]
 [ 1.99962415]
 [ 0.79900147]]
unit step:  1
delta:  [[ 0.96269964]
 [ 1.99962415]
 [ 0.79900147]]
delta b updated:  [array([[ 0.22460722],
       [ 2.9802559 ]]), array([[ 0.96269964],
       [ 1.99962415],
       [ 0.79900147]])]
delta w updated: [array([[ 0.17732864, -0.24788719,  0.07597778],
       [ 2.35292852, -3.28915198,  1.00812984]]), array([[ 0.40582095, -1.20838472],
       [ 0.842931  , -2.50993681],
       [ 0.33681485, -1.00291007]])]
input:  [[ 0.88131382]
 [-0.72870994]
 [ 0.60226519]]
activations:  [array([[ 0.88131382],
       [-0.72870994],
       [ 0.60226519]]), array([[ 0.50619647],
       [-1.13641619]]), array([[ 1.76400843],
       [ 0.77799828],
       [ 1.11564011]])]
cost derivative:  [[ 0.88269461]
 [ 1.50670822]
 [ 0.51337491]]
unit step:  1
delta:  [[ 0.88269461]
 [ 1.50670822]
 [ 0.51337491]]
delta b updated:  [array([[ 0.28459483],
       [ 2.12493596]]), array([[ 0.88269461],
       [ 1.50670822],
       [ 0.51337491]])]
delta w updated: [array([[ 0.25081736, -0.20738708,  0.17140156],
       [ 1.87273543, -1.54846196,  1.27977497]]), array([[ 0.4468169 , -1.00310844],
       [ 0.76269039, -1.71224761],
       [ 0.25986857, -0.58340756]])]
input:  [[-0.57477534]
 [-0.08211458]
 [ 1.03236081]]
activations:  [array([[-0.57477534],
       [-0.08211458],
       [ 1.03236081]]), array([[ 0.21543127],
       [-0.14794366]]), array([[ 0.50440682],
       [ 0.44711625],
       [ 0.33102599]])]
cost derivative:  [[ 1.07918216]
 [ 0.52923083]
 [-0.70133481]]
unit step:  1
delta:  [[ 1.07918216]
 [ 0.52923083]
 [-0.70133481]]
delta b updated:  [array([[ 0.15321167],
       [ 0.11617409]]), array([[ 1.07918216],
       [ 0.52923083],
       [-0.70133481]])]
delta w updated: [array([[-0.08806229, -0.01258091,  0.15816972],
       [-0.066774  , -0.00953959,  0.11993357]]), array([[ 0.23248959, -0.15965816],
       [ 0.11401287, -0.07829635],
       [-0.15108945,  0.10375804]])]
input:  [[ 0.76625553]
 [-1.11224554]
 [ 0.33188589]]
activations:  [array([[ 0.76625553],
       [-1.11224554],
       [ 0.33188589]]), array([[ 0.41334777],
       [-1.25266485]]), array([[ 1.73663662],
       [ 0.8965088 ],
       [ 1.12979974]])]
cost derivative:  [[ 0.97038109]
 [ 2.00875434]
 [ 0.79791384]]
unit step:  1
delta:  [[ 0.97038109]
 [ 2.00875434]
 [ 0.79791384]]
delta b updated:  [array([[ 0.22123702],
       [ 2.98269041]]), array([[ 0.97038109],
       [ 2.00875434],
       [ 0.79791384]])]
delta w updated: [array([[ 0.16952409, -0.24606989,  0.07342545],
       [ 2.28550303, -3.31748411,  0.98991287]]), array([[ 0.40110485, -1.21556228],
       [ 0.83031412, -2.51629596],
       [ 0.3298159 , -0.99951863]])]
input:  [[ 0.59381163]
 [-1.07330163]
 [ 0.35646866]]
activations:  [array([[ 0.59381163],
       [-1.07330163],
       [ 0.35646866]]), array([[ 0.37270704],
       [-1.15480643]]), array([[ 1.59492149],
       [ 0.86972305],
       [ 1.04419769]])]
cost derivative:  [[ 1.00110986]
 [ 1.94302468]
 [ 0.68772904]]
unit step:  1
delta:  [[ 1.00110986]
 [ 1.94302468]
 [ 0.68772904]]
delta b updated:  [array([[ 0.20538785],
       [ 2.66036476]]), array([[ 1.00110986],
       [ 1.94302468],
       [ 0.68772904]])]
delta w updated: [array([[ 0.1219617 , -0.22044312,  0.07321433],
       [ 1.57975552, -2.85537384,  0.94833665]]), array([[ 0.37312069, -1.15608811],
       [ 0.72417897, -2.2438174 ],
       [ 0.25632145, -0.79419392]])]
input:  [[ 0.22934215]
 [-0.7953239 ]
 [ 0.54544921]]
activations:  [array([[ 0.22934215],
       [-0.7953239 ],
       [ 0.54544921]]), array([[ 0.3184533 ],
       [-0.85688511]]), array([[ 1.26072836],
       [ 0.74794204],
       [ 0.82793403]])]
cost derivative:  [[ 1.03138621]
 [ 1.54326594]
 [ 0.28248482]]
unit step:  1
delta:  [[ 1.03138621]
 [ 1.54326594]
 [ 0.28248482]]
delta b updated:  [array([[ 0.19085236],
       [ 1.60411167]]), array([[ 1.03138621],
       [ 1.54326594],
       [ 0.28248482]])]
delta w updated: [array([[ 0.04377049, -0.15178944,  0.10410027],
       [ 0.36789042, -1.27578835,  0.87496145]]), array([[ 0.32844835, -0.88377949],
       [ 0.49145813, -1.3224016 ],
       [ 0.08995822, -0.24205703]])]
input:  [[-0.25882582]
 [-0.33700705]
 [ 0.85878993]]
activations:  [array([[-0.25882582],
       [-0.33700705],
       [ 0.85878993]]), array([[ 0.25969724],
       [-0.41738341]]), array([[ 0.79761348],
       [ 0.55628679],
       [ 0.52264625]])]
cost derivative:  [[ 1.05643931]
 [ 0.89329384]
 [-0.33614367]]
unit step:  1
delta:  [[ 1.05643931]
 [ 0.89329384]
 [-0.33614367]]
delta b updated:  [array([[ 0.1740238 ],
       [ 0.49099287]]), array([[ 1.05643931],
       [ 0.89329384],
       [-0.33614367]])]
delta w updated: [array([[-0.04504185, -0.05864725,  0.14944989],
       [-0.12708163, -0.16546806,  0.42165973]]), array([[ 0.27435437, -0.44094025],
       [ 0.23198595, -0.37284603],
       [-0.08729558,  0.14030079]])]
input:  [[ 0.80028279]
 [-1.09741885]
 [ 0.34279947]]
activations:  [array([[ 0.80028279],
       [-1.09741885],
       [ 0.34279947]]), array([[ 0.42429582],
       [-1.26937339]]), array([[ 1.76307486],
       [ 0.89303775],
       [ 1.14539406]])]
cost derivative:  [[ 0.96279207]
 [ 1.9904566 ]
 [ 0.80259459]]
unit step:  1
delta:  [[ 0.96279207]
 [ 1.9904566 ]
 [ 0.80259459]]
delta b updated:  [array([[ 0.22796985],
       [ 2.99803424]]), array([[ 0.96279207],
       [ 1.9904566 ],
       [ 0.80259459]])]
delta w updated: [array([[ 0.18244035, -0.25017841,  0.07814794],
       [ 2.3992752 , -3.29009928,  1.02772455]]), array([[ 0.40850865, -1.22214263],
       [ 0.84454241, -2.52663263],
       [ 0.34053753, -1.01879221]])]
input:  [[-0.8411984 ]
 [-0.70686931]
 [ 0.59069842]]
activations:  [array([[-0.8411984 ],
       [-0.70686931],
       [ 0.59069842]]), array([[ 0.04267355],
       [-0.30121929]]), array([[ 0.39831438],
       [ 0.633625  ],
       [ 0.31819915]])]
cost derivative:  [[ 1.23951278]
 [ 1.34049431]
 [-0.27249928]]
unit step:  1
delta:  [[ 1.23951278]
 [ 1.34049431]
 [-0.27249928]]
delta b updated:  [array([[ 0.02871996],
       [ 0.48341181]]), array([[ 1.23951278],
       [ 1.34049431],
       [-0.27249928]])]
delta w updated: [array([[-0.02415918, -0.02030126,  0.01696483],
       [-0.40664524, -0.34170897,  0.28555059]]), array([[ 0.05289441, -0.37336516],
       [ 0.05720365, -0.40378275],
       [-0.01162851,  0.08208204]])]
input:  [[ 0.80372785]
 [-0.21526295]
 [ 0.9606156 ]]
activations:  [array([[ 0.80372785],
       [-0.21526295],
       [ 0.9606156 ]]), array([[ 0.56638052],
       [-0.88100094]]), array([[ 1.61909368],
       [ 0.59819156],
       [ 0.99420998]])]
cost derivative:  [[ 0.81536583]
 [ 0.81345451]
 [ 0.03359438]]
unit step:  1
delta:  [[ 0.81536583]
 [ 0.81345451]
 [ 0.03359438]]
delta b updated:  [array([[ 0.34943802],
       [ 1.01341167]]), array([[ 0.81536583],
       [ 0.81345451],
       [ 0.03359438]])]
delta w updated: [array([[ 0.28085307, -0.07522106,  0.33567562],
       [ 0.81450719, -0.21814998,  0.97349906]]), array([[ 0.46180732, -0.71833806],
       [ 0.46072478, -0.71665419],
       [ 0.0190272 , -0.02959668]])]
input:  [[ 0.88232077]
 [-0.74634198]
 [ 0.58993341]]
activations:  [array([[ 0.88232077],
       [-0.74634198],
       [ 0.58993341]]), array([[ 0.50223495],
       [-1.15670067]]), array([[ 1.76995583],
       [ 0.78159108],
       [ 1.12358016]])]
cost derivative:  [[ 0.88763505]
 [ 1.52793305]
 [ 0.53364675]]
unit step:  1
delta:  [[ 0.88763505]
 [ 1.52793305]
 [ 0.53364675]]
delta b updated:  [array([[ 0.28350963],
       [ 2.18488597]]), array([[ 0.88763505],
       [ 1.52793305],
       [ 0.53364675]])]
delta w updated: [array([[ 0.25014644, -0.21159514,  0.1672518 ],
       [ 1.92777027, -1.63067212,  1.28893722]]), array([[ 0.44580135, -1.02672806],
       [ 0.76738138, -1.76736118],
       [ 0.26801605, -0.61726955]])]
input:  [[-0.67638176]
 [-0.02871278]
 [ 1.06817291]]
activations:  [array([[-0.67638176],
       [-0.02871278],
       [ 1.06817291]]), array([[ 0.19565117],
       [-0.08062558]]), array([[ 0.41530284],
       [ 0.41984262],
       [ 0.27686569]])]
cost derivative:  [[ 1.0916846 ]
 [ 0.44855541]
 [-0.79130723]]
unit step:  1
delta:  [[ 1.0916846 ]
 [ 0.44855541]
 [-0.79130723]]
delta b updated:  [array([[ 0.1415063 ],
       [ 0.05606711]]), array([[ 1.0916846 ],
       [ 0.44855541],
       [-0.79130723]])]
delta w updated: [array([[-0.09571228, -0.00406304,  0.15115319],
       [-0.03792277, -0.00160984,  0.05988937]]), array([[ 0.21358937, -0.0880177 ],
       [ 0.08776039, -0.03616504],
       [-0.15482018,  0.0637996 ]])]
input:  [[ 0.8615769 ]
 [-1.00628655]
 [ 0.40757408]]
activations:  [array([[ 0.8615769 ],
       [-1.00628655],
       [ 0.40757408]]), array([[ 0.45467466],
       [-1.26447417]]), array([[ 1.79710834],
       [ 0.86636603],
       [ 1.16021087]])]
cost derivative:  [[ 0.93553144]
 [ 1.87265258]
 [ 0.75263678]]
unit step:  1
delta:  [[ 0.93553144]
 [ 1.87265258]
 [ 0.75263678]]
delta b updated:  [array([[ 0.24676596],
       [ 2.83432732]]), array([[ 0.93553144],
       [ 1.87265258],
       [ 0.75263678]])]
delta w updated: [array([[ 0.21260785, -0.24831727,  0.10057541],
       [ 2.44199094, -2.85214547,  1.15519836]]), array([[ 0.42536244, -1.18295534],
       [ 0.85144767, -2.36792082],
       [ 0.34220487, -0.95168977]])]
input:  [[-0.85738571]
 [-0.07055587]
 [ 1.03604809]]
activations:  [array([[-0.85738571],
       [-0.07055587],
       [ 1.03604809]]), array([[ 0.13982924],
       [-0.01201097]]), array([[ 0.27855964],
       [ 0.41928657],
       [ 0.2006699 ]])]
cost derivative:  [[ 1.13594535]
 [ 0.48984244]
 [-0.83537819]]
unit step:  1
delta:  [[ 1.13594535]
 [ 0.48984244]
 [-0.83537819]]
delta b updated:  [array([[ 0.10208652],
       [ 0.00873908]]), array([[ 1.13594535],
       [ 0.48984244],
       [-0.83537819]])]
delta w updated: [array([[-0.08752753, -0.0072028 ,  0.10576655],
       [-0.00749276, -0.00061659,  0.0090541 ]]), array([[ 0.15883838, -0.01364381],
       [ 0.0684943 , -0.00588348],
       [-0.1168103 ,  0.0100337 ]])]
input:  [[-0.10106781]
 [-0.48450296]
 [ 0.75796058]]
activations:  [array([[-0.10106781],
       [-0.48450296],
       [ 0.75796058]]), array([[ 0.27782699],
       [-0.56529584]]), array([[ 0.94711733],
       [ 0.61654036],
       [ 0.62386782]])]
cost derivative:  [[ 1.04818514]
 [ 1.10104332]
 [-0.13409276]]
unit step:  1
delta:  [[ 1.04818514]
 [ 1.10104332]
 [-0.13409276]]
delta b updated:  [array([[ 0.17992185],
       [ 0.78923674]]), array([[ 1.04818514],
       [ 1.10104332],
       [-0.13409276]])]
delta w updated: [array([[-0.01818431, -0.08717267,  0.13637367],
       [-0.07976643, -0.38238753,  0.59821033]]), array([[ 0.29121412, -0.5925347 ],
       [ 0.30589955, -0.62241521],
       [-0.03725459,  0.07580208]])]
input:  [[-0.84591795]
 [-0.68208683]
 [ 0.60797968]]
activations:  [array([[-0.84591795],
       [-0.68208683],
       [ 0.60797968]]), array([[ 0.04471698],
       [-0.29114666]]), array([[ 0.38956431],
       [ 0.62394805],
       [ 0.31338851]])]
cost derivative:  [[ 1.23548227]
 [ 1.30603488]
 [-0.29459117]]
unit step:  1
delta:  [[ 1.23548227]
 [ 1.30603488]
 [-0.29459117]]
delta b updated:  [array([[ 0.03014271],
       [ 0.45589857]]), array([[ 1.23548227],
       [ 1.30603488],
       [-0.29459117]])]
delta w updated: [array([[-0.02549826, -0.02055994,  0.01832615],
       [-0.38565279, -0.31096241,  0.27717707]]), array([[ 0.05524704, -0.35970653],
       [ 0.05840194, -0.38024769],
       [-0.01317323,  0.08576924]])]
input:  [[-0.38826665]
 [-0.22284173]
 [ 0.93671988]]
activations:  [array([[-0.38826665],
       [-0.22284173],
       [ 0.93671988]]), array([[ 0.24199897],
       [-0.30935212]]), array([[ 0.67515503],
       [ 0.5063161 ],
       [ 0.44556489]])]
cost derivative:  [[ 1.06342168]
 [ 0.72915784]
 [-0.49115499]]
unit step:  1
delta:  [[ 1.06342168]
 [ 0.72915784]
 [-0.49115499]]
delta b updated:  [array([[ 0.16647326],
       [ 0.30880546]]), array([[ 1.06342168],
       [ 0.72915784],
       [-0.49115499]])]
delta w updated: [array([[-0.06463602, -0.03709719,  0.15593881],
       [-0.11989886, -0.06881474,  0.28926422]]), array([[ 0.25734695, -0.32897176],
       [ 0.17645545, -0.22556653],
       [-0.118859  ,  0.15193984]])]
input:  [[ 0.77023174]
 [-0.06266718]
 [ 1.0669541 ]]
activations:  [array([[ 0.77023174],
       [-0.06266718],
       [ 1.0669541 ]]), array([[ 0.58073097],
       [-0.80221018]]), array([[ 1.56600642],
       [ 0.5432135 ],
       [ 0.9548381 ]])]
cost derivative:  [[ 0.79577468]
 [ 0.60588068]
 [-0.112116  ]]
unit step:  1
delta:  [[ 0.79577468]
 [ 0.60588068]
 [-0.112116  ]]
delta b updated:  [array([[ 0.36736812],
       [ 0.74939704]]), array([[ 0.79577468],
       [ 0.60588068],
       [-0.112116  ]])]
delta w updated: [array([[ 0.28295858, -0.02302192,  0.39196492],
       [ 0.57720939, -0.0469626 ,  0.79957224]]), array([[ 0.462131  , -0.63837855],
       [ 0.35185368, -0.48604365],
       [-0.06510923,  0.0899406 ]])]
input:  [[ 0.79752477]
 [-0.18586622]
 [ 0.98110502]]
activations:  [array([[ 0.79752477],
       [-0.18586622],
       [ 0.98110502]]), array([[ 0.56804108],
       [-0.8711747 ]]), array([[ 1.60787199],
       [ 0.58655738],
       [ 0.98931188]])]
cost derivative:  [[ 0.81034722]
 [ 0.7724236 ]
 [ 0.00820687]]
unit step:  1
delta:  [[ 0.81034722]
 [ 0.7724236 ]
 [ 0.00820687]]
delta b updated:  [array([[ 0.35176251],
       [ 0.96359617]]), array([[ 0.81034722],
       [ 0.7724236 ],
       [ 0.00820687]])]
delta w updated: [array([[ 0.28053932, -0.06538077,  0.34511597],
       [ 0.76849181, -0.17909998,  0.94538904]]), array([[ 0.46031051, -0.705954  ],
       [ 0.43876833, -0.6729159 ],
       [ 0.00466184, -0.00714962]])]
input:  [[ 0.82906   ]
 [-1.07064725]
 [ 0.36199604]]
activations:  [array([[ 0.82906   ],
       [-1.07064725],
       [ 0.36199604]]), array([[ 0.43460431],
       [-1.28213484]]), array([[ 1.78065211],
       [ 0.88372066],
       [ 1.15884737]])]
cost derivative:  [[ 0.95159211]
 [ 1.95436791]
 [ 0.79685133]]
unit step:  1
delta:  [[ 0.95159211]
 [ 1.95436791]
 [ 0.79685133]]
delta b updated:  [array([[ 0.23352224],
       [ 2.97497449]]), array([[ 0.95159211],
       [ 1.95436791],
       [ 0.79685133]])]
delta w updated: [array([[ 0.19360395, -0.25001994,  0.08453412],
       [ 2.46643236, -3.18514826,  1.07692898]]), array([[ 0.41356603, -1.2200694 ],
       [ 0.84937672, -2.50576318],
       [ 0.34631502, -1.02167085]])]
input:  [[ 0.2844863 ]
 [-0.84443541]
 [ 0.51191699]]
activations:  [array([[ 0.2844863 ],
       [-0.84443541],
       [ 0.51191699]]), array([[ 0.32352569],
       [-0.91807421]]), array([[ 1.3123495 ],
       [ 0.76565279],
       [ 0.86746908]])]
cost derivative:  [[ 1.0278632 ]
 [ 1.6100882 ]
 [ 0.35555208]]
unit step:  1
delta:  [[ 1.0278632 ]
 [ 1.6100882 ]
 [ 0.35555208]]
delta b updated:  [array([[ 0.19138541],
       [ 1.7782926 ]]), array([[ 1.0278632 ],
       [ 1.6100882 ],
       [ 0.35555208]])]
delta w updated: [array([[ 0.05444653, -0.16161262,  0.09797344],
       [ 0.50589988, -1.50165323,  0.9103382 ]]), array([[ 0.33254015, -0.94365469],
       [ 0.5209049 , -1.47818045],
       [ 0.11503023, -0.3264232 ]])]
input:  [[-0.32441767]
 [-0.27805098]
 [ 0.89905324]]
activations:  [array([[-0.32441767],
       [-0.27805098],
       [ 0.89905324]]), array([[ 0.24968224],
       [-0.36857093]]), array([[ 0.73484298],
       [ 0.52922631],
       [ 0.48614302]])]
cost derivative:  [[ 1.05926065]
 [ 0.80727729]
 [-0.41291021]]
unit step:  1
delta:  [[ 1.05926065]
 [ 0.80727729]
 [-0.41291021]]
delta b updated:  [array([[ 0.16948137],
       [ 0.39812056]]), array([[ 1.05926065],
       [ 0.80727729],
       [-0.41291021]])]
delta w updated: [array([[-0.05498275, -0.04712446,  0.15237277],
       [-0.12915734, -0.11069781,  0.35793158]]), array([[ 0.26447857, -0.39041269],
       [ 0.2015628 , -0.29753894],
       [-0.10309635,  0.1521867 ]])]
input:  [[ 0.01360924]
 [-0.59378189]
 [ 0.68322227]]
activations:  [array([[ 0.01360924],
       [-0.59378189],
       [ 0.68322227]]), array([[ 0.29029303],
       [-0.6751194 ]]), array([[ 1.05537523],
       [ 0.66055666],
       [ 0.69856659]])]
cost derivative:  [[ 1.041766  ]
 [ 1.25433855]
 [ 0.01534433]]
unit step:  1
delta:  [[ 1.041766  ]
 [ 1.25433855]
 [ 0.01534433]]
delta b updated:  [array([[ 0.18288305],
       [ 1.05088321]]), array([[ 1.041766  ],
       [ 1.25433855],
       [ 0.01534433]])]
delta w updated: [array([[ 0.0024889 , -0.10859265,  0.12494977],
       [ 0.01430172, -0.62399541,  0.71798681]]), array([[ 0.30241741, -0.70331644],
       [ 0.36412574, -0.84682829],
       [ 0.00445435, -0.01035925]])]
input:  [[ 0.81047671]
 [-1.08986298]
 [ 0.34824972]]
activations:  [array([[ 0.81047671],
       [-1.08986298],
       [ 0.34824972]]), array([[ 0.42593646],
       [-1.28681434]]), array([[ 1.76989237],
       [ 0.88734874],
       [ 1.15557486]])]
cost derivative:  [[ 0.95941567]
 [ 1.97721171]
 [ 0.80732514]]
unit step:  1
delta:  [[ 0.95941567]
 [ 1.97721171]
 [ 0.80732514]]
delta b updated:  [array([[ 0.22915438],
       [ 3.01185926]]), array([[ 0.95941567],
       [ 1.97721171],
       [ 0.80732514]])]
delta w updated: [array([[ 0.18572429, -0.24974688,  0.07980295],
       [ 2.44104177, -3.28251389,  1.04887913]]), array([[ 0.40865012, -1.23458984],
       [ 0.84216656, -2.54430439],
       [ 0.34386922, -1.03887757]])]
input:  [[-0.88658559]
 [-0.40591942]
 [ 0.80074197]]
activations:  [array([[-0.88658559],
       [-0.40591942],
       [ 0.80074197]]), array([[ 0.07707626],
       [-0.15308844]]), array([[ 0.31078652],
       [ 0.52761931],
       [ 0.24846629]])]
cost derivative:  [[ 1.19737211]
 [ 0.93353873]
 [-0.55227568]]
unit step:  1
delta:  [[ 1.19737211]
 [ 0.93353873]
 [-0.55227568]]
delta b updated:  [array([[ 0.05399934],
       [ 0.18028286]]), array([[ 1.19737211],
       [ 0.93353873],
       [-0.55227568]])]
delta w updated: [array([[-0.04787504, -0.02191938,  0.04323954],
       [-0.15983618, -0.07318031,  0.14436005]]), array([[ 0.09228897, -0.18330383],
       [ 0.07195368, -0.14291399],
       [-0.04256734,  0.08454702]])]
input:  [[ 0.4324114 ]
 [-0.96680394]
 [ 0.42853068]]
activations:  [array([[ 0.4324114 ],
       [-0.96680394],
       [ 0.42853068]]), array([[ 0.34332205],
       [-1.04977496]]), array([[ 1.45038715],
       [ 0.81650673],
       [ 0.95960223]])]
cost derivative:  [[ 1.01797575]
 [ 1.78331068]
 [ 0.53107155]]
unit step:  1
delta:  [[ 1.01797575]
 [ 1.78331068]
 [ 0.53107155]]
delta b updated:  [array([[ 0.19660551],
       [ 2.22595842]]), array([[ 1.01797575],
       [ 1.78331068],
       [ 0.53107155]])]
delta w updated: [array([[ 0.08501446, -0.19007898,  0.08425149],
       [ 0.96252979, -2.15206538,  0.95389148]]), array([[ 0.34949352, -1.06864545],
       [ 0.61224988, -1.8720749 ],
       [ 0.18232857, -0.55750562]])]
input:  [[-0.74221482]
 [-0.01150444]
 [ 1.07919707]]
activations:  [array([[-0.74221482],
       [-0.01150444],
       [ 1.07919707]]), array([[ 0.17913788],
       [-0.04799142]]), array([[ 0.35881004],
       [ 0.40707746],
       [ 0.24680481]])]
cost derivative:  [[ 1.10102486]
 [ 0.4185819 ]
 [-0.83239226]]
unit step:  1
delta:  [[ 1.10102486]
 [ 0.4185819 ]
 [-0.83239226]]
delta b updated:  [array([[ 0.13038016],
       [ 0.03158704]]), array([[ 1.10102486],
       [ 0.4185819 ],
       [-0.83239226]])]
delta w updated: [array([[-0.09677009, -0.00149995,  0.14070589],
       [-0.02344437, -0.00036339,  0.03408865]]), array([[ 0.19723526, -0.05283975],
       [ 0.07498388, -0.02008834],
       [-0.14911299,  0.03994769]])]
input:  [[-0.83105005]
 [-0.75801209]
 [ 0.55504205]]
activations:  [array([[-0.83105005],
       [-0.75801209],
       [ 0.55504205]]), array([[ 0.03540545],
       [-0.33939503]]), array([[ 0.41363134],
       [ 0.64877659],
       [ 0.3369722 ]])]
cost derivative:  [[ 1.24468139]
 [ 1.40678868]
 [-0.21806985]]
unit step:  1
delta:  [[ 1.24468139]
 [ 1.40678868]
 [-0.21806985]]
delta b updated:  [array([[ 0.02355732],
       [ 0.56483255]]), array([[ 1.24468139],
       [ 1.40678868],
       [-0.21806985]])]
delta w updated: [array([[-0.01957731, -0.01785673,  0.0130753 ],
       [-0.46940412, -0.4281499 ,  0.31350582]]), array([[ 0.0440685 , -0.42243868],
       [ 0.04980798, -0.47745709],
       [-0.00772086,  0.07401182]])]
input:  [[ 0.21820126]
 [-0.78523648]
 [ 0.55233957]]
activations:  [array([[ 0.21820126],
       [-0.78523648],
       [ 0.55233957]]), array([[ 0.31435975],
       [-0.86552375]]), array([[ 1.24975217],
       [ 0.73856715],
       [ 0.82933781]])]
cost derivative:  [[ 1.03155091]
 [ 1.52380363]
 [ 0.27699824]]
unit step:  1
delta:  [[ 1.03155091]
 [ 1.52380363]
 [ 0.27699824]]
delta b updated:  [array([[ 0.1891692 ],
       [ 1.59424406]]), array([[ 1.03155091],
       [ 1.52380363],
       [ 0.27699824]])]
delta w updated: [array([[ 0.04127696, -0.14854256,  0.10448564],
       [ 0.34786607, -1.2518586 ,  0.88056407]]), array([[ 0.32427808, -0.89283181],
       [ 0.47902252, -1.31888823],
       [ 0.0870771 , -0.23974856]])]
input:  [[ 0.1280158 ]
 [-0.70199809]
 [ 0.60922395]]
activations:  [array([[ 0.1280158 ],
       [-0.70199809],
       [ 0.60922395]]), array([[ 0.30322449],
       [-0.78506752]]), array([[ 1.1643554 ],
       [ 0.70358425],
       [ 0.77321172]])]
cost derivative:  [[ 1.0363396 ]
 [ 1.40558234]
 [ 0.16398777]]
unit step:  1
delta:  [[ 1.0363396 ]
 [ 1.40558234]
 [ 0.16398777]]
delta b updated:  [array([[ 0.18640328],
       [ 1.34679963]]), array([[ 1.0363396 ],
       [ 1.40558234],
       [ 0.16398777]])]
delta w updated: [array([[ 0.02386256, -0.13085475,  0.11356134],
       [ 0.17241163, -0.94545076,  0.82050259]]), array([[ 0.31424355, -0.81359656],
       [ 0.42620699, -1.10347705],
       [ 0.04972511, -0.12874147]])]
input:  [[-0.89352823]
 [-0.26187376]
 [ 0.90150702]]
activations:  [array([[-0.89352823],
       [-0.26187376],
       [ 0.90150702]]), array([[ 0.09782455],
       [-0.08824976]]), array([[ 0.28075206],
       [ 0.47830068],
       [ 0.22175903]])]
cost derivative:  [[ 1.17428029]
 [ 0.74017444]
 [-0.67974799]]
unit step:  1
delta:  [[ 1.17428029]
 [ 0.74017444]
 [-0.67974799]]
delta b updated:  [array([[ 0.06987038],
       [ 0.08631882]]), array([[ 1.17428029],
       [ 0.74017444],
       [-0.67974799]])]
delta w updated: [array([[-0.06243116, -0.01829722,  0.06298864],
       [-0.07712831, -0.02260464,  0.07781703]]), array([[ 0.11487345, -0.10362995],
       [ 0.07240724, -0.06532022],
       [-0.06649604,  0.0599876 ]])]
input:  [[-0.87538845]
 [-0.50225611]
 [ 0.73345324]]
activations:  [array([[-0.87538845],
       [-0.50225611],
       [ 0.73345324]]), array([[ 0.06413102],
       [-0.20512836]]), array([[ 0.3352048 ],
       [ 0.55954204],
       [ 0.27271223]])]
cost derivative:  [[ 1.21059325]
 [ 1.06179815]
 [-0.46074101]]
unit step:  1
delta:  [[ 1.21059325]
 [ 1.06179815]
 [-0.46074101]]
delta b updated:  [array([[ 0.04432385],
       [ 0.26825622]]), array([[ 1.21059325],
       [ 1.06179815],
       [-0.46074101]])]
delta w updated: [array([[-0.03880059, -0.02226193,  0.03250947],
       [-0.2348284 , -0.13473333,  0.19675339]]), array([[ 0.07763658, -0.24832701],
       [ 0.0680942 , -0.21780492],
       [-0.02954779,  0.09451105]])]
input:  [[-0.66048242]
 [-0.03533603]
 [ 1.06378268]]
activations:  [array([[-0.66048242],
       [-0.03533603],
       [ 1.06378268]]), array([[ 0.19696803],
       [-0.10090565]]), array([[ 0.42654072],
       [ 0.4203751 ],
       [ 0.2906335 ]])]
cost derivative:  [[ 1.08702314]
 [ 0.45571113]
 [-0.77314918]]
unit step:  1
delta:  [[ 1.08702314]
 [ 0.45571113]
 [-0.77314918]]
delta b updated:  [array([[ 0.14191314],
       [ 0.07062545]]), array([[ 1.08702314],
       [ 0.45571113],
       [-0.77314918]])]
delta w updated: [array([[-0.09373113, -0.00501465,  0.15096474],
       [-0.04664687, -0.00249562,  0.07513013]]), array([[ 0.2141088 , -0.10968678],
       [ 0.08976052, -0.04598383],
       [-0.15228567,  0.07801512]])]
input:  [[-0.45000473]
 [-0.17220518]
 [ 0.97121724]]
activations:  [array([[-0.45000473],
       [-0.17220518],
       [ 0.97121724]]), array([[ 0.23175862],
       [-0.26541931]]), array([[ 0.61585161],
       [ 0.48200956],
       [ 0.41269436]])]
cost derivative:  [[ 1.06585634]
 [ 0.65421474]
 [-0.55852288]]
unit step:  1
delta:  [[ 1.06585634]
 [ 0.65421474]
 [-0.55852288]]
delta b updated:  [array([[ 0.16112165],
       [ 0.24264906]]), array([[ 1.06585634],
       [ 0.65421474],
       [-0.55852288]])]
delta w updated: [array([[-0.0725055 , -0.02774598,  0.15648413],
       [-0.10919323, -0.04178543,  0.23566495]]), array([[ 0.2470214 , -0.28289885],
       [ 0.15161991, -0.17364122],
       [-0.12944249,  0.14824276]])]
input:  [[-0.73538449]
 [-0.01234762]
 [ 1.07871312]]
activations:  [array([[-0.73538449],
       [-0.01234762],
       [ 1.07871312]]), array([[ 0.18017311],
       [-0.05418152]]), array([[ 0.36244996],
       [ 0.40688371],
       [ 0.25227289]])]
cost derivative:  [[ 1.09783445]
 [ 0.41923133]
 [-0.82644023]]
unit step:  1
delta:  [[ 1.09783445]
 [ 0.41923133]
 [-0.82644023]]
delta b updated:  [array([[ 0.13077233],
       [ 0.03564097]]), array([[ 1.09783445],
       [ 0.41923133],
       [-0.82644023]])]
delta w updated: [array([[-0.09616794, -0.00161473,  0.14106583],
       [-0.02620982, -0.00044008,  0.03844639]]), array([[ 0.19780025, -0.05948234],
       [ 0.07553421, -0.02271459],
       [-0.14890231,  0.04477779]])]
input:  [[-0.0896365]
 [-0.4953697]
 [ 0.750529 ]]
activations:  [array([[-0.0896365],
       [-0.4953697],
       [ 0.750529 ]]), array([[ 0.27711739],
       [-0.58703655]]), array([[ 0.95485985],
       [ 0.61697353],
       [ 0.63742979]])]
cost derivative:  [[ 1.04449635]
 [ 1.11234323]
 [-0.11309921]]
unit step:  1
delta:  [[ 1.04449635]
 [ 1.11234323]
 [-0.11309921]]
delta b updated:  [array([[ 0.1784519 ],
       [ 0.82302435]]), array([[ 1.04449635],
       [ 1.11234323],
       [-0.11309921]])]
delta w updated: [array([[-0.0159958 , -0.08839966,  0.13393333],
       [-0.07377302, -0.40770133,  0.61770364]]), array([[ 0.2894481 , -0.61315753],
       [ 0.30824966, -0.65298613],
       [-0.03134176,  0.06639337]])]
input:  [[ 0.83742212]
 [-1.05892622]
 [ 0.37033453]]
activations:  [array([[ 0.83742212],
       [-1.05892622],
       [ 0.37033453]]), array([[ 0.43716724],
       [-1.29414438]]), array([[ 1.7838115 ],
       [ 0.87505318],
       [ 1.1674813 ]])]
cost derivative:  [[ 0.94638938]
 [ 1.93397939]
 [ 0.79714678]]
unit step:  1
delta:  [[ 0.94638938]
 [ 1.93397939]
 [ 0.79714678]]
delta b updated:  [array([[ 0.23549454],
       [ 2.96745684]]), array([[ 0.94638938],
       [ 1.93397939],
       [ 0.79714678]])]
delta w updated: [array([[ 0.19720833, -0.24937134,  0.08721176],
       [ 2.485014  , -3.14231785,  1.09895173]]), array([[ 0.41373043, -1.2247645 ],
       [ 0.84547242, -2.50284856],
       [ 0.34848645, -1.03162302]])]
input:  [[ 0.56711552]
 [-1.05861197]
 [ 0.36633933]]
activations:  [array([[ 0.56711552],
       [-1.05861197],
       [ 0.36633933]]), array([[ 0.36398315],
       [-1.16443622]]), array([[ 1.57086373],
       [ 0.85410299],
       [ 1.04268861]])]
cost derivative:  [[ 1.00374822]
 [ 1.91271496]
 [ 0.67634928]]
unit step:  1
delta:  [[ 1.00374822]
 [ 1.91271496]
 [ 0.67634928]]
delta b updated:  [array([[ 0.20238857],
       [ 2.62651914]]), array([[ 1.00374822],
       [ 1.91271496],
       [ 0.67634928]])]
delta w updated: [array([[ 0.1147777 , -0.21425096,  0.07414289],
       [ 1.48953976, -2.78046459,  0.96219726]]), array([[ 0.36534743, -1.16880078],
       [ 0.69619601, -2.22723458],
       [ 0.24617974, -0.7875656 ]])]
input:  [[-0.80786871]
 [-0.86671599]
 [ 0.47927961]]
activations:  [array([[-0.80786871],
       [-0.86671599],
       [ 0.47927961]]), array([[ 0.02328046],
       [-0.4056092 ]]), array([[ 0.44947601],
       [ 0.68510017],
       [ 0.37033092]])]
cost derivative:  [[ 1.25734472]
 [ 1.55181615]
 [-0.10894869]]
unit step:  1
delta:  [[ 1.25734472]
 [ 1.55181615]
 [-0.10894869]]
delta b updated:  [array([[ 0.01521462],
       [ 0.73382852]]), array([[ 1.25734472],
       [ 1.55181615],
       [-0.10894869]])]
delta w updated: [array([[-0.01229142, -0.01318676,  0.00729206],
       [-0.5928371 , -0.63602091,  0.35170905]]), array([[ 0.02927156, -0.50999059],
       [ 0.03612699, -0.62943091],
       [-0.00253638,  0.04419059]])]
input:  [[-0.65236982]
 [-0.03900642]
 [ 1.06133886]]
activations:  [array([[-0.65236982],
       [-0.03900642],
       [ 1.06133886]]), array([[ 0.19794651],
       [-0.10963093]]), array([[ 0.43265392],
       [ 0.42115633],
       [ 0.29680252]])]
cost derivative:  [[ 1.08502374]
 [ 0.46016275]
 [-0.76453634]]
unit step:  1
delta:  [[ 1.08502374]
 [ 0.46016275]
 [-0.76453634]]
delta b updated:  [array([[ 0.14236831],
       [ 0.07714705]]), array([[ 1.08502374],
       [ 0.46016275],
       [-0.76453634]])]
delta w updated: [array([[-0.09287679, -0.00555328,  0.15110102],
       [-0.05032841, -0.00300923,  0.08187916]]), array([[ 0.21477666, -0.11895216],
       [ 0.09108761, -0.05044807],
       [-0.1513373 ,  0.08381683]])]
input:  [[-0.56567595]
 [-0.08795369]
 [ 1.02841365]]
activations:  [array([[-0.56567595],
       [-0.08795369],
       [ 1.02841365]]), array([[ 0.21339346],
       [-0.17426613]]), array([[ 0.50913918],
       [ 0.44398271],
       [ 0.34597857]])]
cost derivative:  [[ 1.07481513]
 [ 0.5319364 ]
 [-0.68243509]]
unit step:  1
delta:  [[ 1.07481513]
 [ 0.5319364 ]
 [-0.68243509]]
delta b updated:  [array([[ 0.15134169],
       [ 0.1361886 ]]), array([[ 1.07481513],
       [ 0.5319364 ],
       [-0.68243509]])]
delta w updated: [array([[-0.08561036, -0.01331106,  0.15564186],
       [-0.07703862, -0.01197829,  0.14005821]]), array([[ 0.22935852, -0.18730388],
       [ 0.11351175, -0.0926985 ],
       [-0.14562718,  0.11892532]])]
input:  [[-0.52840239]
 [-0.11323031]
 [ 1.01129402]]
activations:  [array([[-0.52840239],
       [-0.11323031],
       [ 1.01129402]]), array([[ 0.21929011],
       [-0.20404057]]), array([[ 0.5424924 ],
       [ 0.45516537],
       [ 0.36800742]])]
cost derivative:  [[ 1.07089479]
 [ 0.56839568]
 [-0.6432866 ]]
unit step:  1
delta:  [[ 1.07089479]
 [ 0.56839568]
 [-0.6432866 ]]
delta b updated:  [array([[ 0.15442931],
       [ 0.16741037]]), array([[ 1.07089479],
       [ 0.56839568],
       [-0.6432866 ]])]
delta w updated: [array([[-0.08160082, -0.01748608,  0.15617344],
       [-0.08846004, -0.01895593,  0.1693011 ]]), array([[ 0.23483663, -0.21850598],
       [ 0.12464355, -0.11597578],
       [-0.14106639,  0.13125656]])]
input:  [[ 0.69887632]
 [-1.1126556 ]
 [ 0.330548  ]]
activations:  [array([[ 0.69887632],
       [-1.1126556 ],
       [ 0.330548  ]]), array([[ 0.39056438],
       [-1.25619595]]), array([[ 1.68351617],
       [ 0.88071928],
       [ 1.11535469]])]
cost derivative:  [[ 0.98463985]
 [ 1.99337488]
 [ 0.7848067 ]]
unit step:  1
delta:  [[ 0.98463985]
 [ 1.99337488]
 [ 0.7848067 ]]
delta b updated:  [array([[ 0.21224305],
       [ 2.94403748]]), array([[ 0.98463985],
       [ 1.99337488],
       [ 0.7848067 ]])]
delta w updated: [array([[ 0.14833165, -0.23615342,  0.07015652],
       [ 2.05751809, -3.2756998 ,  0.97314569]]), array([[ 0.38456526, -1.2369006 ],
       [ 0.77854124, -2.50406947],
       [ 0.30651755, -0.985871  ]])]
input:  [[-0.39871286]
 [-0.21406246]
 [ 0.94270499]]
activations:  [array([[-0.39871286],
       [-0.21406246],
       [ 0.94270499]]), array([[ 0.23795833],
       [-0.31443448]]), array([[ 0.66232836],
       [ 0.49819217],
       [ 0.44666799]])]
cost derivative:  [[ 1.06104122]
 [ 0.71225462]
 [-0.49603701]]
unit step:  1
delta:  [[ 1.06104122]
 [ 0.71225462]
 [-0.49603701]]
delta b updated:  [array([[ 0.16369516],
       [ 0.30630632]]), array([[ 1.06104122],
       [ 0.71225462],
       [-0.49603701]])]
delta w updated: [array([[-0.06526737, -0.03504099,  0.15431624],
       [-0.12212827, -0.06556868,  0.28875649]]), array([[ 0.2524836 , -0.33362795],
       [ 0.16948692, -0.22395741],
       [-0.11803614,  0.15597114]])]
input:  [[-0.89074637]
 [-0.35380162]
 [ 0.83717451]]
activations:  [array([[-0.89074637],
       [-0.35380162],
       [ 0.83717451]]), array([[ 0.08255631],
       [-0.1360915 ]]), array([[ 0.29574909],
       [ 0.50737401],
       [ 0.24282392]])]
cost derivative:  [[ 1.18649546]
 [ 0.86117563]
 [-0.59435059]]
unit step:  1
delta:  [[ 1.18649546]
 [ 0.86117563]
 [-0.59435059]]
delta b updated:  [array([[ 0.0580429 ],
       [ 0.14940463]]), array([[ 1.18649546],
       [ 0.86117563],
       [-0.59435059]])]
delta w updated: [array([[-0.0517015 , -0.02053567,  0.04859204],
       [-0.13308163, -0.0528596 ,  0.12507775]]), array([[ 0.09795269, -0.16147194],
       [ 0.07109549, -0.11719868],
       [-0.04906739,  0.08088606]])]
input:  [[-0.18059023]
 [-0.40942288]
 [ 0.80929809]]
activations:  [array([[-0.18059023],
       [-0.40942288],
       [ 0.80929809]]), array([[ 0.26541235],
       [-0.51001226]]), array([[ 0.86755492],
       [ 0.5793833 ],
       [ 0.58320867]])]
cost derivative:  [[ 1.04814515]
 [ 0.98880617]
 [-0.22608942]]
unit step:  1
delta:  [[ 1.04814515]
 [ 0.98880617]
 [-0.22608942]]
delta b updated:  [array([[ 0.17444542],
       [ 0.64673309]]), array([[ 1.04814515],
       [ 0.98880617],
       [-0.22608942]])]
delta w updated: [array([[-0.03150314, -0.07142195,  0.14117835],
       [-0.11679368, -0.26478732,  0.52339986]]), array([[ 0.27819067, -0.53456688],
       [ 0.26244137, -0.50430327],
       [-0.06000692,  0.11530838]])]
input:  [[ 0.86939212]
 [-0.97796583]
 [ 0.42752859]]
activations:  [array([[ 0.86939212],
       [-0.97796583],
       [ 0.42752859]]), array([[ 0.45782314],
       [-1.28245106]]), array([[ 1.79558643],
       [ 0.84762054],
       [ 1.17249753]])]
cost derivative:  [[ 0.9261943 ]
 [ 1.82558637]
 [ 0.74496893]]
unit step:  1
delta:  [[ 0.9261943 ]
 [ 1.82558637]
 [ 0.74496893]]
delta b updated:  [array([[ 0.2499995 ],
       [ 2.79640981]]), array([[ 0.9261943 ],
       [ 1.82558637],
       [ 0.74496893]])]
delta w updated: [array([[ 0.2173476 , -0.24449097,  0.10688194],
       [ 2.43117666, -2.73479324,  1.19554515]]), array([[ 0.42403319, -1.18779886],
       [ 0.83579569, -2.34122516],
       [ 0.34106402, -0.9553862 ]])]
input:  [[-0.87312378]
 [-0.10708939]
 [ 1.01021872]]
activations:  [array([[-0.87312378],
       [-0.10708939],
       [ 1.01021872]]), array([[ 0.12661815],
       [-0.03470943]]), array([[ 0.26753013],
       [ 0.42610042],
       [ 0.20798886]])]
cost derivative:  [[ 1.14065392]
 [ 0.53318981]
 [-0.80222986]]
unit step:  1
delta:  [[ 1.14065392]
 [ 0.53318981]
 [-0.80222986]]
delta b updated:  [array([[ 0.09166367],
       [ 0.02650596]]), array([[ 1.14065392],
       [ 0.53318981],
       [-0.80222986]])]
delta w updated: [array([[-0.08003373, -0.00981621,  0.09260036],
       [-0.02314298, -0.00283851,  0.02677681]]), array([[ 0.14442748, -0.03959145],
       [ 0.0675115 , -0.01850672],
       [-0.10157686,  0.02784494]])]
input:  [[ 0.8800997 ]
 [-0.71060845]
 [ 0.6149225 ]]
activations:  [array([[ 0.8800997 ],
       [-0.71060845],
       [ 0.6149225 ]]), array([[ 0.50330071],
       [-1.16962244]]), array([[ 1.75930682],
       [ 0.75908185],
       [ 1.1311524 ]])]
cost derivative:  [[ 0.87920712]
 [ 1.46969031]
 [ 0.5162299 ]]
unit step:  1
delta:  [[ 0.87920712]
 [ 1.46969031]
 [ 0.5162299 ]]
delta b updated:  [array([[ 0.28708492],
       [ 2.12622623]]), array([[ 0.87920712],
       [ 1.46969031],
       [ 0.5162299 ]])]
delta w updated: [array([[ 0.25266335, -0.20400497,  0.17653498],
       [ 1.87129106, -1.51091433,  1.30746434]]), array([[ 0.44250557, -1.02834038],
       [ 0.73969618, -1.71898276],
       [ 0.25981888, -0.60379408]])]
input:  [[ 0.55803192]
 [-1.05329141]
 [ 0.36992359]]
activations:  [array([[ 0.55803192],
       [-1.05329141],
       [ 0.36992359]]), array([[ 0.36115945],
       [-1.16781848]]), array([[ 1.56268922],
       [ 0.8485939 ],
       [ 1.04250616]])]
cost derivative:  [[ 1.00465729]
 [ 1.90188531]
 [ 0.67258257]]
unit step:  1
delta:  [[ 1.00465729]
 [ 1.90188531]
 [ 0.67258257]]
delta b updated:  [array([[ 0.2016338 ],
       [ 2.61481126]]), array([[ 1.00465729],
       [ 1.90188531],
       [ 0.67258257]])]
delta w updated: [array([[ 0.11251809, -0.21237915,  0.0745891 ],
       [ 1.45914816, -2.75415825,  0.96728038]]), array([[ 0.36284148, -1.17325735],
       [ 0.68688386, -2.22105682],
       [ 0.24290955, -0.78545435]])]
input:  [[-0.82561786]
 [-0.78438004]
 [ 0.53666163]]
activations:  [array([[-0.82561786],
       [-0.78438004],
       [ 0.53666163]]), array([[ 0.0305937 ],
       [-0.36630207]]), array([[ 0.42048176],
       [ 0.65455661],
       [ 0.35104318]])]
cost derivative:  [[ 1.24609962]
 [ 1.43893665]
 [-0.18561845]]
unit step:  1
delta:  [[ 1.24609962]
 [ 1.43893665]
 [-0.18561845]]
delta b updated:  [array([[ 0.02021357],
       [ 0.61812735]]), array([[ 1.24609962],
       [ 1.43893665],
       [-0.18561845]])]
delta w updated: [array([[-0.01668868, -0.01585512,  0.01084785],
       [-0.51033698, -0.48484675,  0.33172523]]), array([[ 0.03812279, -0.45644887],
       [ 0.04402239, -0.52708547],
       [-0.00567875,  0.06799242]])]
input:  [[ 0.87867669]
 [-0.69203369]
 [ 0.62790797]]
activations:  [array([[ 0.87867669],
       [-0.69203369],
       [ 0.62790797]]), array([[ 0.50546722],
       [-1.16478363]]), array([[ 1.75588471],
       [ 0.75164255],
       [ 1.12859833]])]
cost derivative:  [[ 0.87720802]
 [ 1.44367624]
 [ 0.50069036]]
unit step:  1
delta:  [[ 0.87720802]
 [ 1.44367624]
 [ 0.50069036]]
delta b updated:  [array([[ 0.2900822 ],
       [ 2.08534029]]), array([[ 0.87720802],
       [ 1.44367624],
       [ 0.50069036]])]
delta w updated: [array([[ 0.25488847, -0.20074665,  0.18214492],
       [ 1.83233991, -1.44312574,  1.30940179]]), array([[ 0.4433999 , -1.02175754],
       [ 0.72973101, -1.68157046],
       [ 0.25308256, -0.58319594]])]
input:  [[-0.81380157]
 [-0.02431671]
 [ 1.06910845]]
activations:  [array([[-0.81380157],
       [-0.02431671],
       [ 1.06910845]]), array([[ 0.1555544 ],
       [-0.02917366]]), array([[ 0.30049659],
       [ 0.40218811],
       [ 0.22205943]])]
cost derivative:  [[ 1.11429816]
 [ 0.42650482]
 [-0.84704902]]
unit step:  1
delta:  [[ 1.11429816]
 [ 0.42650482]
 [-0.84704902]]
delta b updated:  [array([[ 0.11333322],
       [ 0.01918882]]), array([[ 1.11429816],
       [ 0.42650482],
       [-0.84704902]])]
delta w updated: [array([[-0.09223075, -0.00275589,  0.1211655 ],
       [-0.01561589, -0.00046661,  0.02051493]]), array([[ 0.17333398, -0.03250816],
       [ 0.0663447 , -0.01244271],
       [-0.1317622 ,  0.02471152]])]
input:  [[-0.89171727]
 [-0.33735345]
 [ 0.84867781]]
activations:  [array([[-0.89171727],
       [-0.33735345],
       [ 0.84867781]]), array([[ 0.08422197],
       [-0.13254991]]), array([[ 0.29151745],
       [ 0.50036698],
       [ 0.24162152]])]
cost derivative:  [[ 1.18323471]
 [ 0.83772043]
 [-0.60705629]]
unit step:  1
delta:  [[ 1.18323471]
 [ 0.83772043]
 [-0.60705629]]
delta b updated:  [array([[ 0.05930638],
       [ 0.14197251]]), array([[ 1.18323471],
       [ 0.83772043],
       [-0.60705629]])]
delta w updated: [array([[-0.05288452, -0.02000721,  0.05033201],
       [-0.12659934, -0.04789492,  0.12048892]]), array([[ 0.09965436, -0.15683765],
       [ 0.07055447, -0.11103976],
       [-0.05112748,  0.08046525]])]
input:  [[-0.00935906]
 [-0.57188877]
 [ 0.69819556]]
activations:  [array([[-0.00935906],
       [-0.57188877],
       [ 0.69819556]]), array([[ 0.28472513],
       [-0.67418163]]), array([[ 1.03078214],
       [ 0.64442012],
       [ 0.69461746]])]
cost derivative:  [[ 1.04014121]
 [ 1.21630889]
 [-0.0035781 ]]
unit step:  1
delta:  [[ 1.04014121]
 [ 1.21630889]
 [-0.0035781 ]]
delta b updated:  [array([[ 0.18045749],
       [ 1.01597186]]), array([[ 1.04014121],
       [ 1.21630889],
       [-0.0035781 ]])]
delta w updated: [array([[-0.00168891, -0.10320161,  0.12599462],
       [-0.00950854, -0.5810229 ,  0.70934705]]), array([[ 0.29615434, -0.70124409],
       [ 0.34631371, -0.8200131 ],
       [-0.00101878,  0.00241229]])]
input:  [[-0.02084301]
 [-0.56093583]
 [ 0.70568668]]
activations:  [array([[-0.02084301],
       [-0.56093583],
       [ 0.70568668]]), array([[ 0.28327264],
       [-0.66416949]]), array([[ 1.01965932],
       [ 0.63967691],
       [ 0.6876302 ]])]
cost derivative:  [[ 1.04050233]
 [ 1.20061274]
 [-0.01805648]]
unit step:  1
delta:  [[ 1.04050233]
 [ 1.20061274]
 [-0.01805648]]
delta b updated:  [array([[ 0.17996687],
       [ 0.98958247]]), array([[ 1.04050233],
       [ 1.20061274],
       [-0.01805648]])]
delta w updated: [array([[-0.00375105, -0.10094987,  0.12700022],
       [-0.02062587, -0.55509226,  0.69833517]]), array([[ 0.29474584, -0.6910699 ],
       [ 0.34010074, -0.79741035],
       [-0.00511491,  0.01199256]])]
input:  [[-0.19185916]
 [-0.39888405]
 [ 0.81650256]]
activations:  [array([[-0.19185916],
       [-0.39888405],
       [ 0.81650256]]), array([[ 0.26299021],
       [-0.50699341]]), array([[ 0.8563587 ],
       [ 0.57279699],
       [ 0.57946376]])]
cost derivative:  [[ 1.04821787]
 [ 0.97168104]
 [-0.2370388 ]]
unit step:  1
delta:  [[ 1.04821787]
 [ 0.97168104]
 [-0.2370388 ]]
delta b updated:  [array([[ 0.17340083],
       [ 0.63222851]]), array([[ 1.04821787],
       [ 0.97168104],
       [-0.2370388 ]])]
delta w updated: [array([[-0.03326854, -0.06916683,  0.14158223],
       [-0.12129883, -0.25218587,  0.5162162 ]]), array([[ 0.27567103, -0.53143956],
       [ 0.2555426 , -0.49263589],
       [-0.06233888,  0.12017711]])]
input:  [[ 0.41197964]
 [-0.95094907]
 [ 0.43931503]]
activations:  [array([[ 0.41197964],
       [-0.95094907],
       [ 0.43931503]]), array([[ 0.33735193],
       [-1.05531043]]), array([[ 1.42855965],
       [ 0.80113219],
       [ 0.95917715]])]
cost derivative:  [[ 1.01658001]
 [ 1.75208126]
 [ 0.51986212]]
unit step:  1
delta:  [[ 1.01658001]
 [ 1.75208126]
 [ 0.51986212]]
delta b updated:  [array([[ 0.19413716],
       [ 2.18932004]]), array([[ 1.01658001],
       [ 1.75208126],
       [ 0.51986212]])]
delta w updated: [array([[ 0.07998056, -0.18461455,  0.08528737],
       [ 0.90195527, -2.08193185,  0.96180119]]), array([[ 0.34294523, -1.0728075 ],
       [ 0.591068  , -1.84898964],
       [ 0.17537649, -0.54861592]])]
input:  [[-0.89329364]
 [-0.24810329]
 [ 0.91115396]]
activations:  [array([[-0.89329364],
       [-0.24810329],
       [ 0.91115396]]), array([[ 0.0976418],
       [-0.0940187]]), array([[ 0.27480976],
       [ 0.47004878],
       [ 0.22647425]])]
cost derivative:  [[ 1.1681034 ]
 [ 0.71815207]
 [-0.68467971]]
unit step:  1
delta:  [[ 1.1681034 ]
 [ 0.71815207]
 [-0.68467971]]
delta b updated:  [array([[ 0.06954657],
       [ 0.08915006]]), array([[ 1.1681034 ],
       [ 0.71815207],
       [-0.68467971]])]
delta w updated: [array([[-0.06212551, -0.01725473,  0.06336763],
       [-0.07963718, -0.02211842,  0.08122943]]), array([[ 0.11405571, -0.10982357],
       [ 0.07012166, -0.06751973],
       [-0.06685336,  0.0643727 ]])]
input:  [[ 0.29539115]
 [-0.85396583]
 [ 0.50541302]]
activations:  [array([[ 0.29539115],
       [-0.85396583],
       [ 0.50541302]]), array([[ 0.32126055],
       [-0.95548549]]), array([[ 1.31965977],
       [ 0.75962894],
       [ 0.88839153]])]
cost derivative:  [[ 1.02426862]
 [ 1.61359477]
 [ 0.38297851]]
unit step:  1
delta:  [[ 1.02426862]
 [ 1.61359477]
 [ 0.38297851]]
delta b updated:  [array([[ 0.18988422],
       [ 1.8406262 ]]), array([[ 1.02426862],
       [ 1.61359477],
       [ 0.38297851]])]
delta w updated: [array([[ 0.05609012, -0.16215463,  0.09596996],
       [ 0.54370469, -1.57183188,  0.93027644]]), array([[ 0.3290571 , -0.97867381],
       [ 0.51838434, -1.54176639],
       [ 0.12303588, -0.36593041]])]
input:  [[-0.79214976]
 [-0.01515875]
 [ 1.0758593 ]]
activations:  [array([[-0.79214976],
       [-0.01515875],
       [ 1.0758593 ]]), array([[ 0.16215657],
       [-0.03920411]]), array([[ 0.31510538],
       [ 0.39988757],
       [ 0.23270509]])]
cost derivative:  [[ 1.10725515]
 [ 0.41504632]
 [-0.84315421]]
unit step:  1
delta:  [[ 1.10725515]
 [ 0.41504632]
 [-0.84315421]]
delta b updated:  [array([[ 0.11800241],
       [ 0.02532879]]), array([[ 1.10725515],
       [ 0.41504632],
       [-0.84315421]])]
delta w updated: [array([[-0.09347558, -0.00178877,  0.12695399],
       [-0.02006419, -0.00038395,  0.02725021]]), array([[ 0.17954869, -0.04340896],
       [ 0.06730249, -0.01627152],
       [-0.13672299,  0.03305511]])]
input:  [[-0.55648726]
 [-0.09398864]
 [ 1.02433075]]
activations:  [array([[-0.55648726],
       [-0.09398864],
       [ 1.02433075]]), array([[ 0.21301673],
       [-0.19134758]]), array([[ 0.51479482],
       [ 0.44349601],
       [ 0.35680096]])]
cost derivative:  [[ 1.07128208]
 [ 0.53748465]
 [-0.66752979]]
unit step:  1
delta:  [[ 1.07128208]
 [ 0.53748465]
 [-0.66752979]]
delta b updated:  [array([[ 0.15058045],
       [ 0.14997534]]), array([[ 1.07128208],
       [ 0.53748465],
       [-0.66752979]])]
delta w updated: [array([[-0.0837961 , -0.01415285,  0.15424419],
       [-0.08345937, -0.01409598,  0.15362435]]), array([[ 0.22820101, -0.20498723],
       [ 0.11449322, -0.10284639],
       [-0.14219501,  0.12773021]])]
input:  [[ 0.15071471]
 [-0.72317733]
 [ 0.59474638]]
activations:  [array([[ 0.15071471],
       [-0.72317733],
       [ 0.59474638]]), array([[ 0.30292105],
       [-0.82607412]]), array([[ 1.18199805],
       [ 0.70484991],
       [ 0.79867131]])]
cost derivative:  [[ 1.03128334]
 [ 1.42802724]
 [ 0.20392494]]
unit step:  1
delta:  [[ 1.03128334]
 [ 1.42802724]
 [ 0.20392494]]
delta b updated:  [array([[ 0.18487343],
       [ 1.42791727]]), array([[ 1.03128334],
       [ 1.42802724],
       [ 0.20392494]])]
delta w updated: [array([[ 0.02786315, -0.13369628,  0.1099528 ],
       [ 0.21520813, -1.0326374 ,  0.84924863]]), array([[ 0.31239744, -0.85191648],
       [ 0.43257952, -1.17965635],
       [ 0.06177316, -0.16845711]])]
input:  [[ 0.42222839]
 [-0.95895256]
 [ 0.43387011]]
activations:  [array([[ 0.42222839],
       [-0.95895256],
       [ 0.43387011]]), array([[ 0.33828714],
       [-1.06805066]]), array([[ 1.43731206],
       [ 0.80290896],
       [ 0.96756765]])]
cost derivative:  [[ 1.01508367]
 [ 1.76186152]
 [ 0.53369754]]
unit step:  1
delta:  [[ 1.01508367]
 [ 1.76186152]
 [ 0.53369754]]
delta b updated:  [array([[ 0.19418403],
       [ 2.22432788]]), array([[ 1.01508367],
       [ 1.76186152],
       [ 0.53369754]])]
delta w updated: [array([[ 0.08199001, -0.18621327,  0.08425065],
       [ 0.93917438, -2.1330249 ,  0.96506938]]), array([[ 0.34338975, -1.08416079],
       [ 0.59601509, -1.88175736],
       [ 0.18054301, -0.57001601]])]
input:  [[-0.86937796]
 [-0.5441958 ]
 [ 0.70417715]]
activations:  [array([[-0.86937796],
       [-0.5441958 ],
       [ 0.70417715]]), array([[ 0.05604005],
       [-0.24313649]]), array([[ 0.34359874],
       [ 0.56954135],
       [ 0.2920951 ]])]
cost derivative:  [[ 1.2129767 ]
 [ 1.11373714]
 [-0.41208204]]
unit step:  1
delta:  [[ 1.2129767 ]
 [ 1.11373714]
 [-0.41208204]]
delta b updated:  [array([[ 0.03831106],
       [ 0.32805294]]), array([[ 1.2129767 ],
       [ 1.11373714],
       [-0.41208204]])]
delta w updated: [array([[-0.03330679, -0.02084872,  0.02697777],
       [-0.285202  , -0.17852503,  0.23100738]]), array([[ 0.06797527, -0.2949189 ],
       [ 0.06241388, -0.27079014],
       [-0.0230931 ,  0.10019218]])]
input:  [[ 0.73415457]
 [-1.11607237]
 [ 0.32870542]]
activations:  [array([[ 0.73415457],
       [-1.11607237],
       [ 0.32870542]]), array([[ 0.39711508],
       [-1.29538183]]), array([[ 1.71132057],
       [ 0.87729549],
       [ 1.14177616]])]
cost derivative:  [[ 0.97716601]
 [ 1.99336786]
 [ 0.81307074]]
unit step:  1
delta:  [[ 0.97716601]
 [ 1.99336786]
 [ 0.81307074]]
delta b updated:  [array([[ 0.2156634 ],
       [ 3.02431545]]), array([[ 0.97716601],
       [ 1.99336786],
       [ 0.81307074]])]
delta w updated: [array([[ 0.15833027, -0.24069597,  0.07088973],
       [ 2.22031501, -3.37535492,  0.99410887]]), array([[ 0.38804735, -1.26580309],
       [ 0.79159643, -2.58217251],
       [ 0.32288265, -1.05323707]])]
input:  [[-0.89224133]
 [-0.22185723]
 [ 0.92955015]]
activations:  [array([[-0.89224133],
       [-0.22185723],
       [ 0.92955015]]), array([[ 0.10147932],
       [-0.08657451]]), array([[ 0.27058463],
       [ 0.46031125],
       [ 0.22445218]])]
cost derivative:  [[ 1.16282596]
 [ 0.68216848]
 [-0.70509797]]
unit step:  1
delta:  [[ 1.16282596]
 [ 0.68216848]
 [-0.70509797]]
delta b updated:  [array([[ 0.07250797],
       [ 0.07877625]]), array([[ 1.16282596],
       [ 0.68216848],
       [-0.70509797]])]
delta w updated: [array([[-0.06469461, -0.01608642,  0.0673998 ],
       [-0.07028743, -0.01747708,  0.07322648]]), array([[ 0.11800279, -0.10067109],
       [ 0.06922599, -0.0590584 ],
       [-0.07155286,  0.06104351]])]
input:  [[ 0.24044795]
 [-0.80532804]
 [ 0.53861663]]
activations:  [array([[ 0.24044795],
       [-0.80532804],
       [ 0.53861663]]), array([[ 0.31349846],
       [-0.91261763]]), array([[ 1.2677039 ],
       [ 0.73725052],
       [ 0.85716701]])]
cost derivative:  [[ 1.02725594]
 [ 1.54257856]
 [ 0.31855039]]
unit step:  1
delta:  [[ 1.02725594]
 [ 1.54257856]
 [ 0.31855039]]
delta b updated:  [array([[ 0.18794119],
       [ 1.68663061]]), array([[ 1.02725594],
       [ 1.54257856],
       [ 0.31855039]])]
delta w updated: [array([[ 0.04519007, -0.15135431,  0.10122825],
       [ 0.40554688, -1.35829092,  0.90844729]]), array([[ 0.32204316, -0.93749189],
       [ 0.48359601, -1.40778439],
       [ 0.09986506, -0.2907147 ]])]
input:  [[ 0.08239468]
 [-0.65908384]
 [ 0.63856482]]
activations:  [array([[ 0.08239468],
       [-0.65908384],
       [ 0.63856482]]), array([[ 0.29418871],
       [-0.76891714]]), array([[ 1.11755569],
       [ 0.67673783],
       [ 0.75771368]])]
cost derivative:  [[ 1.03516101]
 [ 1.33582168]
 [ 0.11914886]]
unit step:  1
delta:  [[ 1.03516101]
 [ 1.33582168]
 [ 0.11914886]]
delta b updated:  [array([[ 0.18287588],
       [ 1.25248307]]), array([[ 1.03516101],
       [ 1.33582168],
       [ 0.11914886]])]
delta w updated: [array([[ 0.015068  , -0.12053053,  0.1167781 ],
       [ 0.10319795, -0.82549136,  0.79979162]]), array([[ 0.30453268, -0.79595304],
       [ 0.39298365, -1.02713618],
       [ 0.03505225, -0.0916156 ]])]
input:  [[ 0.66850921]
 [-1.10502797]
 [ 0.33541597]]
activations:  [array([[ 0.66850921],
       [-1.10502797],
       [ 0.33541597]]), array([[ 0.38067844],
       [-1.26290628]]), array([[ 1.65817484],
       [ 0.86739942],
       [ 1.11112686]])]
cost derivative:  [[ 0.98966563]
 [ 1.97242739]
 [ 0.77571089]]
unit step:  1
delta:  [[ 0.98966563]
 [ 1.97242739]
 [ 0.77571089]]
delta b updated:  [array([[ 0.20906421],
       [ 2.91406384]]), array([[ 0.98966563],
       [ 1.97242739],
       [ 0.77571089]])]
delta w updated: [array([[ 0.13976135, -0.23102179,  0.07012347],
       [ 1.94807853, -3.22012205,  0.97742356]]), array([[ 0.37674437, -1.24985494],
       [ 0.75086059, -2.49099094],
       [ 0.29529641, -0.97965015]])]
input:  [[-0.34591249]
 [-0.2591908 ]
 [ 0.91192558]]
activations:  [array([[-0.34591249],
       [-0.2591908 ],
       [ 0.91192558]]), array([[ 0.24257604],
       [-0.37687102]]), array([[ 0.71019478],
       [ 0.51202628],
       [ 0.48713772]])]
cost derivative:  [[ 1.05610727]
 [ 0.77121709]
 [-0.42478787]]
unit step:  1
delta:  [[ 1.05610727]
 [ 0.77121709]
 [-0.42478787]]
delta b updated:  [array([[ 0.16545321],
       [ 0.38873908]]), array([[ 1.05610727],
       [ 0.77121709],
       [-0.42478787]])]
delta w updated: [array([[-0.05723233, -0.04288395,  0.15088101],
       [-0.1344697 , -0.10075759,  0.35450111]]), array([[ 0.25618632, -0.39801622],
       [ 0.18707879, -0.29064937],
       [-0.10304336,  0.16009024]])]
input:  [[ 0.72734629]
 [-1.11595321]
 [ 0.32868269]]
activations:  [array([[ 0.72734629],
       [-1.11595321],
       [ 0.32868269]]), array([[ 0.3945328],
       [-1.2999235]]), array([[ 1.70731676],
       [ 0.87472566],
       [ 1.1416335 ]])]
cost derivative:  [[ 0.97997047]
 [ 1.99067888]
 [ 0.8129508 ]]
unit step:  1
delta:  [[ 0.97997047]
 [ 1.99067888]
 [ 0.8129508 ]]
delta b updated:  [array([[ 0.21543953],
       [ 3.02662681]]), array([[ 0.97997047],
       [ 1.99067888],
       [ 0.8129508 ]])]
delta w updated: [array([[ 0.15669914, -0.24042044,  0.07081125],
       [ 2.20140577, -3.37757392,  0.99479985]]), array([[ 0.38663049, -1.27388664],
       [ 0.78538811, -2.58773025],
       [ 0.32073576, -1.05677385]])]
input:  [[-0.63582729]
 [-0.0470456 ]
 [ 1.0559671 ]]
activations:  [array([[-0.63582729],
       [-0.0470456 ],
       [ 1.0559671 ]]), array([[ 0.19822322],
       [-0.13761063]]), array([[ 0.44401509],
       [ 0.42000569],
       [ 0.31432172]])]
cost derivative:  [[ 1.07984238]
 [ 0.46705129]
 [-0.74164537]]
unit step:  1
delta:  [[ 1.07984238]
 [ 0.46705129]
 [-0.74164537]]
delta b updated:  [array([[ 0.14214851],
       [ 0.09718738]]), array([[ 1.07984238],
       [ 0.46705129],
       [-0.74164537]])]
delta w updated: [array([[-0.0903819 , -0.00668746,  0.15010415],
       [-0.06179439, -0.00457224,  0.10262668]]), array([[ 0.21404983, -0.14859779],
       [ 0.09258041, -0.06427122],
       [-0.14701133,  0.10205829]])]
input:  [[-0.89340573]
 [-0.2907287 ]
 [ 0.88130219]]
activations:  [array([[-0.89340573],
       [-0.2907287 ],
       [ 0.88130219]]), array([[ 0.0894718 ],
       [-0.12129128]]), array([[ 0.2812448 ],
       [ 0.48217445],
       [ 0.23807139]])]
cost derivative:  [[ 1.17465053]
 [ 0.77290315]
 [-0.6432308 ]]
unit step:  1
delta:  [[ 1.17465053]
 [ 0.77290315]
 [-0.6432308 ]]
delta b updated:  [array([[ 0.0633852 ],
       [ 0.12125573]]), array([[ 1.17465053],
       [ 0.77290315],
       [-0.6432308 ]])]
delta w updated: [array([[-0.0566287 , -0.0184279 ,  0.05586152],
       [-0.10833056, -0.03525252,  0.10686294]]), array([[ 0.1050981 , -0.14247487],
       [ 0.06915304, -0.09374641],
       [-0.05755102,  0.07801829]])]
input:  [[ 0.69145814]
 [-1.11114508]
 [ 0.33149012]]
activations:  [array([[ 0.69145814],
       [-1.11114508],
       [ 0.33149012]]), array([[ 0.38534881],
       [-1.2828951 ]]), array([[ 1.6783662 ],
       [ 0.86978941],
       [ 1.12545577]])]
cost derivative:  [[ 0.98690806]
 [ 1.98093449]
 [ 0.79396565]]
unit step:  1
delta:  [[ 0.98690806]
 [ 1.98093449]
 [ 0.79396565]]
delta b updated:  [array([[ 0.21168349],
       [ 2.97025466]]), array([[ 0.98690806],
       [ 1.98093449],
       [ 0.79396565]])]
delta w updated: [array([[ 0.14637027, -0.23521107,  0.07017099],
       [ 2.05380677, -3.30038383,  0.98461006]]), array([[ 0.38030385, -1.26609952],
       [ 0.76335076, -2.54133115],
       [ 0.30595372, -1.01857464]])]
input:  [[-0.06673768]
 [-0.51717072]
 [ 0.73561912]]
activations:  [array([[-0.06673768],
       [-0.51717072],
       [ 0.73561912]]), array([[ 0.27600326],
       [-0.63687045]]), array([[ 0.97584871],
       [ 0.61702317],
       [ 0.66535747]])]
cost derivative:  [[ 1.04258639]
 [ 1.1341939 ]
 [-0.07026165]]
unit step:  1
delta:  [[ 1.04258639]
 [ 1.1341939 ]
 [-0.07026165]]
delta b updated:  [array([[ 0.17786619],
       [ 0.90038667]]), array([[ 1.04258639],
       [ 1.1341939 ],
       [-0.07026165]])]
delta w updated: [array([[-0.01187038, -0.09198719,  0.13084177],
       [-0.06008972, -0.46565363,  0.66234165]]), array([[ 0.28775724, -0.66399247],
       [ 0.31304121, -0.72233458],
       [-0.01939244,  0.04474757]])]
input:  [[ 0.84514637]
 [-1.04575562]
 [ 0.37967818]]
activations:  [array([[ 0.84514637],
       [-1.04575562],
       [ 0.37967818]]), array([[ 0.43701339],
       [-1.33263067]]), array([[ 1.78979386],
       [ 0.85847929],
       [ 1.18660546]])]
cost derivative:  [[ 0.94464749]
 [ 1.90423491]
 [ 0.80692728]]
unit step:  1
delta:  [[ 0.94464749]
 [ 1.90423491]
 [ 0.80692728]]
delta b updated:  [array([[ 0.23962598],
       [ 2.99280367]]), array([[ 0.94464749],
       [ 1.90423491],
       [ 0.80692728]])]
delta w updated: [array([[ 0.20251903, -0.25059022,  0.09098076],
       [ 2.52935717, -3.12974126,  1.13630225]]), array([[ 0.4128236 , -1.25886621],
       [ 0.83217615, -2.53764183],
       [ 0.35263802, -1.07533604]])]
input:  [[-0.88923054]
 [-0.18566798]
 [ 0.95493997]]
activations:  [array([[-0.88923054],
       [-0.18566798],
       [ 0.95493997]]), array([[ 0.10717351],
       [-0.07769595]]), array([[ 0.26659694],
       [ 0.44679356],
       [ 0.22204897]])]
cost derivative:  [[ 1.15582748]
 [ 0.63246154]
 [-0.73289099]]
unit step:  1
delta:  [[ 1.15582748]
 [ 0.63246154]
 [-0.73289099]]
delta b updated:  [array([[ 0.07696412],
       [ 0.0665843 ]]), array([[ 1.15582748],
       [ 0.63246154],
       [-0.73289099]])]
delta w updated: [array([[-0.06843885, -0.01428977,  0.07349611],
       [-0.05920879, -0.01236257,  0.06358401]]), array([[ 0.12387409, -0.08980311],
       [ 0.06778312, -0.0491397 ],
       [-0.0785465 ,  0.05694266]])]
input:  [[ 0.66063379]
 [-1.10247317]
 [ 0.33708225]]
activations:  [array([[ 0.66063379],
       [-1.10247317],
       [ 0.33708225]]), array([[ 0.37787028],
       [-1.269787  ]]), array([[ 1.65402982],
       [ 0.86348613],
       [ 1.11172977]])]
cost derivative:  [[ 0.99339603]
 [ 1.9659593 ]
 [ 0.77464751]]
unit step:  1
delta:  [[ 0.99339603]
 [ 1.9659593 ]
 [ 0.77464751]]
delta b updated:  [array([[ 0.20942356],
       [ 2.91565649]]), array([[ 0.99339603],
       [ 1.9659593 ],
       [ 0.77464751]])]
delta w updated: [array([[ 0.13835228, -0.23088386,  0.07059297],
       [ 1.92618119, -3.21443305,  0.98281606]]), array([[ 0.37537484, -1.26140137],
       [ 0.74287759, -2.49634957],
       [ 0.29271627, -0.98363734]])]
input:  [[-0.86603769]
 [-0.56591058]
 [ 0.68902265]]
activations:  [array([[-0.86603769],
       [-0.56591058],
       [ 0.68902265]]), array([[ 0.05217125],
       [-0.26501962]]), array([[ 0.35075427],
       [ 0.57448011],
       [ 0.30199968]])]
cost derivative:  [[ 1.21679196]
 [ 1.14039069]
 [-0.38702297]]
unit step:  1
delta:  [[ 1.21679196]
 [ 1.14039069]
 [-0.38702297]]
delta b updated:  [array([[ 0.03563552],
       [ 0.36310784]]), array([[ 1.21679196],
       [ 1.14039069],
       [-0.38702297]])]
delta w updated: [array([[-0.03086171, -0.02016652,  0.02455368],
       [-0.31446508, -0.20548657,  0.25018953]]), array([[ 0.06348155, -0.32247375],
       [ 0.0594956 , -0.30222591],
       [-0.02019147,  0.10256868]])]
input:  [[-0.88956859]
 [-0.37070946]
 [ 0.82535253]]
activations:  [array([[-0.88956859],
       [-0.37070946],
       [ 0.82535253]]), array([[ 0.07717194],
       [-0.16387045]]), array([[ 0.29806106],
       [ 0.50766562],
       [ 0.2560631 ]])]
cost derivative:  [[ 1.18762965]
 [ 0.87837507]
 [-0.56928944]]
unit step:  1
delta:  [[ 1.18762965]
 [ 0.87837507]
 [-0.56928944]]
delta b updated:  [array([[ 0.0541515 ],
       [ 0.18097355]]), array([[ 1.18762965],
       [ 0.87837507],
       [-0.56928944]])]
delta w updated: [array([[-0.04817148, -0.02007447,  0.04469408],
       [-0.16098838, -0.0670886 ,  0.14936697]]), array([[ 0.09165169, -0.19461741],
       [ 0.06778591, -0.14393972],
       [-0.04393317,  0.09328972]])]
input:  [[-0.50926384]
 [-0.12696721]
 [ 1.0019727 ]]
activations:  [array([[-0.50926384],
       [-0.12696721],
       [ 1.0019727 ]]), array([[ 0.21888536],
       [-0.24144599]]), array([[ 0.55721323],
       [ 0.45386914],
       [ 0.39007852]])]
cost derivative:  [[ 1.06647707]
 [ 0.58083634]
 [-0.61189418]]
unit step:  1
delta:  [[ 1.06647707]
 [ 0.58083634]
 [-0.61189418]]
delta b updated:  [array([[ 0.15396145],
       [ 0.19975891]]), array([[ 1.06647707],
       [ 0.58083634],
       [-0.61189418]])]
delta w updated: [array([[-0.078407  , -0.01954806,  0.15426517],
       [-0.10172999, -0.02536283,  0.20015298]]), array([[ 0.23343622, -0.25749661],
       [ 0.12713657, -0.1402406 ],
       [-0.13393468,  0.14773939]])]
input:  [[-0.15797529]
 [-0.43065982]
 [ 0.7947788 ]]
activations:  [array([[-0.15797529],
       [-0.43065982],
       [ 0.7947788 ]]), array([[ 0.26472467],
       [-0.55618408]]), array([[ 0.88804046],
       [ 0.58001646],
       [ 0.60937449]])]
cost derivative:  [[ 1.04601575]
 [ 1.01067628]
 [-0.18540431]]
unit step:  1
delta:  [[ 1.04601575]
 [ 1.01067628]
 [-0.18540431]]
delta b updated:  [array([[ 0.17403551],
       [ 0.71289698]]), array([[ 1.04601575],
       [ 1.01067628],
       [-0.18540431]])]
delta w updated: [array([[-0.02749331, -0.0749501 ,  0.13831974],
       [-0.11262011, -0.30701608,  0.5665954 ]]), array([[ 0.27690617, -0.58177731],
       [ 0.26755094, -0.56212206],
       [-0.0490811 ,  0.10311893]])]
input:  [[-0.03232454]
 [-0.54998373]
 [ 0.71317725]]
activations:  [array([[-0.03232454],
       [-0.54998373],
       [ 0.71317725]]), array([[ 0.2793384 ],
       [-0.67405388]]), array([[ 1.0080949 ],
       [ 0.62850805],
       [ 0.68994322]])]
cost derivative:  [[ 1.04041944]
 [ 1.17849178]
 [-0.02323402]]
unit step:  1
delta:  [[ 1.04041944]
 [ 1.17849178]
 [-0.02323402]]
delta b updated:  [array([[ 0.17875804],
       [ 0.98291955]]), array([[ 1.04041944],
       [ 1.17849178],
       [-0.02323402]])]
delta w updated: [array([[-0.00577827, -0.09831401,  0.12748616],
       [-0.03177243, -0.54058975,  0.70099586]]), array([[ 0.29062911, -0.70129876],
       [ 0.32919801, -0.79436695],
       [-0.00649016,  0.01566098]])]
input:  [[-0.14663269]
 [-0.44135029]
 [ 0.78746928]]
activations:  [array([[-0.14663269],
       [-0.44135029],
       [ 0.78746928]]), array([[ 0.26585187],
       [-0.56777802]]), array([[ 0.89848715],
       [ 0.58399624],
       [ 0.61719764]])]
cost derivative:  [[ 1.04511984]
 [ 1.02534653]
 [-0.17027165]]
unit step:  1
delta:  [[ 1.04511984]
 [ 1.02534653]
 [-0.17027165]]
delta b updated:  [array([[ 0.17427528],
       [ 0.73614843]]), array([[ 1.04511984],
       [ 1.02534653],
       [-0.17027165]])]
delta w updated: [array([[-0.02555445, -0.07691645,  0.13723643],
       [-0.10794342, -0.32489933,  0.57969428]]), array([[ 0.27784706, -0.59339607],
       [ 0.27259029, -0.58216922],
       [-0.04526703,  0.0966765 ]])]
input:  [[ 0.8773334 ]
 [-0.93457826]
 [ 0.45803619]]
activations:  [array([[ 0.8773334 ],
       [-0.93457826],
       [ 0.45803619]]), array([[ 0.46272502],
       [-1.30493407]]), array([[ 1.79535228],
       [ 0.82084155],
       [ 1.18522126]])]
cost derivative:  [[ 0.91801887]
 [ 1.75541981]
 [ 0.72718507]]
unit step:  1
delta:  [[ 0.91801887]
 [ 1.75541981]
 [ 0.72718507]]
delta b updated:  [array([[ 0.25788709],
       [ 2.7326338 ]]), array([[ 0.91801887],
       [ 1.75541981],
       [ 0.72718507]])]
delta w updated: [array([[ 0.22625296, -0.24101567,  0.11812162],
       [ 2.39743091, -2.55386014,  1.25164517]]), array([[ 0.4247903 , -1.19795411],
       [ 0.81227667, -2.29070711],
       [ 0.33648673, -0.94892858]])]
input:  [[ 0.44252695]
 [-0.97449941]
 [ 0.42329939]]
activations:  [array([[ 0.44252695],
       [-0.97449941],
       [ 0.42329939]]), array([[ 0.33879471],
       [-1.10898504]]), array([[ 1.45837401],
       [ 0.8027267 ],
       [ 0.98978918]])]
cost derivative:  [[ 1.01584707]
 [ 1.77722611]
 [ 0.56648979]]
unit step:  1
delta:  [[ 1.01584707]
 [ 1.77722611]
 [ 0.56648979]]
delta b updated:  [array([[ 0.19566167],
       [ 2.31651127]]), array([[ 1.01584707],
       [ 1.77722611],
       [ 0.56648979]])]
delta w updated: [array([[ 0.08658556, -0.19067219,  0.08282347],
       [ 1.02511866, -2.25743887,  0.98057781]]), array([[ 0.34416361, -1.12655919],
       [ 0.6021148 , -1.97091716],
       [ 0.19192374, -0.6282287 ]])]
input:  [[-0.31359679]
 [-0.2876391 ]
 [ 0.89250755]]
activations:  [array([[-0.31359679],
       [-0.2876391 ],
       [ 0.89250755]]), array([[ 0.24518409],
       [-0.41687167]]), array([[ 0.74005039],
       [ 0.52030152],
       [ 0.51233704]])]
cost derivative:  [[ 1.05364718]
 [ 0.80794062]
 [-0.38017051]]
unit step:  1
delta:  [[ 1.05364718]
 [ 0.80794062]
 [-0.38017051]]
delta b updated:  [array([[ 0.16649641],
       [ 0.44461292]]), array([[ 1.05364718],
       [ 0.80794062],
       [-0.38017051]])]
delta w updated: [array([[-0.05221274, -0.04789088,  0.1485993 ],
       [-0.13942919, -0.12788806,  0.39682039]]), array([[ 0.25833753, -0.43923566],
       [ 0.19809419, -0.33680756],
       [-0.09321176,  0.15848232]])]
input:  [[ 0.7843778 ]
 [-0.12539678]
 [ 1.02324597]]
activations:  [array([[ 0.7843778 ],
       [-0.12539678],
       [ 1.02324597]]), array([[ 0.56727014],
       [-0.89052386]]), array([[ 1.58240827],
       [ 0.54455164],
       [ 0.99688544]])]
cost derivative:  [[ 0.79803047]
 [ 0.66994842]
 [-0.02636053]]
unit step:  1
delta:  [[ 0.79803047]
 [ 0.66994842]
 [-0.02636053]]
delta b updated:  [array([[ 0.36112373],
       [ 0.88597643]]), array([[ 0.79803047],
       [ 0.66994842],
       [-0.02636053]])]
delta w updated: [array([[ 0.28325744, -0.04528375,  0.3695184 ],
       [ 0.69494024, -0.11109859,  0.90657181]]), array([[ 0.45269885, -0.71066517],
       [ 0.38004173, -0.59660505],
       [-0.01495354,  0.02347468]])]
input:  [[-0.05527359]
 [-0.52809735]
 [ 0.72814612]]
activations:  [array([[-0.05527359],
       [-0.52809735],
       [ 0.72814612]]), array([[ 0.27586743],
       [-0.65740246]]), array([[ 0.9859579 ],
       [ 0.61842165],
       [ 0.67716613]])]
cost derivative:  [[ 1.04123149]
 [ 1.14651901]
 [-0.05097999]]
unit step:  1
delta:  [[ 1.04123149]
 [ 1.14651901]
 [-0.05097999]]
delta b updated:  [array([[ 0.17741459],
       [ 0.93487672]]), array([[ 1.04123149],
       [ 1.14651901],
       [-0.05097999]])]
delta w updated: [array([[-0.00980634, -0.09369217,  0.12918374],
       [-0.05167399, -0.49370592,  0.68072685]]), array([[ 0.28724185, -0.68450815],
       [ 0.31628725, -0.75372442],
       [-0.01406372,  0.03351437]])]
input:  [[ 0.33854048]
 [-0.89098712]
 [ 0.48016037]]
activations:  [array([[ 0.33854048],
       [-0.89098712],
       [ 0.48016037]]), array([[ 0.32361047],
       [-1.02174092]]), array([[ 1.36082066],
       [ 0.76656506],
       [ 0.9273851 ]])]
cost derivative:  [[ 1.02228019]
 [ 1.65755218]
 [ 0.44722473]]
unit step:  1
delta:  [[ 1.02228019]
 [ 1.65755218]
 [ 0.44722473]]
delta b updated:  [array([[ 0.19084805],
       [ 2.00231441]]), array([[ 1.02228019],
       [ 1.65755218],
       [ 0.44722473]])]
delta w updated: [array([[ 0.06460979, -0.17004316,  0.09163767],
       [ 0.67786448, -1.78403635,  0.96143203]]), array([[ 0.33082057, -1.04450549],
       [ 0.53640124, -1.69358888],
       [ 0.1447266 , -0.45694781]])]
input:  [[-0.59269937]
 [-0.07103919]
 [ 1.03983725]]
activations:  [array([[-0.59269937],
       [-0.07103919],
       [ 1.03983725]]), array([[ 0.20424027],
       [-0.18001983]]), array([[ 0.48078423],
       [ 0.42818826],
       [ 0.34363219]])]
cost derivative:  [[ 1.0734836 ]
 [ 0.49922745]
 [-0.69620505]]
unit step:  1
delta:  [[ 1.0734836 ]
 [ 0.49922745]
 [-0.69620505]]
delta b updated:  [array([[ 0.14554235],
       [ 0.1328141 ]]), array([[ 1.0734836 ],
       [ 0.49922745],
       [-0.69620505]])]
delta w updated: [array([[-0.08626286, -0.01033921,  0.15134035],
       [-0.07871883, -0.00943501,  0.13810505]]), array([[ 0.21924858, -0.19324833],
       [ 0.10196235, -0.08987084],
       [-0.14219311,  0.12533071]])]
input:  [[-0.79480844]
 [-0.92433828]
 [ 0.43913113]]
activations:  [array([[-0.79480844],
       [-0.92433828],
       [ 0.43913113]]), array([[ 0.01249726],
       [-0.47235983]]), array([[ 0.46789566],
       [ 0.6967709 ],
       [ 0.40379787]])]
cost derivative:  [[ 1.2627041 ]
 [ 1.62110918]
 [-0.03533325]]
unit step:  1
delta:  [[ 1.2627041 ]
 [ 1.62110918]
 [-0.03533325]]
delta b updated:  [array([[ 0.00806419],
       [ 0.87497036]]), array([[ 1.2627041 ],
       [ 1.62110918],
       [-0.03533325]])]
delta w updated: [array([[-0.00640949, -0.00745404,  0.00354124],
       [-0.69543382, -0.80876859,  0.38422672]]), array([[  1.57803408e-02,  -5.96450688e-01],
       [  2.02594220e-02,  -7.65746848e-01],
       [ -4.41568835e-04,   1.66900094e-02]])]
input:  [[-0.88818223]
 [-0.38808078]
 [ 0.81320924]]
activations:  [array([[-0.88818223],
       [-0.38808078],
       [ 0.81320924]]), array([[ 0.07350061],
       [-0.17930245]]), array([[ 0.30112207],
       [ 0.5120952 ],
       [ 0.26344009]])]
cost derivative:  [[ 1.1893043 ]
 [ 0.90017598]
 [-0.54976915]]
unit step:  1
delta:  [[ 1.1893043 ]
 [ 0.90017598]
 [-0.54976915]]
delta b updated:  [array([[ 0.05139224],
       [ 0.20120743]]), array([[ 1.1893043 ],
       [ 0.90017598],
       [-0.54976915]])]
delta w updated: [array([[-0.04564568, -0.01994434,  0.04179265],
       [-0.17870887, -0.07808474,  0.16362375]]), array([[ 0.08741459, -0.21324518],
       [ 0.06616348, -0.16140376],
       [-0.04040837,  0.09857496]])]
input:  [[-0.53784878]
 [-0.10663077]
 [ 1.01576828]]
activations:  [array([[-0.53784878],
       [-0.10663077],
       [ 1.01576828]]), array([[ 0.21314424],
       [-0.22466532]]), array([[ 0.52965671],
       [ 0.44330374],
       [ 0.37661037]])]
cost derivative:  [[ 1.06750548]
 [ 0.54993451]
 [-0.63915791]]
unit step:  1
delta:  [[ 1.06750548]
 [ 0.54993451]
 [-0.63915791]]
delta b updated:  [array([[ 0.15052327],
       [ 0.177861  ]]), array([[ 1.06750548],
       [ 0.54993451],
       [-0.63915791]])]
delta w updated: [array([[-0.08095876, -0.01605041,  0.15289677],
       [-0.09566232, -0.01896546,  0.18066557]]), array([[ 0.22753265, -0.23983146],
       [ 0.11721538, -0.12355121],
       [-0.13623283,  0.14359661]])]
input:  [[ 0.76009975]
 [-1.11361334]
 [ 0.33083205]]
activations:  [array([[ 0.76009975],
       [-1.11361334],
       [ 0.33083205]]), array([[ 0.40120762],
       [-1.33702327]]), array([[ 1.73211731],
       [ 0.86855386],
       [ 1.16658001]])]
cost derivative:  [[ 0.97201757]
 [ 1.9821672 ]
 [ 0.83574796]]
unit step:  1
delta:  [[ 0.97201757]
 [ 1.9821672 ]
 [ 0.83574796]]
delta b updated:  [array([[ 0.21953464],
       [ 3.08861397]]), array([[ 0.97201757],
       [ 1.9821672 ],
       [ 0.83574796]])]
delta w updated: [array([[ 0.16686822, -0.2444767 ,  0.07262909],
       [ 2.34765469, -3.4395217 ,  1.02181248]]), array([[ 0.38998085, -1.29961011],
       [ 0.79526057, -2.65020367],
       [ 0.33530845, -1.11741448]])]
input:  [[ 0.00212559]
 [-0.58283873]
 [ 0.69070654]]
activations:  [array([[ 0.00212559],
       [-0.58283873],
       [ 0.69070654]]), array([[ 0.2819727 ],
       [-0.71584899]]), array([[ 1.04036414],
       [ 0.6388467 ],
       [ 0.71628985]])]
cost derivative:  [[ 1.03823855]
 [ 1.22168543]
 [ 0.02558331]]
unit step:  1
delta:  [[ 1.03823855]
 [ 1.22168543]
 [ 0.02558331]]
delta b updated:  [array([[ 0.17924976],
       [ 1.07308511]]), array([[ 1.03823855],
       [ 1.22168543],
       [ 0.02558331]])]
delta w updated: [array([[  3.81011225e-04,  -1.04473705e-01,   1.23808984e-01],
       [  2.28093730e-03,  -6.25435564e-01,   7.41186905e-01]]), array([[ 0.29275493, -0.74322202],
       [ 0.34448194, -0.87454227],
       [ 0.00721379, -0.01831378]])]
input:  [[ 0.84468781]
 [-0.43082952]
 [ 0.81029585]]
activations:  [array([[ 0.84468781],
       [-0.43082952],
       [ 0.81029585]]), array([[ 0.53344346],
       [-1.06764288]]), array([[ 1.68161369],
       [ 0.64736729],
       [ 1.08339715]])]
cost derivative:  [[ 0.83692589]
 [ 1.07819681]
 [ 0.2731013 ]]
unit step:  1
delta:  [[ 0.83692589]
 [ 1.07819681]
 [ 0.2731013 ]]
delta b updated:  [array([[ 0.3232553 ],
       [ 1.50195075]]), array([[ 0.83692589],
       [ 1.07819681],
       [ 0.2731013 ]])]
delta w updated: [array([[ 0.27304981, -0.13926793,  0.26193243],
       [ 1.26867948, -0.64708472,  1.21702446]]), array([[ 0.44645264, -0.89353797],
       [ 0.57515703, -1.15112915],
       [ 0.1456841 , -0.29157466]])]
input:  [[-0.88261408]
 [-0.14319077]
 [ 0.98478939]]
activations:  [array([[-0.88261408],
       [-0.14319077],
       [ 0.98478939]]), array([[ 0.11390408],
       [-0.07154243]]), array([[ 0.26264747],
       [ 0.43064205],
       [ 0.22280167]])]
cost derivative:  [[ 1.14526155]
 [ 0.57383282]
 [-0.76198771]]
unit step:  1
delta:  [[ 1.14526155]
 [ 0.57383282]
 [-0.76198771]]
delta b updated:  [array([[ 0.08208935],
       [ 0.05675592]]), array([[ 1.14526155],
       [ 0.57383282],
       [-0.76198771]])]
delta w updated: [array([[-0.07245321, -0.01175444,  0.08084072],
       [-0.05009357, -0.00812692,  0.05589263]]), array([[ 0.13044996, -0.08193479],
       [ 0.0653619 , -0.04105339],
       [-0.08679351,  0.05451445]])]
input:  [[-0.70682931]
 [-0.01844346]
 [ 1.07488957]]
activations:  [array([[-0.70682931],
       [-0.01844346],
       [ 1.07488957]]), array([[ 0.18125509],
       [-0.10196603]]), array([[ 0.37988607],
       [ 0.40153538],
       [ 0.28271472]])]
cost derivative:  [[ 1.08671538]
 [ 0.41997884]
 [-0.79217485]]
unit step:  1
delta:  [[ 1.08671538]
 [ 0.41997884]
 [-0.79217485]]
delta b updated:  [array([[ 0.13095995],
       [ 0.06624634]]), array([[ 1.08671538],
       [ 0.41997884],
       [-0.79217485]])]
delta w updated: [array([[-0.09256633, -0.00241535,  0.14076748],
       [-0.04682486, -0.00122181,  0.07120751]]), array([[ 0.1969727 , -0.11080805],
       [ 0.0761233 , -0.04282357],
       [-0.14358573,  0.08077493]])]
input:  [[-0.78075027]
 [-0.98418159]
 [ 0.39744286]]
activations:  [array([[-0.78075027],
       [-0.98418159],
       [ 0.39744286]]), array([[ 0.00602968],
       [-0.51099686]]), array([[ 0.48838858],
       [ 0.71624081],
       [ 0.42364044]])]
cost derivative:  [[ 1.26913886]
 [ 1.70042239]
 [ 0.02619758]]
unit step:  1
delta:  [[ 1.26913886]
 [ 1.70042239]
 [ 0.02619758]]
delta b updated:  [array([[ 0.00384816],
       [ 0.98578589]]), array([[ 1.26913886],
       [ 1.70042239],
       [ 0.02619758]])]
delta w updated: [array([[-0.00300445, -0.00378728,  0.00152942],
       [-0.7696526 , -0.97019232,  0.39179356]]), array([[  7.65250079e-03,  -6.48525975e-01],
       [  1.02530024e-02,  -8.68910510e-01],
       [  1.57963027e-04,  -1.33868821e-02]])]
input:  [[ 0.27353785]
 [-0.83480259]
 [ 0.51849199]]
activations:  [array([[ 0.27353785],
       [-0.83480259],
       [ 0.51849199]]), array([[ 0.31421251],
       [-0.9702667 ]]), array([[ 1.29797416],
       [ 0.74018951],
       [ 0.89058163]])]
cost derivative:  [[ 1.0244363 ]
 [ 1.5749921 ]
 [ 0.37208963]]
unit step:  1
delta:  [[ 1.0244363 ]
 [ 1.5749921 ]
 [ 0.37208963]]
delta b updated:  [array([[ 0.18794336],
       [ 1.81299806]]), array([[ 1.0244363 ],
       [ 1.5749921 ],
       [ 0.37208963]])]
delta w updated: [array([[ 0.05140962, -0.1568956 ,  0.09744713],
       [ 0.4959236 , -1.51349548,  0.94002498]]), array([[ 0.32189071, -0.99397643],
       [ 0.49488223, -1.52816239],
       [ 0.11691522, -0.36102618]])]
input:  [[-0.88275463]
 [-0.44301392]
 [ 0.77482491]]
activations:  [array([[-0.88275463],
       [-0.44301392],
       [ 0.77482491]]), array([[ 0.06539571],
       [-0.21176342]]), array([[ 0.31407641],
       [ 0.52943983],
       [ 0.27846234]])]
cost derivative:  [[ 1.19683104]
 [ 0.97245375]
 [-0.49636257]]
unit step:  1
delta:  [[ 1.19683104]
 [ 0.97245375]
 [-0.49636257]]
delta b updated:  [array([[ 0.04535318],
       [ 0.25248501]]), array([[ 1.19683104],
       [ 0.97245375],
       [-0.49636257]])]
delta w updated: [array([[-0.04003573, -0.02009209,  0.03514077],
       [-0.22288231, -0.11185437,  0.19563167]]), array([[ 0.07826762, -0.25344503],
       [ 0.06359431, -0.20593013],
       [-0.03245998,  0.10511144]])]
input:  [[-0.2918166 ]
 [-0.30711228]
 [ 0.87921038]]
activations:  [array([[-0.2918166 ],
       [-0.30711228],
       [ 0.87921038]]), array([[ 0.24648294],
       [-0.44481557]]), array([[ 0.75828147],
       [ 0.52536426],
       [ 0.53068008]])]
cost derivative:  [[ 1.05009807]
 [ 0.83247654]
 [-0.3485303 ]]
unit step:  1
delta:  [[ 1.05009807]
 [ 0.83247654]
 [-0.3485303 ]]
delta b updated:  [array([[ 0.16642217],
       [ 0.48417902]]), array([[ 1.05009807],
       [ 0.83247654],
       [-0.3485303 ]])]
delta w updated: [array([[-0.04856475, -0.05111029,  0.1463201 ],
       [-0.14129148, -0.14869732,  0.42569522]]), array([[ 0.25883126, -0.46709998],
       [ 0.20519127, -0.37029853],
       [-0.08590677,  0.1550317 ]])]
input:  [[ 0.86565678]
 [-0.57043228]
 [ 0.71286083]]
activations:  [array([[ 0.86565678],
       [-0.57043228],
       [ 0.71286083]]), array([[ 0.51606739],
       [-1.14591396]]), array([[ 1.72038142],
       [ 0.69287938],
       [ 1.12069051]])]
cost derivative:  [[ 0.85472464]
 [ 1.26331167]
 [ 0.40782968]]
unit step:  1
delta:  [[ 0.85472464]
 [ 1.26331167]
 [ 0.40782968]]
delta b updated:  [array([[ 0.30509345],
       [ 1.82398808]]), array([[ 0.85472464],
       [ 1.26331167],
       [ 0.40782968]])]
delta w updated: [array([[ 0.26410621, -0.17403515,  0.21748917],
       [ 1.57894764, -1.04046169,  1.30024966]]), array([[ 0.44109551, -0.9794409 ],
       [ 0.65195396, -1.44764648],
       [ 0.2104676 , -0.46733772]])]
input:  [[-0.81885068]
 [-0.02741125]
 [ 1.06686264]]
activations:  [array([[-0.81885068],
       [-0.02741125],
       [ 1.06686264]]), array([[ 0.1491471 ],
       [-0.05282206]]), array([[ 0.29208266],
       [ 0.39590686],
       [ 0.23354808]])]
cost derivative:  [[ 1.11093334]
 [ 0.42331811]
 [-0.83331457]]
unit step:  1
delta:  [[ 1.11093334]
 [ 0.42331811]
 [-0.83331457]]
delta b updated:  [array([[ 0.10850281],
       [ 0.0340814 ]]), array([[ 1.11093334],
       [ 0.42331811],
       [-0.83331457]])]
delta w updated: [array([[-0.0888476 , -0.0029742 ,  0.1157576 ],
       [-0.02790758, -0.00093421,  0.03636017]]), array([[ 0.16569248, -0.05868178],
       [ 0.06313667, -0.02236053],
       [-0.12428645,  0.04401739]])]
input:  [[ 0.88430752]
 [-0.82759425]
 [ 0.53306447]]
activations:  [array([[ 0.88430752],
       [-0.82759425],
       [ 0.53306447]]), array([[ 0.47947098],
       [-1.27571884]]), array([[ 1.77954888],
       [ 0.77899917],
       [ 1.1769037 ]])]
cost derivative:  [[ 0.89524137]
 [ 1.60659342]
 [ 0.64383923]]
unit step:  1
delta:  [[ 0.89524137]
 [ 1.60659342]
 [ 0.64383923]]
delta b updated:  [array([[ 0.2717014 ],
       [ 2.46995922]]), array([[ 0.89524137],
       [ 1.60659342],
       [ 0.64383923]])]
delta w updated: [array([[ 0.24026759, -0.22485851,  0.14483436],
       [ 2.1842035 , -2.04412404,  1.31664751]]), array([[ 0.42924225, -1.14207628],
       [ 0.77031492, -2.0495615 ],
       [ 0.30870222, -0.82135783]])]
input:  [[ 0.13937598]
 [-0.71261405]
 [ 0.60196689]]
activations:  [array([[ 0.13937598],
       [-0.71261405],
       [ 0.60196689]]), array([[ 0.29700306],
       [-0.85117323]]), array([[ 1.17002084],
       [ 0.6889278 ],
       [ 0.80753737]])]
cost derivative:  [[ 1.03064487]
 [ 1.40154185]
 [ 0.20557048]]
unit step:  1
delta:  [[ 1.03064487]
 [ 1.40154185]
 [ 0.20557048]]
delta b updated:  [array([[ 0.18293864],
       [ 1.43317799]]), array([[ 1.03064487],
       [ 1.40154185],
       [ 0.20557048]])]
delta w updated: [array([[ 0.02549725, -0.13036465,  0.11012301],
       [ 0.19975058, -1.02130278,  0.86272569]]), array([[ 0.30610468, -0.87725732],
       [ 0.41626222, -1.19295491],
       [ 0.06105506, -0.17497609]])]
input:  [[-0.76193823]
 [-0.01066996]
 [ 1.07947387]]
activations:  [array([[-0.76193823],
       [-0.01066996],
       [ 1.07947387]]), array([[ 0.16689638],
       [-0.07510753]]), array([[ 0.33406001],
       [ 0.39395407],
       [ 0.25786868]])]
cost derivative:  [[ 1.09599824]
 [ 0.40462402]
 [-0.82160519]]
unit step:  1
delta:  [[ 1.09599824]
 [ 0.40462402]
 [-0.82160519]]
delta b updated:  [array([[ 0.1211767 ],
       [ 0.04728336]]), array([[ 1.09599824],
       [ 0.40462402],
       [-0.82160519]])]
delta w updated: [array([[-0.09232916, -0.00129295,  0.13080708],
       [-0.036027  , -0.00050451,  0.05104115]]), array([[ 0.18291814, -0.08231772],
       [ 0.06753029, -0.03039031],
       [-0.13712293,  0.06170874]])]
input:  [[-0.79777761]
 [-0.01697286]
 [ 1.07450114]]
activations:  [array([[-0.79777761],
       [-0.01697286],
       [ 1.07450114]]), array([[ 0.15611595],
       [-0.06009064]]), array([[ 0.3062671 ],
       [ 0.39351046],
       [ 0.24246141]])]
cost derivative:  [[ 1.10404472]
 [ 0.41048332]
 [-0.83203973]]
unit step:  1
delta:  [[ 1.10404472]
 [ 0.41048332]
 [-0.83203973]]
delta b updated:  [array([[ 0.11344921],
       [ 0.03802879]]), array([[ 1.10404472],
       [ 0.41048332],
       [-0.83203973]])]
delta w updated: [array([[-0.09050724, -0.00192556,  0.1219013 ],
       [-0.03033852, -0.00064546,  0.04086198]]), array([[ 0.17235899, -0.06634275],
       [ 0.06408299, -0.02466621],
       [-0.12989467,  0.0499978 ]])]
input:  [[ 0.07095282]
 [-0.6482618 ]
 [ 0.64596492]]
activations:  [array([[ 0.07095282],
       [-0.6482618 ],
       [ 0.64596492]]), array([[ 0.28866904],
       [-0.78801888]]), array([[ 1.10368293],
       [ 0.6623775 ],
       [ 0.76467781]])]
cost derivative:  [[ 1.03273011]
 [ 1.3106393 ]
 [ 0.11871289]]
unit step:  1
delta:  [[ 1.03273011]
 [ 1.3106393 ]
 [ 0.11871289]]
delta b updated:  [array([[ 0.18025395],
       [ 1.25106842]]), array([[ 1.03273011],
       [ 1.3106393 ],
       [ 0.11871289]])]
delta w updated: [array([[ 0.01278953, -0.11685175,  0.11643773],
       [ 0.08876684, -0.81101986,  0.80814632]]), array([[ 0.29811721, -0.81381083],
       [ 0.37834099, -1.03280852],
       [ 0.03426874, -0.093548  ]])]
input:  [[ 0.5017083 ]
 [-1.01718375]
 [ 0.39433099]]
activations:  [array([[ 0.5017083 ],
       [-1.01718375],
       [ 0.39433099]]), array([[ 0.34534768],
       [-1.17562334]]), array([[ 1.50886037],
       [ 0.81379666],
       [ 1.0340057 ]])]
cost derivative:  [[ 1.00715207]
 [ 1.83098041]
 [ 0.63967471]]
unit step:  1
delta:  [[ 1.00715207]
 [ 1.83098041]
 [ 0.63967471]]
delta b updated:  [array([[ 0.19644263],
       [ 2.50942385]]), array([[ 1.00715207],
       [ 1.83098041],
       [ 0.63967471]])]
delta w updated: [array([[ 0.0985569 , -0.19981825,  0.07746342],
       [ 1.25899877, -2.55254517,  0.9895436 ]]), array([[ 0.34781763, -1.18403148],
       [ 0.63232483, -2.1525433 ],
       [ 0.22091017, -0.75201652]])]
input:  [[-0.47996716]
 [-0.14885975]
 [ 0.98709849]]
activations:  [array([[-0.47996716],
       [-0.14885975],
       [ 0.98709849]]), array([[ 0.22027134],
       [-0.28236726]]), array([[ 0.58082863],
       [ 0.45865313],
       [ 0.41626078]])]
cost derivative:  [[ 1.06079579]
 [ 0.60751288]
 [-0.57083772]]
unit step:  1
delta:  [[ 1.06079579]
 [ 0.60751288]
 [-0.57083772]]
delta b updated:  [array([[ 0.15390395],
       [ 0.23982308]]), array([[ 1.06079579],
       [ 0.60751288],
       [-0.57083772]])]
delta w updated: [array([[-0.07386884, -0.0229101 ,  0.15191836],
       [-0.1151072 , -0.0357    ,  0.236729  ]]), array([[ 0.2336629 , -0.299534  ],
       [ 0.13381767, -0.17154175],
       [-0.12573919,  0.16118588]])]
input:  [[-0.58378371]
 [-0.07647514]
 [ 1.03616955]]
activations:  [array([[-0.58378371],
       [-0.07647514],
       [ 1.03616955]]), array([[ 0.20381654],
       [-0.19688256]]), array([[ 0.48560087],
       [ 0.42751466],
       [ 0.35465872]])]
cost derivative:  [[ 1.06938457]
 [ 0.5039898 ]
 [-0.68151083]]
unit step:  1
delta:  [[ 1.06938457]
 [ 0.5039898 ]
 [-0.68151083]]
delta b updated:  [array([[ 0.14472428],
       [ 0.14549792]]), array([[ 1.06938457],
       [ 0.5039898 ],
       [-0.68151083]])]
delta w updated: [array([[-0.08448768, -0.01106781,  0.14995889],
       [-0.08493932, -0.01112697,  0.15076052]]), array([[ 0.21795827, -0.21054317],
       [ 0.10272146, -0.0992268 ],
       [-0.13890318,  0.1341776 ]])]
input:  [[ 0.77743051]
 [-0.09431641]
 [ 1.04490281]]
activations:  [array([[ 0.77743051],
       [-0.09431641],
       [ 1.04490281]]), array([[ 0.56765681],
       [-0.88857656]]), array([[ 1.56651698],
       [ 0.52690895],
       [ 0.99630574]])]
cost derivative:  [[ 0.78908647]
 [ 0.62122536]
 [-0.04859707]]
unit step:  1
delta:  [[ 0.78908647]
 [ 0.62122536]
 [-0.04859707]]
delta b updated:  [array([[ 0.36284658],
       [ 0.8367645 ]]), array([[ 0.78908647],
       [ 0.62122536],
       [-0.04859707]])]
delta w updated: [array([[ 0.282088  , -0.03422239,  0.37913941],
       [ 0.65052626, -0.07892062,  0.87433758]]), array([[ 0.4479303 , -0.70116374],
       [ 0.3526428 , -0.55200629],
       [-0.02758646,  0.04318222]])]
input:  [[ 0.19582107]
 [-0.76482712]
 [ 0.56628298]]
activations:  [array([[ 0.19582107],
       [-0.76482712],
       [ 0.56628298]]), array([[ 0.30296243],
       [-0.90784066]]), array([[ 1.22197701],
       [ 0.70856521],
       [ 0.84601685]])]
cost derivative:  [[ 1.02615594]
 [ 1.47339232]
 [ 0.27973388]]
unit step:  1
delta:  [[ 1.02615594]
 [ 1.47339232]
 [ 0.27973388]]
delta b updated:  [array([[ 0.1837761 ],
       [ 1.59407902]]), array([[ 1.02615594],
       [ 1.47339232],
       [ 0.27973388]])]
delta w updated: [array([[ 0.03598723, -0.14055694,  0.10406928],
       [ 0.31215426, -1.21919486,  0.90269981]]), array([[ 0.31088669, -0.93158608],
       [ 0.44638251, -1.33760545],
       [ 0.08474885, -0.25395379]])]
input:  [[ 0.34920177]
 [-0.89994823]
 [ 0.47405128]]
activations:  [array([[ 0.34920177],
       [-0.89994823],
       [ 0.47405128]]), array([[ 0.3224556 ],
       [-1.04853699]]), array([[ 1.36697228],
       [ 0.76334957],
       [ 0.94293322]])]
cost derivative:  [[ 1.01777051]
 [ 1.6632978 ]
 [ 0.46888194]]
unit step:  1
delta:  [[ 1.01777051]
 [ 1.6632978 ]
 [ 0.46888194]]
delta b updated:  [array([[ 0.18917072],
       [ 2.0495601 ]]), array([[ 1.01777051],
       [ 1.6632978 ],
       [ 0.46888194]])]
delta w updated: [array([[ 0.06605875, -0.17024385,  0.08967662],
       [ 0.71571002, -1.84449799,  0.97159658]]), array([[ 0.3281858 , -1.06717002],
       [ 0.53633969, -1.74402927],
       [ 0.15119361, -0.49164006]])]
input:  [[-0.47005138]
 [-0.15648523]
 [ 0.9819131 ]]
activations:  [array([[-0.47005138],
       [-0.15648523],
       [ 0.9819131 ]]), array([[ 0.22110169],
       [-0.29346282]]), array([[ 0.58927919],
       [ 0.46139644],
       [ 0.42363334]])]
cost derivative:  [[ 1.05933057]
 [ 0.61788167]
 [-0.55827976]]
unit step:  1
delta:  [[ 1.05933057]
 [ 0.61788167]
 [-0.55827976]]
delta b updated:  [array([[ 0.15405251],
       [ 0.25204932]]), array([[ 1.05933057],
       [ 0.61788167],
       [-0.55827976]])]
delta w updated: [array([[-0.0724126 , -0.02410694,  0.15126618],
       [-0.11847613, -0.039442  ,  0.24749053]]), array([[ 0.23421978, -0.31087414],
       [ 0.13661468, -0.1813253 ],
       [-0.1234366 ,  0.16383435]])]
input:  [[-0.71414978]
 [-0.01651868]
 [ 1.07612332]]
activations:  [array([[-0.71414978],
       [-0.01651868],
       [ 1.07612332]]), array([[ 0.17771827],
       [-0.10607254]]), array([[ 0.3712724 ],
       [ 0.39844306],
       [ 0.28388614]])]
cost derivative:  [[ 1.08542218]
 [ 0.41496174]
 [-0.79223718]]
unit step:  1
delta:  [[ 1.08542218]
 [ 0.41496174]
 [-0.79223718]]
delta b updated:  [array([[ 0.12821275],
       [ 0.0679499 ]]), array([[ 1.08542218],
       [ 0.41496174],
       [-0.79223718]])]
delta w updated: [array([[-0.0915631 , -0.0021179 ,  0.13797273],
       [-0.0485264 , -0.00112244,  0.07312247]]), array([[ 0.19289935, -0.11513349],
       [ 0.07374628, -0.04401605],
       [-0.14079502,  0.08403461]])]
input:  [[ 0.77227571]
 [-1.11056888]
 [ 0.33315392]]
activations:  [array([[ 0.77227571],
       [-1.11056888],
       [ 0.33315392]]), array([[ 0.402342  ],
       [-1.36043181]]), array([[ 1.73793386],
       [ 0.86105402],
       [ 1.18081388]])]
cost derivative:  [[ 0.96565815]
 [ 1.9716229 ]
 [ 0.84765996]]
unit step:  1
delta:  [[ 0.96565815]
 [ 1.9716229 ]
 [ 0.84765996]]
delta b updated:  [array([[ 0.21951299],
       [ 3.11266922]]), array([[ 0.96565815],
       [ 1.9716229 ],
       [ 0.84765996]])]
delta w updated: [array([[ 0.16952455, -0.2437843 ,  0.07313161],
       [ 2.40383883, -3.45683358,  1.03699794]]), array([[ 0.38852483, -1.31371207],
       [ 0.79326671, -2.68225852],
       [ 0.34104921, -1.15318358]])]
input:  [[-0.69183527]
 [-0.02307173]
 [ 1.07188228]]
activations:  [array([[-0.69183527],
       [-0.02307173],
       [ 1.07188228]]), array([[ 0.18250132],
       [-0.12126539]]), array([[ 0.38986069],
       [ 0.4017433 ],
       [ 0.29593406]])]
cost derivative:  [[ 1.08169596]
 [ 0.42481503]
 [-0.77594822]]
unit step:  1
delta:  [[ 1.08169596]
 [ 0.42481503]
 [-0.77594822]]
delta b updated:  [array([[ 0.13133185],
       [ 0.07900028]]), array([[ 1.08169596],
       [ 0.42481503],
       [-0.77594822]])]
delta w updated: [array([[-0.09086001, -0.00303005,  0.14077228],
       [-0.05465518, -0.00182267,  0.08467901]]), array([[ 0.19741094, -0.13117228],
       [ 0.0775293 , -0.05151536],
       [-0.14161158,  0.09409566]])]
input:  [[ 0.82087594]
 [-0.30014702]
 [ 0.90143979]]
activations:  [array([[ 0.82087594],
       [-0.30014702],
       [ 0.90143979]]), array([[ 0.54536749],
       [-1.0114122 ]]), array([[ 1.63597315],
       [ 0.59622827],
       [ 1.05668552]])]
cost derivative:  [[ 0.81509721]
 [ 0.89637529]
 [ 0.15524572]]
unit step:  1
delta:  [[ 0.81509721]
 [ 0.89637529]
 [ 0.15524572]]
delta b updated:  [array([[ 0.33733779],
       [ 1.2317711 ]]), array([[ 0.81509721],
       [ 0.89637529],
       [ 0.15524572]])]
delta w updated: [array([[ 0.27691247, -0.10125093,  0.30408971],
       [ 1.01113126, -0.36971242,  1.11036748]]), array([[ 0.44452752, -0.82439926],
       [ 0.48885395, -0.90660491],
       [ 0.08466597, -0.15701742]])]
input:  [[ 0.8261106 ]
 [-0.32735242]
 [ 0.88246983]]
activations:  [array([[ 0.8261106 ],
       [-0.32735242],
       [ 0.88246983]]), array([[ 0.54211813],
       [-1.02774344]]), array([[ 1.6447281 ],
       [ 0.60557241],
       [ 1.06445487]])]
cost derivative:  [[ 0.8186175 ]
 [ 0.93292483]
 [ 0.18198504]]
unit step:  1
delta:  [[ 0.8186175 ]
 [ 0.93292483]
 [ 0.18198504]]
delta b updated:  [array([[ 0.33370147],
       [ 1.28902769]]), array([[ 0.8186175 ],
       [ 0.93292483],
       [ 0.18198504]])]
delta w updated: [array([[ 0.27567432, -0.10923798,  0.29448148],
       [ 1.06487944, -0.42196633,  1.13752805]]), array([[ 0.44378739, -0.84132877],
       [ 0.50575546, -0.95880737],
       [ 0.09865739, -0.18703393]])]
input:  [[ 0.10523791]
 [-0.6806234 ]
 [ 0.62383717]]
activations:  [array([[ 0.10523791],
       [-0.6806234 ],
       [ 0.62383717]]), array([[ 0.29105569],
       [-0.82958042]]), array([[ 1.13508696],
       [ 0.67294511],
       [ 0.79085545]])]
cost derivative:  [[ 1.02984905]
 [ 1.3535685 ]
 [ 0.16701828]]
unit step:  1
delta:  [[ 1.02984905]
 [ 1.3535685 ]
 [ 0.16701828]]
delta b updated:  [array([[ 0.18003497],
       [ 1.34962051]]), array([[ 1.02984905],
       [ 1.3535685 ],
       [ 0.16701828]])]
delta w updated: [array([[ 0.0189465 , -0.12253601,  0.1123125 ],
       [ 0.14203125, -0.91858329,  0.84194344]]), array([[ 0.29974343, -0.85434261],
       [ 0.39396382, -1.12289393],
       [ 0.04861162, -0.13855509]])]
input:  [[-0.51887351]
 [-0.1200104 ]
 [ 1.00669461]]
activations:  [array([[-0.51887351],
       [-0.1200104 ],
       [ 1.00669461]]), array([[ 0.21296938],
       [-0.25543835]]), array([[ 0.54321653],
       [ 0.44534319],
       [ 0.39578265]])]
cost derivative:  [[ 1.06209004]
 [ 0.56535359]
 [-0.61091196]]
unit step:  1
delta:  [[ 1.06209004]
 [ 0.56535359]
 [-0.61091196]]
delta b updated:  [array([[ 0.14937267],
       [ 0.20471563]]), array([[ 1.06209004],
       [ 0.56535359],
       [-0.61091196]])]
delta w updated: [array([[-0.07750552, -0.01792627,  0.15037266],
       [-0.10622152, -0.024568  ,  0.20608612]]), array([[ 0.22619266, -0.27129852],
       [ 0.120403  , -0.14441299],
       [-0.13010554,  0.15605034]])]
input:  [[-0.8641857 ]
 [-0.08405028]
 [ 1.02649209]]
activations:  [array([[-0.8641857 ],
       [-0.08405028],
       [ 1.02649209]]), array([[ 0.12566764],
       [-0.06485113]]), array([[ 0.2630839 ],
       [ 0.40998104],
       [ 0.22732778]])]
cost derivative:  [[ 1.1272696 ]
 [ 0.49403132]
 [-0.79916431]]
unit step:  1
delta:  [[ 1.1272696 ]
 [ 0.49403132]
 [-0.79916431]]
delta b updated:  [array([[ 0.09064931],
       [ 0.04591269]]), array([[ 1.1272696 ],
       [ 0.49403132],
       [-0.79916431]])]
delta w updated: [array([[-0.07833784, -0.0076191 ,  0.0930508 ],
       [-0.03967709, -0.00385897,  0.04712902]]), array([[ 0.14166131, -0.07310471],
       [ 0.06208375, -0.03203849],
       [-0.1004291 ,  0.05182671]])]
input:  [[ 0.87886468]
 [-0.92270113]
 [ 0.46637747]]
activations:  [array([[ 0.87886468],
       [-0.92270113],
       [ 0.46637747]]), array([[ 0.46023728],
       [-1.33289547]]), array([[ 1.78887705],
       [ 0.80466798],
       [ 1.1992333 ]])]
cost derivative:  [[ 0.91001237]
 [ 1.7273691 ]
 [ 0.73285583]]
unit step:  1
delta:  [[ 0.91001237]
 [ 1.7273691 ]
 [ 0.73285583]]
delta b updated:  [array([[ 0.25633982],
       [ 2.72941881]]), array([[ 0.91001237],
       [ 1.7273691 ],
       [ 0.73285583]])]
delta w updated: [array([[ 0.22528802, -0.23652504,  0.11955112],
       [ 2.3987898 , -2.51843781,  1.27293945]]), array([[ 0.41882162, -1.21295137],
       [ 0.79499967, -2.30240246],
       [ 0.33728758, -0.97682022]])]
input:  [[-0.72842907]
 [-0.01346693]
 [ 1.07803774]]
activations:  [array([[-0.72842907],
       [-0.01346693],
       [ 1.07803774]]), array([[ 0.17338956],
       [-0.10133016]]), array([[ 0.35805377],
       [ 0.39556824],
       [ 0.27856678]])]
cost derivative:  [[ 1.08648283]
 [ 0.40903517]
 [-0.79947096]]
unit step:  1
delta:  [[ 1.08648283]
 [ 0.40903517]
 [-0.79947096]]
delta b updated:  [array([[ 0.12501068],
       [ 0.06400682]]), array([[ 1.08648283],
       [ 0.40903517],
       [-0.79947096]])]
delta w updated: [array([[-0.09106142, -0.00168351,  0.13476624],
       [-0.04662443, -0.00086198,  0.06900177]]), array([[ 0.18838479, -0.11009348],
       [ 0.07092243, -0.0414476 ],
       [-0.13861992,  0.08101052]])]
input:  [[ 0.47245184]
 [-0.99661205]
 [ 0.40828086]]
activations:  [array([[ 0.47245184],
       [-0.99661205],
       [ 0.40828086]]), array([[ 0.33868969],
       [-1.16471091]]), array([[ 1.48024364],
       [ 0.80102596],
       [ 1.02279148]])]
cost derivative:  [[ 1.0077918 ]
 [ 1.79763801]
 [ 0.61451062]]
unit step:  1
delta:  [[ 1.0077918 ]
 [ 1.79763801]
 [ 0.61451062]]
delta b updated:  [array([[ 0.19334065],
       [ 2.43509039]]), array([[ 1.0077918 ],
       [ 1.79763801],
       [ 0.61451062]])]
delta w updated: [array([[ 0.09134414, -0.19268562,  0.07893728],
       [ 1.15046293, -2.42684043,  0.99420079]]), array([[ 0.34132869, -1.1737861 ],
       [ 0.60884146, -2.09372861],
       [ 0.20812841, -0.71572723]])]
input:  [[-0.836243  ]
 [-0.73217645]
 [ 0.57305343]]
activations:  [array([[-0.836243  ],
       [-0.73217645],
       [ 0.57305343]]), array([[ 0.02876049],
       [-0.38241149]]), array([[ 0.39781015],
       [ 0.62492882],
       [ 0.35996721]])]
cost derivative:  [[ 1.23405315]
 [ 1.35710528]
 [-0.21308622]]
unit step:  1
delta:  [[ 1.23405315]
 [ 1.35710528]
 [-0.21308622]]
delta b updated:  [array([[ 0.01897876],
       [ 0.59934413]]), array([[ 1.23405315],
       [ 1.35710528],
       [-0.21308622]])]
delta w updated: [array([[-0.01587086, -0.0138958 ,  0.01087585],
       [-0.50119733, -0.43882566,  0.34345621]]), array([[ 0.03549197, -0.4719161 ],
       [ 0.03903101, -0.51897265],
       [-0.00612846,  0.08148662]])]
input:  [[-0.8608687 ]
 [-0.07711913]
 [ 1.03139762]]
activations:  [array([[-0.8608687 ],
       [-0.07711913],
       [ 1.03139762]]), array([[ 0.1273211],
       [-0.0654878]]), array([[ 0.26396798],
       [ 0.40710408],
       [ 0.22883431]])]
cost derivative:  [[ 1.12483668]
 [ 0.48422321]
 [-0.8025633 ]]
unit step:  1
delta:  [[ 1.12483668]
 [ 0.48422321]
 [-0.8025633 ]]
delta b updated:  [array([[ 0.09189631],
       [ 0.0456819 ]]), array([[ 1.12483668],
       [ 0.48422321],
       [-0.8025633 ]])]
delta w updated: [array([[-0.07911066, -0.00708696,  0.09478163],
       [-0.03932612, -0.00352295,  0.0471162 ]]), array([[ 0.14321545, -0.07366307],
       [ 0.06165183, -0.03171071],
       [-0.10218324,  0.0525581 ]])]
input:  [[ 0.88371162]
 [-0.85694283]
 [ 0.51250275]]
activations:  [array([[ 0.88371162],
       [-0.85694283],
       [ 0.51250275]]), array([[ 0.47162781],
       [-1.30963312]]), array([[ 1.78142672],
       [ 0.78161553],
       [ 1.1915984 ]])]
cost derivative:  [[ 0.8977151 ]
 [ 1.63855836]
 [ 0.67909565]]
unit step:  1
delta:  [[ 0.8977151 ]
 [ 1.63855836]
 [ 0.67909565]]
delta b updated:  [array([[ 0.26606505],
       [ 2.56412162]]), array([[ 0.8977151 ],
       [ 1.63855836],
       [ 0.67909565]])]
delta w updated: [array([[ 0.23512477, -0.22800253,  0.13635907],
       [ 2.26594407, -2.19730563,  1.31411937]]), array([[ 0.4233874 , -1.17567742],
       [ 0.77278969, -2.14591029],
       [ 0.3202804 , -0.88936616]])]
input:  [[-0.85040337]
 [-0.65782519]
 [ 0.62489984]]
activations:  [array([[-0.85040337],
       [-0.65782519],
       [ 0.62489984]]), array([[ 0.03669919],
       [-0.34215887]]), array([[ 0.37334805],
       [ 0.59883965],
       [ 0.34052447]])]
cost derivative:  [[ 1.22375141]
 [ 1.25666484]
 [-0.28437538]]
unit step:  1
delta:  [[ 1.22375141]
 [ 1.25666484]
 [-0.28437538]]
delta b updated:  [array([[ 0.02449251],
       [ 0.5013632 ]]), array([[ 1.22375141],
       [ 1.25666484],
       [-0.28437538]])]
delta w updated: [array([[-0.02082851, -0.01611179,  0.01530537],
       [-0.42636095, -0.32980934,  0.31330179]]), array([[ 0.04491068, -0.4187174 ],
       [ 0.04611858, -0.42997902],
       [-0.01043635,  0.09730156]])]
input:  [[ 0.80545352]
 [-1.09380872]
 [ 0.34540823]]
activations:  [array([[ 0.80545352],
       [-1.09380872],
       [ 0.34540823]]), array([[ 0.41226374],
       [-1.3830212 ]]), array([[ 1.76111669],
       [ 0.85357676],
       [ 1.19908778]])]
cost derivative:  [[ 0.95566317]
 [ 1.94738549]
 [ 0.85367956]]
unit step:  1
delta:  [[ 0.95566317]
 [ 1.94738549]
 [ 0.85367956]]
delta b updated:  [array([[ 0.2254814 ],
       [ 3.12396476]]), array([[ 0.95566317],
       [ 1.94738549],
       [ 0.85367956]])]
delta w updated: [array([[ 0.18161478, -0.24663352,  0.07788313],
       [ 2.5162084 , -3.41701991,  1.07904313]]), array([[ 0.39398528, -1.32170243],
       [ 0.80283643, -2.69327542],
       [ 0.35194113, -1.18065693]])]
input:  [[ 0.58500707]
 [-1.0686209 ]
 [ 0.35960921]]
activations:  [array([[ 0.58500707],
       [-1.0686209 ],
       [ 0.35960921]]), array([[ 0.35677624],
       [-1.26269748]]), array([[ 1.58330283],
       [ 0.83009818],
       [ 1.091642  ]])]
cost derivative:  [[ 0.99829575]
 [ 1.89871908]
 [ 0.73203279]]
unit step:  1
delta:  [[ 0.99829575]
 [ 1.89871908]
 [ 0.73203279]]
delta b updated:  [array([[ 0.20036999],
       [ 2.77213393]]), array([[ 0.99829575],
       [ 1.89871908],
       [ 0.73203279]])]
delta w updated: [array([[ 0.11721786, -0.21411956,  0.07205489],
       [ 1.62171795, -2.96236026,  0.9968849 ]]), array([[ 0.3561682 , -1.26054553],
       [ 0.67741785, -2.3975078 ],
       [ 0.26117191, -0.92433596]])]
input:  [[ 0.84136483]
 [-1.05252402]
 [ 0.37487938]]
activations:  [array([[ 0.84136483],
       [-1.05252402],
       [ 0.37487938]]), array([[ 0.4281535 ],
       [-1.38756113]]), array([[ 1.78459542],
       [ 0.84151416],
       [ 1.20996035]])]
cost derivative:  [[ 0.94323059]
 [ 1.89403818]
 [ 0.83508097]]
unit step:  1
delta:  [[ 0.94323059]
 [ 1.89403818]
 [ 0.83508097]]
delta b updated:  [array([[ 0.23643915],
       [ 3.0620562 ]]), array([[ 0.94323059],
       [ 1.89403818],
       [ 0.83508097]])]
delta w updated: [array([[ 0.19893158, -0.24885789,  0.08863616],
       [ 2.57630639, -3.22288771,  1.14790174]]), array([[ 0.40384748, -1.30879011],
       [ 0.81093908, -2.62809377],
       [ 0.35754284, -1.15872589]])]
input:  [[-0.74891835]
 [-0.01094122]
 [ 1.07948694]]
activations:  [array([[-0.74891835],
       [-0.01094122],
       [ 1.07948694]]), array([[ 0.16771413],
       [-0.09491597]]), array([[ 0.34140076],
       [ 0.39132516],
       [ 0.27046547]])]
cost derivative:  [[ 1.09031912]
 [ 0.40226638]
 [-0.80902147]]
unit step:  1
delta:  [[ 1.09031912]
 [ 0.40226638]
 [-0.80902147]]
delta b updated:  [array([[ 0.12138286],
       [ 0.05910338]]), array([[ 1.09031912],
       [ 0.40226638],
       [-0.80902147]])]
delta w updated: [array([[-0.09090585, -0.00132808,  0.13103121],
       [-0.04426361, -0.00064666,  0.06380133]]), array([[ 0.18286192, -0.10348869],
       [ 0.06746575, -0.0381815 ],
       [-0.13568433,  0.07678906]])]
input:  [[ 0.88137046]
 [-0.8976838 ]
 [ 0.48393586]]
activations:  [array([[ 0.88137046],
       [-0.8976838 ],
       [ 0.48393586]]), array([[ 0.46354478],
       [-1.33836983]]), array([[ 1.78987207],
       [ 0.79264746],
       [ 1.20139787]])]
cost derivative:  [[ 0.90850161]
 [ 1.69033127]
 [ 0.71746202]]
unit step:  1
delta:  [[ 0.90850161]
 [ 1.69033127]
 [ 0.71746202]]
delta b updated:  [array([[ 0.26227339],
       [ 2.68567655]]), array([[ 0.90850161],
       [ 1.69033127],
       [ 0.71746202]])]
delta w updated: [array([[ 0.23116002, -0.23543858,  0.1269235 ],
       [ 2.36707598, -2.41088834,  1.29969518]]), array([[ 0.42113118, -1.21591114],
       [ 0.78354424, -2.26228836],
       [ 0.33257578, -0.96022951]])]
input:  [[-0.88785181]
 [-0.17443756]
 [ 0.96282598]]
activations:  [array([[-0.88785181],
       [-0.17443756],
       [ 0.96282598]]), array([[ 0.1038731 ],
       [-0.10175919]]), array([[ 0.25965666],
       [ 0.43562984],
       [ 0.23555365]])]
cost derivative:  [[ 1.14750848]
 [ 0.61006741]
 [-0.72727233]]
unit step:  1
delta:  [[ 1.14750848]
 [ 0.61006741]
 [-0.72727233]]
delta b updated:  [array([[ 0.07426286],
       [ 0.08332645]]), array([[ 1.14750848],
       [ 0.61006741],
       [-0.72727233]])]
delta w updated: [array([[-0.06593441, -0.01295423,  0.07150221],
       [-0.07398154, -0.01453526,  0.08022887]]), array([[ 0.11919526, -0.11676954],
       [ 0.06336959, -0.06207997],
       [-0.07554403,  0.07400665]])]
input:  [[-0.86733502]
 [-0.09135316]
 [ 1.02132887]]
activations:  [array([[-0.86733502],
       [-0.09135316],
       [ 1.02132887]]), array([[ 0.12268401],
       [-0.07330613]]), array([[ 0.2608896 ],
       [ 0.40948997],
       [ 0.23015313]])]
cost derivative:  [[ 1.12822462]
 [ 0.50084313]
 [-0.79117573]]
unit step:  1
delta:  [[ 1.12822462]
 [ 0.50084313]
 [-0.79117573]]
delta b updated:  [array([[ 0.08847889],
       [ 0.05218208]]), array([[ 1.12822462],
       [ 0.50084313],
       [-0.79117573]])]
delta w updated: [array([[-0.07674084, -0.00808283,  0.09036604],
       [-0.04525935, -0.004767  ,  0.05329506]]), array([[ 0.13841512, -0.08270579],
       [ 0.06144544, -0.03671487],
       [-0.09706461,  0.05799803]])]
input:  [[ 0.88312225]
 [-0.76350839]
 [ 0.57792449]]
activations:  [array([[ 0.88312225],
       [-0.76350839],
       [ 0.57792449]]), array([[ 0.48530026],
       [-1.27889587]]), array([[ 1.76759967],
       [ 0.74783011],
       [ 1.17872663]])]
cost derivative:  [[ 0.88447742]
 [ 1.5113385 ]
 [ 0.60080214]]
unit step:  1
delta:  [[ 0.88447742]
 [ 1.5113385 ]
 [ 0.60080214]]
delta b updated:  [array([[ 0.28070777],
       [ 2.33864367]]), array([[ 0.88447742],
       [ 1.5113385 ],
       [ 0.60080214]])]
delta w updated: [array([[ 0.24789928, -0.21432274,  0.1622279 ],
       [ 2.06530825, -1.78557406,  1.35155945]]), array([[ 0.42923712, -1.13115452],
       [ 0.73345297, -1.93284456],
       [ 0.29156944, -0.76836338]])]
input:  [[ 0.81540173]
 [-0.27239952]
 [ 0.92078564]]
activations:  [array([[ 0.81540173],
       [-0.27239952],
       [ 0.92078564]]), array([[ 0.54582684],
       [-1.01605472]]), array([[ 1.62795207],
       [ 0.58122568],
       [ 1.05680373]])]
cost derivative:  [[ 0.81255034]
 [ 0.8536252 ]
 [ 0.13601808]]
unit step:  1
delta:  [[ 0.81255034]
 [ 0.8536252 ]
 [ 0.13601808]]
delta b updated:  [array([[ 0.34243853],
       [ 1.19156823]]), array([[ 0.81255034],
       [ 0.8536252 ],
       [ 0.13601808]])]
delta w updated: [array([[ 0.27922497, -0.09328009,  0.31531248],
       [ 0.9716068 , -0.32458262,  1.09717891]]), array([[ 0.44351178, -0.8255956 ],
       [ 0.46593155, -0.86732991],
       [ 0.07424232, -0.13820182]])]
input:  [[-0.78638149]
 [-0.01365519]
 [ 1.07700217]]
activations:  [array([[-0.78638149],
       [-0.01365519],
       [ 1.07700217]]), array([[ 0.15662498],
       [-0.07936108]]), array([[ 0.31106026],
       [ 0.38903704],
       [ 0.25453372]])]
cost derivative:  [[ 1.09744175]
 [ 0.40269223]
 [-0.82246845]]
unit step:  1
delta:  [[ 1.09744175]
 [ 0.40269223]
 [-0.82246845]]
delta b updated:  [array([[ 0.11341369],
       [ 0.04914587]]), array([[ 1.09744175],
       [ 0.40269223],
       [-0.82246845]])]
delta w updated: [array([[-0.08918643, -0.00154869,  0.1221468 ],
       [-0.0386474 , -0.0006711 ,  0.05293021]]), array([[ 0.1718868 , -0.08709416],
       [ 0.06307166, -0.03195809],
       [-0.12881911,  0.06527198]])]
input:  [[-0.69939058]
 [-0.02062908]
 [ 1.07347501]]
activations:  [array([[-0.69939058],
       [-0.02062908],
       [ 1.07347501]]), array([[ 0.17878182],
       [-0.12701153]]), array([[ 0.38084325],
       [ 0.39709407],
       [ 0.29706636]])]
cost derivative:  [[ 1.08023382]
 [ 0.41772315]
 [-0.77640865]]
unit step:  1
delta:  [[ 1.08023382]
 [ 0.41772315]
 [-0.77640865]]
delta b updated:  [array([[ 0.12852998],
       [ 0.08124501]]), array([[ 1.08023382],
       [ 0.41772315],
       [-0.77640865]])]
delta w updated: [array([[-0.08989265, -0.00265146,  0.13797372],
       [-0.05682199, -0.00167601,  0.08721448]]), array([[ 0.19312617, -0.13720215],
       [ 0.07468131, -0.05305566],
       [-0.13880775,  0.09861285]])]
input:  [[-0.89304525]
 [-0.30582081]
 [ 0.870739  ]]
activations:  [array([[-0.89304525],
       [-0.30582081],
       [ 0.870739  ]]), array([[ 0.08076969],
       [-0.16216817]]), array([[ 0.27686923],
       [ 0.47801864],
       [ 0.25859828]])]
cost derivative:  [[ 1.16991448]
 [ 0.78383946]
 [-0.61214072]]
unit step:  1
delta:  [[ 1.16991448]
 [ 0.78383946]
 [-0.61214072]]
delta b updated:  [array([[ 0.05660929],
       [ 0.16031583]]), array([[ 1.16991448],
       [ 0.78383946],
       [-0.61214072]])]
delta w updated: [array([[-0.05055466, -0.0173123 ,  0.04929192],
       [-0.14316929, -0.04902792,  0.13959325]]), array([[ 0.09449363, -0.18972289],
       [ 0.06331047, -0.12711381],
       [-0.04944241,  0.09926974]])]
input:  [[ 0.71335526]
 [-1.11486096]
 [ 0.32922941]]
activations:  [array([[ 0.71335526],
       [-1.11486096],
       [ 0.32922941]]), array([[ 0.3825579 ],
       [-1.36036387]]), array([[ 1.69359796],
       [ 0.85125995],
       [ 1.16520608]])]
cost derivative:  [[ 0.98024269]
 [ 1.9661209 ]
 [ 0.83597667]]
unit step:  1
delta:  [[ 0.98024269]
 [ 1.9661209 ]
 [ 0.83597667]]
delta b updated:  [array([[ 0.21148477],
       [ 3.08176976]]), array([[ 0.98024269],
       [ 1.9661209 ],
       [ 0.83597667]])]
delta w updated: [array([[ 0.15086378, -0.23577612,  0.06962701],
       [ 2.19839668, -3.43574478,  1.01460923]]), array([[ 0.37499959, -1.33348675],
       [ 0.75215509, -2.67463985],
       [ 0.31980948, -1.13723247]])]
input:  [[-0.891427  ]
 [-0.20937399]
 [ 0.9383047 ]]
activations:  [array([[-0.891427  ],
       [-0.20937399],
       [ 0.9383047 ]]), array([[ 0.09659231],
       [-0.11882685]]), array([[ 0.26113835],
       [ 0.44591004],
       [ 0.24203593]])]
cost derivative:  [[ 1.15256536]
 [ 0.65528403]
 [-0.69626877]]
unit step:  1
delta:  [[ 1.15256536]
 [ 0.65528403]
 [-0.69626877]]
delta b updated:  [array([[ 0.06857233],
       [ 0.10231367]]), array([[ 1.15256536],
       [ 0.65528403],
       [-0.69626877]])]
delta w updated: [array([[-0.06112722, -0.01435726,  0.06434174],
       [-0.09120517, -0.02142182,  0.0960014 ]]), array([[ 0.11132895, -0.13695571],
       [ 0.0632954 , -0.07786533],
       [-0.06725421,  0.08273542]])]
input:  [[ 0.74083576]
 [-1.11590179]
 [ 0.32892906]]
activations:  [array([[ 0.74083576],
       [-1.11590179],
       [ 0.32892906]]), array([[ 0.38955535],
       [-1.37784473]]), array([[ 1.71634815],
       [ 0.85276315],
       [ 1.17945234]])]
cost derivative:  [[ 0.97551239]
 [ 1.96866494]
 [ 0.85052327]]
unit step:  1
delta:  [[ 0.97551239]
 [ 1.96866494]
 [ 0.85052327]]
delta b updated:  [array([[ 0.21536608],
       [ 3.12608047]]), array([[ 0.97551239],
       [ 1.96866494],
       [ 0.85052327]])]
delta w updated: [array([[ 0.15955089, -0.24032739,  0.07084016],
       [ 2.3159122 , -3.48839879,  1.02825872]]), array([[ 0.38001607, -1.34410461],
       [ 0.76690396, -2.71251462],
       [ 0.33132589, -1.17188901]])]
input:  [[-0.6841651 ]
 [-0.02576757]
 [ 1.07011403]]
activations:  [array([[-0.6841651 ],
       [-0.02576757],
       [ 1.07011403]]), array([[ 0.18170206],
       [-0.13930611]]), array([[ 0.39314439],
       [ 0.39874635],
       [ 0.30627261]])]
cost derivative:  [[ 1.07730948]
 [ 0.42451392]
 [-0.76384142]]
unit step:  1
delta:  [[ 1.07730948]
 [ 0.42451392]
 [-0.76384142]]
delta b updated:  [array([[ 0.13039272],
       [ 0.0900764 ]]), array([[ 1.07730948],
       [ 0.42451392],
       [-0.76384142]])]
delta w updated: [array([[-0.08921015, -0.0033599 ,  0.13953508],
       [-0.06162713, -0.00232105,  0.09639202]]), array([[ 0.19574935, -0.1500758 ],
       [ 0.07713505, -0.05913738],
       [-0.13879156,  0.10640778]])]
input:  [[-0.21431142]
 [-0.37798482]
 [ 0.8307879 ]]
activations:  [array([[-0.21431142],
       [-0.37798482],
       [ 0.8307879 ]]), array([[ 0.25124005],
       [-0.54533633]]), array([[ 0.82810043],
       [ 0.54585427],
       [ 0.59338335]])]
cost derivative:  [[ 1.04241186]
 [ 0.92383908]
 [-0.23740455]]
unit step:  1
delta:  [[ 1.04241186]
 [ 0.92383908]
 [-0.23740455]]
delta b updated:  [array([[ 0.16682508],
       [ 0.63873129]]), array([[ 1.04241186],
       [ 0.92383908],
       [-0.23740455]])]
delta w updated: [array([[-0.03575252, -0.06305735,  0.13859626],
       [-0.13688741, -0.24143073,  0.53065023]]), array([[ 0.26189561, -0.56846506],
       [ 0.23210538, -0.50380302],
       [-0.05964553,  0.12946533]])]
input:  [[ 0.64455448]
 [-1.09661287]
 [ 0.3409354 ]]
activations:  [array([[ 0.64455448],
       [-1.09661287],
       [ 0.3409354 ]]), array([[ 0.36644477],
       [-1.3229421 ]]), array([[ 1.63679086],
       [ 0.8391134 ],
       [ 1.13188786]])]
cost derivative:  [[ 0.99223638]
 [ 1.93572626]
 [ 0.79095246]]
unit step:  1
delta:  [[ 0.99223638]
 [ 1.93572626]
 [ 0.79095246]]
delta b updated:  [array([[ 0.20512312],
       [ 2.94788003]]), array([[ 0.99223638],
       [ 1.93572626],
       [ 0.79095246]])]
delta w updated: [array([[ 0.13221302, -0.22494065,  0.06993373],
       [ 1.90006928, -3.23268318,  1.00503666]]), array([[ 0.36359983, -1.31267128],
       [ 0.70933677, -2.56085378],
       [ 0.28984039, -1.04638431]])]
input:  [[-0.07819255]
 [-0.50626023]
 [ 0.74308096]]
activations:  [array([[-0.07819255],
       [-0.50626023],
       [ 0.74308096]]), array([[ 0.26697767],
       [-0.67741205]]), array([[ 0.95920289],
       [ 0.5965447 ],
       [ 0.68207065]])]
cost derivative:  [[ 1.03739544]
 [ 1.10280493]
 [-0.06101032]]
unit step:  1
delta:  [[ 1.03739544]
 [ 1.10280493]
 [-0.06101032]]
delta b updated:  [array([[ 0.17271819],
       [ 0.91889129]]), array([[ 1.03739544],
       [ 1.10280493],
       [-0.06101032]])]
delta w updated: [array([[-0.01350528, -0.08744035,  0.1283436 ],
       [-0.07185046, -0.46519812,  0.68281063]]), array([[ 0.27696142, -0.70274418],
       [ 0.29442429, -0.74705335],
       [-0.01628839,  0.04132912]])]
input:  [[ 0.6839231 ]
 [-1.10936775]
 [ 0.33261725]]
activations:  [array([[ 0.6839231 ],
       [-1.10936775],
       [ 0.33261725]]), array([[ 0.3746856 ],
       [-1.35232445]]), array([[ 1.67098026],
       [ 0.84502782],
       [ 1.15387733]])]
cost derivative:  [[ 0.98705716]
 [ 1.95439557]
 [ 0.82126008]]
unit step:  1
delta:  [[ 0.98705716]
 [ 1.95439557]
 [ 0.82126008]]
delta b updated:  [array([[ 0.20909606],
       [ 3.03994732]]), array([[ 0.98705716],
       [ 1.95439557],
       [ 0.82126008]])]
delta w updated: [array([[ 0.14300562, -0.23196442,  0.06954896],
       [ 2.07909019, -3.37241951,  1.01113893]]), array([[ 0.3698361 , -1.33482154],
       [ 0.73228387, -2.64297692],
       [ 0.30771432, -1.11061008]])]
input:  [[ 0.88431089]
 [-0.8122521 ]
 [ 0.54380843]]
activations:  [array([[ 0.88431089],
       [-0.8122521 ],
       [ 0.54380843]]), array([[ 0.4761474 ],
       [-1.31743507]]), array([[ 1.77851113],
       [ 0.7599033 ],
       [ 1.19408937]])]
cost derivative:  [[ 0.89420024]
 [ 1.57215541]
 [ 0.65028094]]
unit step:  1
delta:  [[ 0.89420024]
 [ 1.57215541]
 [ 0.65028094]]
delta b updated:  [array([[ 0.27524378],
       [ 2.48213839]]), array([[ 0.89420024],
       [ 1.57215541],
       [ 0.65028094]])]
delta w updated: [array([[ 0.24340107, -0.22356734,  0.14967989],
       [ 2.194982  , -2.01612213,  1.34980778]]), array([[ 0.42577112, -1.17805076],
       [ 0.7485777 , -2.07121266],
       [ 0.30962958, -0.85670291]])]
input:  [[ 0.5761078 ]
 [-1.06372307]
 [ 0.36290032]]
activations:  [array([[ 0.5761078 ],
       [-1.06372307],
       [ 0.36290032]]), array([[ 0.35262773],
       [-1.28049487]]), array([[ 1.57899197],
       [ 0.82212171],
       [ 1.09578949]])]
cost derivative:  [[ 1.00288417]
 [ 1.88584478]
 [ 0.73288917]]
unit step:  1
delta:  [[ 1.00288417]
 [ 1.88584478]
 [ 0.73288917]]
delta b updated:  [array([[ 0.20072717],
       [ 2.78033249]]), array([[ 1.00288417],
       [ 1.88584478],
       [ 0.73288917]])]
delta w updated: [array([[ 0.11564049, -0.21351812,  0.07284395],
       [ 1.60177123, -2.95750382,  1.00898355]]), array([[ 0.35364477, -1.28418803],
       [ 0.66500116, -2.41481456],
       [ 0.25843704, -0.93846082]])]
input:  [[ 0.38085591]
 [-0.92606427]
 [ 0.45625618]]
activations:  [array([[ 0.38085591],
       [-0.92606427],
       [ 0.45625618]]), array([[ 0.32217581],
       [-1.11742099]]), array([[ 1.40016546],
       [ 0.7635274 ],
       [ 0.9785839 ]])]
cost derivative:  [[ 1.01930955]
 [ 1.68959167]
 [ 0.52232772]]
unit step:  1
delta:  [[ 1.01930955]
 [ 1.68959167]
 [ 0.52232772]]
delta b updated:  [array([[ 0.19053229],
       [ 2.19450134]]), array([[ 1.01930955],
       [ 1.68959167],
       [ 0.52232772]])]
delta w updated: [array([[ 0.07256535, -0.17644515,  0.08693153],
       [ 0.8357888 , -2.03224928,  1.0012548 ]]), array([[ 0.32839688, -1.13899788],
       [ 0.54434556, -1.88798519],
       [ 0.16828135, -0.58365995]])]
input:  [[ 0.76277979]
 [-0.03044527]
 [ 1.08940248]]
activations:  [array([[ 0.76277979],
       [-0.03044527],
       [ 1.08940248]]), array([[ 0.56884631],
       [-0.89070114]]), array([[ 1.54439905],
       [ 0.49315946],
       [ 0.99273468]])]
cost derivative:  [[ 0.78161926]
 [ 0.52360472]
 [-0.0966678 ]]
unit step:  1
delta:  [[ 0.78161926]
 [ 0.52360472]
 [-0.0966678 ]]
delta b updated:  [array([[ 0.37394578],
       [ 0.75066317]]), array([[ 0.78161926],
       [ 0.52360472],
       [-0.0966678 ]])]
delta w updated: [array([[ 0.28523828, -0.01138488,  0.40737746],
       [ 0.57259069, -0.02285414,  0.81777432]]), array([[ 0.44462123, -0.69618917],
       [ 0.29785062, -0.46637533],
       [-0.05498912,  0.08610212]])]
input:  [[-0.8199447 ]
 [-0.81128412]
 [ 0.51790952]]
activations:  [array([[-0.8199447 ],
       [-0.81128412],
       [ 0.51790952]]), array([[ 0.01790613],
       [-0.4478093 ]]), array([[ 0.42549424],
       [ 0.6468554 ],
       [ 0.39038955]])]
cost derivative:  [[ 1.24543895]
 [ 1.45813952]
 [-0.12751996]]
unit step:  1
delta:  [[ 1.24543895]
 [ 1.45813952]
 [-0.12751996]]
delta b updated:  [array([[ 0.01169089],
       [ 0.73978748]]), array([[ 1.24543895],
       [ 1.45813952],
       [-0.12751996]])]
delta w updated: [array([[-0.00958589, -0.00948464,  0.00605483],
       [-0.60658482, -0.60017783,  0.38314297]]), array([[ 0.02230099, -0.55771915],
       [ 0.02610963, -0.65296844],
       [-0.00228339,  0.05710463]])]
input:  [[ 0.84876504]
 [-1.03861718]
 [ 0.38473357]]
activations:  [array([[ 0.84876504],
       [-1.03861718],
       [ 0.38473357]]), array([[ 0.4293066 ],
       [-1.41369858]]), array([[ 1.79144913],
       [ 0.82998697],
       [ 1.2216221 ]])]
cost derivative:  [[ 0.94268409]
 [ 1.86860415]
 [ 0.83688852]]
unit step:  1
delta:  [[ 0.94268409]
 [ 1.86860415]
 [ 0.83688852]]
delta b updated:  [array([[ 0.2408246 ],
       [ 3.06812336]]), array([[ 0.94268409],
       [ 1.86860415],
       [ 0.83688852]])]
delta w updated: [array([[ 0.2044035 , -0.25012456,  0.09265331],
       [ 2.60411584, -3.18660562,  1.18041006]]), array([[ 0.4047005 , -1.33267116],
       [ 0.8022041 , -2.64164303],
       [ 0.35928177, -1.18310812]])]
input:  [[-0.87575982]
 [-0.11553038]
 [ 1.00426649]]
activations:  [array([[-0.87575982],
       [-0.11553038],
       [ 1.00426649]]), array([[ 0.11483848],
       [-0.09075591]]), array([[ 0.25745072],
       [ 0.41376686],
       [ 0.23495548]])]
cost derivative:  [[ 1.13321054]
 [ 0.52929725]
 [-0.76931101]]
unit step:  1
delta:  [[ 1.13321054]
 [ 0.52929725]
 [-0.76931101]]
delta b updated:  [array([[ 0.0826328 ],
       [ 0.06666811]]), array([[ 1.13321054],
       [ 0.52929725],
       [-0.76931101]])]
delta w updated: [array([[-0.07236649, -0.0095466 ,  0.08298535],
       [-0.05838525, -0.00770219,  0.06695255]]), array([[ 0.13013618, -0.10284555],
       [ 0.06078369, -0.04803685],
       [-0.08834651,  0.06981952]])]
input:  [[ 0.25151697]
 [-0.81524509]
 [ 0.53184446]]
activations:  [array([[ 0.25151697],
       [-0.81524509],
       [ 0.53184446]]), array([[ 0.3046955 ],
       [-1.00326129]]), array([[ 1.27771137],
       [ 0.71709662],
       [ 0.8986708 ]])]
cost derivative:  [[ 1.02619439]
 [ 1.53234171]
 [ 0.36682634]]
unit step:  1
delta:  [[ 1.02619439]
 [ 1.53234171]
 [ 0.36682634]]
delta b updated:  [array([[ 0.18519215],
       [ 1.80359573]]), array([[ 1.02619439],
       [ 1.53234171],
       [ 0.36682634]])]
delta w updated: [array([[ 0.04657897, -0.15097699,  0.09849342],
       [ 0.45363494, -1.47037256,  0.9592324 ]]), array([[ 0.31267681, -1.02954112],
       [ 0.46689762, -1.53733913],
       [ 0.11177034, -0.36802267]])]
input:  [[ 0.03656671]
 [-0.6156325 ]
 [ 0.66827857]]
activations:  [array([[ 0.03656671],
       [-0.6156325 ],
       [ 0.66827857]]), array([[ 0.27902051],
       [-0.79897185]]), array([[ 1.07140408],
       [ 0.63710452],
       [ 0.76018616]])]
cost derivative:  [[ 1.03483737]
 [ 1.25273702]
 [ 0.09190759]]
unit step:  1
delta:  [[ 1.03483737]
 [ 1.25273702]
 [ 0.09190759]]
delta b updated:  [array([[ 0.17728596],
       [ 1.20461194]]), array([[ 1.03483737],
       [ 1.25273702],
       [ 0.09190759]])]
delta w updated: [array([[ 0.00648276, -0.109143  ,  0.11847641],
       [ 0.0440487 , -0.74159826,  0.80501635]]), array([[ 0.28874085, -0.82680593],
       [ 0.34953933, -1.00090161],
       [ 0.0256441 , -0.07343158]])]
input:  [[ 0.32782706]
 [-0.8819045 ]
 [ 0.48635374]]
activations:  [array([[ 0.32782706],
       [-0.8819045 ],
       [ 0.48635374]]), array([[ 0.3142084 ],
       [-1.07618167]]), array([[ 1.35017839],
       [ 0.74315184],
       [ 0.94790711]])]
cost derivative:  [[ 1.02235132]
 [ 1.62505634]
 [ 0.46155337]]
unit step:  1
delta:  [[ 1.02235132]
 [ 1.62505634]
 [ 0.46155337]]
delta b updated:  [array([[ 0.18812499],
       [ 2.03701528]]), array([[ 1.02235132],
       [ 1.62505634],
       [ 0.46155337]])]
delta w updated: [array([[ 0.06167246, -0.16590827,  0.09149529],
       [ 0.66778874, -1.79645295,  0.99071   ]]), array([[ 0.32123138, -1.10023576],
       [ 0.51060636, -1.74885585],
       [ 0.14502395, -0.49671527]])]
input:  [[-0.42968263]
 [-0.18852497]
 [ 0.96010561]]
activations:  [array([[-0.42968263],
       [-0.18852497],
       [ 0.96010561]]), array([[ 0.22245581],
       [-0.35772744]]), array([[ 0.6248864 ],
       [ 0.46602537],
       [ 0.46068529]])]
cost derivative:  [[ 1.05456904]
 [ 0.65455035]
 [-0.49942032]]
unit step:  1
delta:  [[ 1.05456904]
 [ 0.65455035]
 [-0.49942032]]
delta b updated:  [array([[ 0.15450964],
       [ 0.31755342]]), array([[ 1.05456904],
       [ 0.65455035],
       [-0.49942032]])]
delta w updated: [array([[-0.06639011, -0.02912893,  0.14834557],
       [-0.13644719, -0.05986675,  0.30488482]]), array([[ 0.23459501, -0.37724828],
       [ 0.14560852, -0.23415062],
       [-0.11109895,  0.17865635]])]
input:  [[-0.81402889]
 [-0.83872816]
 [ 0.49878306]]
activations:  [array([[-0.81402889],
       [-0.83872816],
       [ 0.49878306]]), array([[ 0.01446793],
       [-0.46910788]]), array([[ 0.43532373],
       [ 0.65492838],
       [ 0.40066973]])]
cost derivative:  [[ 1.24935261]
 [ 1.49365654]
 [-0.09811332]]
unit step:  1
delta:  [[ 1.24935261]
 [ 1.49365654]
 [-0.09811332]]
delta b updated:  [array([[ 0.00941755],
       [ 0.78978409]]), array([[ 1.24935261],
       [ 1.49365654],
       [-0.09811332]])]
delta w updated: [array([[-0.00766616, -0.00789876,  0.00469731],
       [-0.64290706, -0.66241415,  0.39393092]]), array([[ 0.01807554, -0.58608116],
       [ 0.02161011, -0.70068606],
       [-0.0014195 ,  0.04602573]])]
input:  [[ 0.8841156 ]
 [-0.79645963]
 [ 0.55486465]]
activations:  [array([[ 0.8841156 ],
       [-0.79645963],
       [ 0.55486465]]), array([[ 0.47706832],
       [-1.32401253]]), array([[ 1.77611091],
       [ 0.74951062],
       [ 1.19594438]])]
cost derivative:  [[ 0.89199531]
 [ 1.54597025]
 [ 0.64107973]]
unit step:  1
delta:  [[ 0.89199531]
 [ 1.54597025]
 [ 0.64107973]]
delta b updated:  [array([[ 0.27815585],
       [ 2.45268287]]), array([[ 0.89199531],
       [ 1.54597025],
       [ 0.64107973]])]
delta w updated: [array([[ 0.24592193, -0.2215399 ,  0.15433885],
       [ 2.16845519, -1.95346289,  1.36090703]]), array([[ 0.4255427 , -1.18101297],
       [ 0.73753342, -2.04688398],
       [ 0.30583883, -0.8487976 ]])]
input:  [[-0.89286411]
 [-0.23476572]
 [ 0.92050079]]
activations:  [array([[-0.89286411],
       [-0.23476572],
       [ 0.92050079]]), array([[ 0.09048472],
       [-0.14273327]]), array([[ 0.26509491],
       [ 0.45091242],
       [ 0.2511204 ]])]
cost derivative:  [[ 1.15795902]
 [ 0.68567814]
 [-0.66938039]]
unit step:  1
delta:  [[ 1.15795902]
 [ 0.68567814]
 [-0.66938039]]
delta b updated:  [array([[ 0.06425472],
       [ 0.12636553]]), array([[ 1.15795902],
       [ 0.68567814],
       [-0.66938039]])]
delta w updated: [array([[-0.05737074, -0.01508481,  0.05914652],
       [-0.11282724, -0.02966629,  0.11631957]]), array([[ 0.10477759, -0.16527928],
       [ 0.06204339, -0.09786909],
       [-0.0605687 ,  0.09554285]])]
input:  [[ 0.18458517]
 [-0.75451282]
 [ 0.57333073]]
activations:  [array([[ 0.18458517],
       [-0.75451282],
       [ 0.57333073]]), array([[ 0.29583603],
       [-0.94566729]]), array([[ 1.2132233 ],
       [ 0.69040549],
       [ 0.85810227]])]
cost derivative:  [[ 1.02863813]
 [ 1.44491831]
 [ 0.28477154]]
unit step:  1
delta:  [[ 1.02863813]
 [ 1.44491831]
 [ 0.28477154]]
delta b updated:  [array([[ 0.18247793],
       [ 1.61141496]]), array([[ 1.02863813],
       [ 1.44491831],
       [ 0.28477154]])]
delta w updated: [array([[ 0.03368272, -0.13768193,  0.1046202 ],
       [ 0.29744331, -1.21583324,  0.92387371]]), array([[ 0.30430822, -0.97274943],
       [ 0.42745889, -1.36641198],
       [ 0.08424568, -0.26929913]])]
input:  [[ 0.46254887]
 [-0.98940729]
 [ 0.41317183]]
activations:  [array([[ 0.46254887],
       [-0.98940729],
       [ 0.41317183]]), array([[ 0.33246391],
       [-1.20186422]]), array([[ 1.47591501],
       [ 0.78486476],
       [ 1.03384744]])]
cost derivative:  [[ 1.01336614]
 [ 1.77427205]
 [ 0.62067561]]
unit step:  1
delta:  [[ 1.01336614]
 [ 1.77427205]
 [ 0.62067561]]
delta b updated:  [array([[ 0.1940786 ],
       [ 2.45816147]]), array([[ 1.01336614],
       [ 1.77427205],
       [ 0.62067561]])]
delta w updated: [array([[ 0.08977084, -0.19202278,  0.08018781],
       [ 1.13701981, -2.43212287,  1.01564307]]), array([[ 0.33690767, -1.2179285 ],
       [ 0.58988143, -2.13243409],
       [ 0.20635224, -0.74596781]])]
input:  [[-0.61024572]
 [-0.06079305]
 [ 1.04673886]]
activations:  [array([[-0.61024572],
       [-0.06079305],
       [ 1.04673886]]), array([[ 0.19411895],
       [-0.20758063]]), array([[ 0.45850606],
       [ 0.41128427],
       [ 0.35311343]])]
cost derivative:  [[ 1.06875178]
 [ 0.47207731]
 [-0.69362544]]
unit step:  1
delta:  [[ 1.06875178]
 [ 0.47207731]
 [-0.69362544]]
delta b updated:  [array([[ 0.13873728],
       [ 0.14434587]]), array([[ 1.06875178],
       [ 0.47207731],
       [-0.69362544]])]
delta w updated: [array([[-0.08466383, -0.00843426,  0.1452217 ],
       [-0.08808645, -0.00877523,  0.15109243]]), array([[ 0.20746498, -0.22185217],
       [ 0.09163915, -0.09799411],
       [-0.13464584,  0.14398321]])]
input:  [[ 0.85956852]
 [-0.52593896]
 [ 0.74392399]]
activations:  [array([[ 0.85956852],
       [-0.52593896],
       [ 0.74392399]]), array([[ 0.51346097],
       [-1.18783976]]), array([[ 1.7083508 ],
       [ 0.6572526 ],
       [ 1.13572393]])]
cost derivative:  [[ 0.84878228]
 [ 1.18319157]
 [ 0.39179995]]
unit step:  1
delta:  [[ 0.84878228]
 [ 1.18319157]
 [ 0.39179995]]
delta b updated:  [array([[ 0.31321799],
       [ 1.77417287]]), array([[ 0.84878228],
       [ 1.18319157],
       [ 0.39179995]])]
delta w updated: [array([[ 0.26923232, -0.16473355,  0.23301038],
       [ 1.52502316, -0.93310664,  1.31984976]]), array([[ 0.43581658, -1.00821734],
       [ 0.60752269, -1.40544198],
       [ 0.20117398, -0.46539555]])]
input:  [[ 0.85221913]
 [-1.03110487]
 [ 0.39004821]]
activations:  [array([[ 0.85221913],
       [-1.03110487],
       [ 0.39004821]]), array([[ 0.42983031],
       [-1.42632629]]), array([[ 1.79291628],
       [ 0.82237157],
       [ 1.22718977]])]
cost derivative:  [[ 0.94069715]
 [ 1.85347644]
 [ 0.83714156]]
unit step:  1
delta:  [[ 0.94069715]
 [ 1.85347644]
 [ 0.83714156]]
delta b updated:  [array([[ 0.24241011],
       [ 3.06386694]]), array([[ 0.94069715],
       [ 1.85347644],
       [ 0.83714156]])]
delta w updated: [array([[ 0.20658653, -0.24995025,  0.09455163],
       [ 2.61108602, -3.15916812,  1.1950558 ]]), array([[ 0.40434015, -1.34174108],
       [ 0.79668036, -2.64366218],
       [ 0.35982882, -1.19403702]])]
input:  [[-0.28086071]
 [-0.31698969]
 [ 0.8724642 ]]
activations:  [array([[-0.28086071],
       [-0.31698969],
       [ 0.8724642 ]]), array([[ 0.24083205],
       [-0.50216095]]), array([[ 0.76597923],
       [ 0.51575962],
       [ 0.55766934]])]
cost derivative:  [[ 1.04683994]
 [ 0.83274931]
 [-0.31479486]]
unit step:  1
delta:  [[ 1.04683994]
 [ 0.83274931]
 [-0.31479486]]
delta b updated:  [array([[ 0.16320819],
       [ 0.53744248]]), array([[ 1.04683994],
       [ 0.83274931],
       [-0.31479486]])]
delta w updated: [array([[-0.04583877, -0.05173531,  0.14239331],
       [-0.15094647, -0.17036373,  0.46889932]]), array([[ 0.25211261, -0.52568214],
       [ 0.20055273, -0.41817419],
       [-0.07581269,  0.15807769]])]
input:  [[-0.3027292 ]
 [-0.29732748]
 [ 0.88589238]]
activations:  [array([[-0.3027292 ],
       [-0.29732748],
       [ 0.88589238]]), array([[ 0.23803045],
       [-0.4818094 ]]), array([[ 0.74477791],
       [ 0.50779291],
       [ 0.54391193]])]
cost derivative:  [[ 1.04750711]
 [ 0.80512038]
 [-0.34198045]]
unit step:  1
delta:  [[ 1.04750711]
 [ 0.80512038]
 [-0.34198045]]
delta b updated:  [array([[ 0.16187955],
       [ 0.50175164]]), array([[ 1.04750711],
       [ 0.80512038],
       [-0.34198045]])]
delta w updated: [array([[-0.04900567, -0.04813124,  0.14340786],
       [-0.15189487, -0.14918455,  0.44449795]]), array([[ 0.24933859, -0.50469877],
       [ 0.19164317, -0.38791457],
       [-0.08140176,  0.1647694 ]])]
input:  [[ 0.67627288]
 [-1.10732743]
 [ 0.33392676]]
activations:  [array([[ 0.67627288],
       [-1.10732743],
       [ 0.33392676]]), array([[ 0.36996759],
       [-1.37517872]]), array([[ 1.66691173],
       [ 0.83516172],
       [ 1.15952031]])]
cost derivative:  [[ 0.99063885]
 [ 1.94248915]
 [ 0.82559355]]
unit step:  1
delta:  [[ 0.99063885]
 [ 1.94248915]
 [ 0.82559355]]
delta b updated:  [array([[ 0.20895598],
       [ 3.05421022]]), array([[ 0.99063885],
       [ 1.94248915],
       [ 0.82559355]])]
delta w updated: [array([[ 0.14131126, -0.23138269,  0.06977599],
       [ 2.06547956, -3.38201077,  1.01988252]]), array([[ 0.36650427, -1.36230546],
       [ 0.71865803, -2.67126974],
       [ 0.30544286, -1.13533868]])]
input:  [[ 0.83331994]
 [-1.06496602]
 [ 0.36604096]]
activations:  [array([[ 0.83331994],
       [-1.06496602],
       [ 0.36604096]]), array([[ 0.41871479],
       [-1.43912038]]), array([[ 1.78519377],
       [ 0.83064537],
       [ 1.22669981]])]
cost derivative:  [[ 0.95187383]
 [ 1.89561138]
 [ 0.86065885]]
unit step:  1
delta:  [[ 0.95187383]
 [ 1.89561138]
 [ 0.86065885]]
delta b updated:  [array([[ 0.23612566],
       [ 3.14515201]]), array([[ 0.95187383],
       [ 1.89561138],
       [ 0.86065885]])]
delta w updated: [array([[ 0.19676822, -0.25146581,  0.08643167],
       [ 2.62091789, -3.34948   ,  1.15125447]]), array([[ 0.39856365, -1.36986102],
       [ 0.79372052, -2.72801298],
       [ 0.36037059, -1.2385917 ]])]
input:  [[-0.89042284]
 [-0.19731218]
 [ 0.94676709]]
activations:  [array([[-0.89042284],
       [-0.19731218],
       [ 0.94676709]]), array([[ 0.09629144],
       [-0.13218479]]), array([[ 0.26032295],
       [ 0.43710262],
       [ 0.24750685]])]
cost derivative:  [[ 1.15074578]
 [ 0.6344148 ]
 [-0.69926024]]
unit step:  1
delta:  [[ 1.15074578]
 [ 0.6344148 ]
 [-0.69926024]]
delta b updated:  [array([[ 0.06875451],
       [ 0.11000536]]), array([[ 1.15074578],
       [ 0.6344148 ],
       [-0.69926024]])]
delta w updated: [array([[-0.06122058, -0.0135661 ,  0.06509451],
       [-0.09795129, -0.0217054 ,  0.10414946]]), array([[ 0.11080697, -0.15211109],
       [ 0.06108872, -0.08385999],
       [-0.06733278,  0.09243157]])]
input:  [[ 0.86696128]
 [-0.9878016 ]
 [ 0.42060282]]
activations:  [array([[ 0.86696128],
       [-0.9878016 ],
       [ 0.42060282]]), array([[ 0.43992595],
       [-1.42275015]]), array([[ 1.79882915],
       [ 0.80675121],
       [ 1.22920873]])]
cost derivative:  [[ 0.93186787]
 [ 1.79455281]
 [ 0.80860591]]
unit step:  1
delta:  [[ 0.93186787]
 [ 1.79455281]
 [ 0.80860591]]
delta b updated:  [array([[ 0.2512075 ],
       [ 2.97124037]]), array([[ 0.93186787],
       [ 1.79455281],
       [ 0.80860591]])]
delta w updated: [array([[ 0.21778718, -0.24814317,  0.10565859],
       [ 2.57595036, -2.93499599,  1.24971209]]), array([[ 0.40995286, -1.32581515],
       [ 0.78947035, -2.55320028],
       [ 0.35572672, -1.15044418]])]
input:  [[-0.88477696]
 [-0.42422919]
 [ 0.78794808]]
activations:  [array([[-0.88477696],
       [-0.42422919],
       [ 0.78794808]]), array([[ 0.06106786],
       [-0.24487922]]), array([[ 0.30546788],
       [ 0.51145008],
       [ 0.2932749 ]])]
cost derivative:  [[ 1.19024484]
 [ 0.93567927]
 [-0.49467318]]
unit step:  1
delta:  [[ 1.19024484]
 [ 0.93567927]
 [-0.49467318]]
delta b updated:  [array([[ 0.04231823],
       [ 0.27561124]]), array([[ 1.19024484],
       [ 0.93567927],
       [-0.49467318]])]
delta w updated: [array([[-0.0374422 , -0.01795263,  0.03334457],
       [-0.24385447, -0.11692233,  0.21716735]]), array([[ 0.0726857 , -0.29146623],
       [ 0.05713993, -0.22912841],
       [-0.03020863,  0.12113518]])]
input:  [[ 0.48228053]
 [-1.0036456 ]
 [ 0.40350862]]
activations:  [array([[ 0.48228053],
       [-1.0036456 ],
       [ 0.40350862]]), array([[ 0.33400001],
       [-1.23342101]]), array([[ 1.49639889],
       [ 0.78701415],
       [ 1.05078703]])]
cost derivative:  [[ 1.01411836]
 [ 1.79065975]
 [ 0.64727841]]
unit step:  1
delta:  [[ 1.01411836]
 [ 1.79065975]
 [ 0.64727841]]
delta b updated:  [array([[ 0.19568916],
       [ 2.53599416]]), array([[ 1.01411836],
       [ 1.79065975],
       [ 0.64727841]])]
delta w updated: [array([[ 0.09437707, -0.19640256,  0.07896226],
       [ 1.22306062, -2.54523938,  1.02329552]]), array([[ 0.33871554, -1.25083489],
       [ 0.59808038, -2.20863736],
       [ 0.21619099, -0.79836679]])]
input:  [[-0.83754064]
 [-0.04312429]
 [ 1.05556754]]
activations:  [array([[-0.83754064],
       [-0.04312429],
       [ 1.05556754]]), array([[ 0.1351016 ],
       [-0.08776028]]), array([[ 0.27442619],
       [ 0.38898466],
       [ 0.24446341]])]
cost derivative:  [[ 1.11196683]
 [ 0.43210895]
 [-0.81110414]]
unit step:  1
delta:  [[ 1.11196683]
 [ 0.43210895]
 [-0.81110414]]
delta b updated:  [array([[ 0.09814036],
       [ 0.05600253]]), array([[ 1.11196683],
       [ 0.43210895],
       [-0.81110414]])]
delta w updated: [array([[-0.08219654, -0.00423223,  0.10359378],
       [-0.04690439, -0.00241507,  0.05911445]]), array([[ 0.15022849, -0.09758653],
       [ 0.05837861, -0.037922  ],
       [-0.10958146,  0.07118273]])]
input:  [[ 0.52081854]
 [-1.02999117]
 [ 0.38566014]]
activations:  [array([[ 0.52081854],
       [-1.02999117],
       [ 0.38566014]]), array([[ 0.3398877],
       [-1.268166 ]]), array([[ 1.53191661],
       [ 0.79739496],
       [ 1.07488028]])]
cost derivative:  [[ 1.01109807]
 [ 1.82738613]
 [ 0.68922014]]
unit step:  1
delta:  [[ 1.01109807]
 [ 1.82738613]
 [ 0.68922014]]
delta b updated:  [array([[ 0.19799496],
       [ 2.65501223]]), array([[ 1.01109807],
       [ 1.82738613],
       [ 0.68922014]])]
delta w updated: [array([[ 0.10311945, -0.20393306,  0.07635876],
       [ 1.3827796 , -2.73463915,  1.02393238]]), array([[ 0.3436598 , -1.2822402 ],
       [ 0.62110607, -2.31742895],
       [ 0.23425745, -0.87404554]])]
input:  [[-0.82375085]
 [-0.03083545]
 [ 1.0643883 ]]
activations:  [array([[-0.82375085],
       [-0.03083545],
       [ 1.0643883 ]]), array([[ 0.14062149],
       [-0.08997895]]), array([[ 0.2829769 ],
       [ 0.38550241],
       [ 0.2491668 ]])]
cost derivative:  [[ 1.10672775]
 [ 0.41633786]
 [-0.8152215 ]]
unit step:  1
delta:  [[ 1.10672775]
 [ 0.41633786]
 [-0.8152215 ]]
delta b updated:  [array([[ 0.10223051],
       [ 0.05609595]]), array([[ 1.10672775],
       [ 0.41633786],
       [-0.8152215 ]])]
delta w updated: [array([[-0.08421247, -0.00315232,  0.10881296],
       [-0.04620909, -0.00172974,  0.05970788]]), array([[ 0.1556297 , -0.0995822 ],
       [ 0.05854605, -0.03746165],
       [-0.11463766,  0.07335278]])]
input:  [[-0.16929504]
 [-0.42001607]
 [ 0.80205595]]
activations:  [array([[-0.16929504],
       [-0.42001607],
       [ 0.80205595]]), array([[ 0.25314306],
       [-0.61783395]]), array([[ 0.87321402],
       [ 0.55377289],
       [ 0.63330105]])]
cost derivative:  [[ 1.04250906]
 [ 0.97378897]
 [-0.1687549 ]]
unit step:  1
delta:  [[ 1.04250906]
 [ 0.97378897]
 [-0.1687549 ]]
delta b updated:  [array([[ 0.16848991],
       [ 0.74915493]]), array([[ 1.04250906],
       [ 0.97378897],
       [-0.1687549 ]])]
delta w updated: [array([[-0.02852451, -0.07076847,  0.13513833],
       [-0.12682821, -0.31465711,  0.60086417]]), array([[ 0.26390393, -0.64409749],
       [ 0.24650792, -0.60163989],
       [-0.04271913,  0.10426251]])]
input:  [[-0.87249431]
 [-0.52297891]
 [ 0.71898646]]
activations:  [array([[-0.87249431],
       [-0.52297891],
       [ 0.71898646]]), array([[ 0.04793654],
       [-0.30182859]]), array([[ 0.33245218],
       [ 0.54371941],
       [ 0.31948267]])]
cost derivative:  [[ 1.20494649]
 [ 1.06669832]
 [-0.39950379]]
unit step:  1
delta:  [[ 1.20494649]
 [ 1.06669832]
 [-0.39950379]]
delta b updated:  [array([[ 0.03275401],
       [ 0.37784268]]), array([[ 1.20494649],
       [ 1.06669832],
       [-0.39950379]])]
delta w updated: [array([[-0.02857769, -0.01712966,  0.02354969],
       [-0.32966559, -0.19760375,  0.27166377]]), array([[ 0.05776097, -0.3636873 ],
       [ 0.05113383, -0.32196005],
       [-0.01915083,  0.12058167]])]
input:  [[ 0.04803713]
 [-0.62653231]
 [ 0.66082445]]
activations:  [array([[ 0.04803713],
       [-0.62653231],
       [ 0.66082445]]), array([[ 0.27795184],
       [-0.83093855]]), array([[ 1.08266252],
       [ 0.63443575],
       [ 0.7759502 ]])]
cost derivative:  [[ 1.03462538]
 [ 1.26096806]
 [ 0.11512575]]
unit step:  1
delta:  [[ 1.03462538]
 [ 1.26096806]
 [ 0.11512575]]
delta b updated:  [array([[ 0.17731502],
       [ 1.25215013]]), array([[ 1.03462538],
       [ 1.26096806],
       [ 0.11512575]])]
delta w updated: [array([[ 0.00851771, -0.11109359,  0.1171741 ],
       [ 0.0601497 , -0.78451251,  0.82745143]]), array([[ 0.28757603, -0.85971012],
       [ 0.3504884 , -1.04778697],
       [ 0.03199941, -0.09566242]])]
input:  [[-0.80326333]
 [-0.01910134]
 [ 1.07292504]]
activations:  [array([[-0.80326333],
       [-0.01910134],
       [ 1.07292504]]), array([[ 0.1476714 ],
       [-0.09656731]]), array([[ 0.29643443],
       [ 0.38253254],
       [ 0.25783767]])]
cost derivative:  [[ 1.09969776]
 [ 0.40163388]
 [-0.81508737]]
unit step:  1
delta:  [[ 1.09969776]
 [ 0.40163388]
 [-0.81508737]]
delta b updated:  [array([[ 0.10733591],
       [ 0.05889343]]), array([[ 1.09969776],
       [ 0.40163388],
       [-0.81508737]])]
delta w updated: [array([[-0.086219  , -0.00205026,  0.11516338],
       [-0.04730693, -0.00112494,  0.06318824]]), array([[ 0.16239391, -0.10619485],
       [ 0.05930984, -0.0387847 ],
       [-0.12036509,  0.0787108 ]])]
input:  [[ 0.60251976]
 [-1.07776145]
 [ 0.35348131]]
activations:  [array([[ 0.60251976],
       [-1.07776145],
       [ 0.35348131]]), array([[ 0.35362665],
       [-1.33727647]]), array([[ 1.6041206],
       [ 0.8160674],
       [ 1.1247545]])]
cost derivative:  [[ 1.00160084]
 [ 1.89382884]
 [ 0.77127319]]
unit step:  1
delta:  [[ 1.00160084]
 [ 1.89382884]
 [ 0.77127319]]
delta b updated:  [array([[ 0.20315917],
       [ 2.8902639 ]]), array([[ 1.00160084],
       [ 1.89382884],
       [ 0.77127319]])]
delta w updated: [array([[ 0.12240742, -0.21895712,  0.07181297],
       [ 1.7414411 , -3.115015  ,  1.02165425]]), array([[ 0.35419275, -1.33941724],
       [ 0.66970834, -2.53257274],
       [ 0.27274275, -1.03140549]])]
input:  [[-0.20310013]
 [-0.38840343]
 [ 0.82366671]]
activations:  [array([[-0.20310013],
       [-0.38840343],
       [ 0.82366671]]), array([[ 0.24877129],
       [-0.58805974]]), array([[ 0.84003857],
       [ 0.5400969 ],
       [ 0.61284824]])]
cost derivative:  [[ 1.0431387 ]
 [ 0.92850032]
 [-0.21081847]]
unit step:  1
delta:  [[ 1.0431387 ]
 [ 0.92850032]
 [-0.21081847]]
delta b updated:  [array([[ 0.16665834],
       [ 0.6848665 ]]), array([[ 1.0431387 ],
       [ 0.92850032],
       [-0.21081847]])]
delta w updated: [array([[-0.03384833, -0.06473067,  0.13727093],
       [-0.13909647, -0.26600449,  0.56410174]]), array([[ 0.25950296, -0.61342787],
       [ 0.23098422, -0.54601366],
       [-0.05244558,  0.12397386]])]
input:  [[ 0.79496623]
 [-1.10069716]
 [ 0.3404208 ]]
activations:  [array([[ 0.79496623],
       [-1.10069716],
       [ 0.3404208 ]]), array([[ 0.40124245],
       [-1.45148362]]), array([[ 1.76164054],
       [ 0.83447789],
       [ 1.22135608]])]
cost derivative:  [[ 0.96667432]
 [ 1.93517506]
 [ 0.88093528]]
unit step:  1
delta:  [[ 0.96667432]
 [ 1.93517506]
 [ 0.88093528]]
delta b updated:  [array([[ 0.22706064],
       [ 3.21350054]]), array([[ 0.96667432],
       [ 1.93517506],
       [ 0.88093528]])]
delta w updated: [array([[ 0.18050554, -0.24992501,  0.07729616],
       [ 2.55462439, -3.53709093,  1.09394242]]), array([[ 0.38787077, -1.40311194],
       [ 0.77647438, -2.8088749 ],
       [ 0.35346863, -1.27866313]])]
input:  [[-0.77334271]
 [-1.01494568]
 [ 0.37601468]]
activations:  [array([[-0.77334271],
       [-1.01494568],
       [ 0.37601468]]), array([[-0.00542426],
       [-0.59500236]]), array([[ 0.50040743],
       [ 0.70988037],
       [ 0.46148714]])]
cost derivative:  [[ 1.27375014]
 [ 1.72482605]
 [ 0.08547247]]
unit step:  1
delta:  [[ 1.27375014]
 [ 1.72482605]
 [ 0.08547247]]
delta b updated:  [array([[-0.0034454 ],
       [ 1.12749743]]), array([[ 1.27375014],
       [ 1.72482605],
       [ 0.08547247]])]
delta w updated: [array([[ 0.00266447,  0.00349689, -0.00129552],
       [-0.87194192, -1.14434864,  0.42395558]]), array([[ -6.90914631e-03,  -7.57884337e-01],
       [ -9.35589735e-03,  -1.02627557e+00],
       [ -4.63624498e-04,  -5.08563185e-02]])]
input:  [[ 0.70617593]
 [-1.1138955 ]
 [ 0.32979354]]
activations:  [array([[ 0.70617593],
       [-1.1138955 ],
       [ 0.32979354]]), array([[ 0.37509482],
       [-1.41533916]]), array([[ 1.69445557],
       [ 0.83209238],
       [ 1.18283701]])]
cost derivative:  [[ 0.98827964]
 [ 1.94598789]
 [ 0.85304347]]
unit step:  1
delta:  [[ 0.98827964]
 [ 1.94598789]
 [ 0.85304347]]
delta b updated:  [array([[ 0.21390289],
       [ 3.13720748]]), array([[ 0.98827964],
       [ 1.94598789],
       [ 0.85304347]])]
delta w updated: [array([[ 0.15105307, -0.23826547,  0.07054379],
       [ 2.21542041, -3.49452131,  1.03463077]]), array([[ 0.37069857, -1.39875087],
       [ 0.72992998, -2.75423286],
       [ 0.31997219, -1.20734583]])]
input:  [[ 0.8708618 ]
 [-0.61292545]
 [ 0.68318458]]
activations:  [array([[ 0.8708618 ],
       [-0.61292545],
       [ 0.68318458]]), array([[ 0.49993083],
       [-1.26193409]]), array([[ 1.73551807],
       [ 0.67739629],
       [ 1.16662206]])]
cost derivative:  [[ 0.86465627]
 [ 1.29032174]
 [ 0.48343747]]
unit step:  1
delta:  [[ 0.86465627]
 [ 1.29032174]
 [ 0.48343747]]
delta b updated:  [array([[ 0.30549165],
       [ 2.00936958]]), array([[ 0.86465627],
       [ 1.29032174],
       [ 0.48343747]])]
delta w updated: [array([[ 0.26604101, -0.18724361,  0.20870719],
       [ 1.74988321, -1.23159376,  1.37277032]]), array([[ 0.43226833, -1.09113922],
       [ 0.64507162, -1.62830099],
       [ 0.2416853 , -0.61006622]])]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.88628836]
 [-0.1636171 ]
 [ 0.97042779]]
dot product : [[-0.50583285]
 [-0.3305529 ]]
result : [[ 0.10159563]
 [-0.12761621]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.10159563]
 [-0.12761621]]
dot product : [[ 0.24313248]
 [-0.00917291]
 [ 0.13798562]]
result : [[ 0.25700428]
 [ 0.42331489]
 [ 0.24738653]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.87806208]
 [-0.48202356]
 [ 0.74758014]]
dot product : [[-0.55506101]
 [-0.48893628]]
result : [[ 0.05236747]
 [-0.28599959]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.05236747]
 [-0.28599959]]
dot product : [[ 0.30749199]
 [ 0.09560087]
 [ 0.20234921]]
result : [[ 0.32136378]
 [ 0.52808867]
 [ 0.31175012]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.87822135]
 [-0.1243584 ]
 [ 0.99804596]]
dot product : [[-0.49733075]
 [-0.31577229]]
result : [[ 0.11009773]
 [-0.11283561]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.11009773]
 [-0.11283561]]
dot product : [[ 0.24241806]
 [-0.02153988]
 [ 0.13436179]]
result : [[ 0.25628985]
 [ 0.41094791]
 [ 0.2437627 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.48980896]
 [-0.14139571]
 [ 0.99217199]]
dot product : [[-0.39604792]
 [-0.52707746]]
result : [[ 0.21138056]
 [-0.32414077]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.21138056]
 [-0.32414077]]
dot product : [[ 0.55435582]
 [ 0.00762198]
 [ 0.32202525]]
result : [[ 0.56822762]
 [ 0.44010977]
 [ 0.43142616]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.82850036]
 [-0.03459315]
 [ 1.06168277]]
dot product : [[-0.46951357]
 [-0.29832718]]
result : [[ 0.13791491]
 [-0.0953905 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.13791491]
 [-0.0953905 ]]
dot product : [[ 0.26565324]
 [-0.04791814]
 [ 0.14092643]]
result : [[ 0.27952503]
 [ 0.38456966]
 [ 0.25032734]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.8624718 ]
 [-0.58812709]
 [ 0.67352033]]
dot product : [[-0.56802389]
 [-0.54843226]]
result : [[ 0.03940459]
 [-0.34549557]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.03940459]
 [-0.34549557]]
dot product : [[ 0.33915552]
 [ 0.13129507]
 [ 0.22989833]]
result : [[ 0.35302732]
 [ 0.56378287]
 [ 0.33929924]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.35658302]
 [-0.24992639]
 [ 0.91824693]]
dot product : [[-0.37789458]
 [-0.64924745]]
result : [[ 0.2295339 ]
 [-0.44631076]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.2295339 ]
 [-0.44631076]]
dot product : [[ 0.67999745]
 [ 0.05125325]
 [ 0.40589176]]
result : [[ 0.69386925]
 [ 0.48374105]
 [ 0.51529267]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.85550694]
 [-1.02321488]
 [ 0.39562474]]
dot product : [[-0.17814844]
 [-1.65713188]]
result : [[ 0.42928003]
 [-1.45419519]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.42928003]
 [-1.45419519]]
dot product : [[ 1.78420327]
 [ 0.3780877 ]
 [ 1.1282526 ]]
result : [[ 1.79807507]
 [ 0.81057549]
 [ 1.23765351]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.62740077]
 [-0.05140675]
 [ 1.05304444]]
dot product : [[-0.41836565]
 [-0.41159769]]
result : [[ 0.18906283]
 [-0.208661  ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.18906283]
 [-0.208661  ]]
dot product : [[ 0.42860963]
 [-0.03020218]
 [ 0.23960633]]
result : [[ 0.44248142]
 [ 0.40228561]
 [ 0.34900724]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.207027  ]
 [-0.77506961]
 [ 0.55928504]]
dot product : [[-0.31175902]
 [-1.19802703]]
result : [[ 0.29566946]
 [-0.99509034]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.29566946]
 [-0.99509034]]
dot product : [[ 1.22350803]
 [ 0.25745082]
 [ 0.77322048]]
result : [[ 1.23737983]
 [ 0.68993861]
 [ 0.88262139]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.39129169]
 [-0.9345011 ]
 [ 0.45051071]]
dot product : [[-0.28815704]
 [-1.37151171]]
result : [[ 0.31927144]
 [-1.16857503]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.31927144]
 [-1.16857503]]
dot product : [[ 1.39897577]
 [ 0.3208503 ]
 [ 0.89098634]]
result : [[ 1.41284756]
 [ 0.7533381 ]
 [ 1.00038725]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.22549134]
 [-0.36763205]
 [ 0.83786346]]
dot product : [[-0.36179491]
 [-0.7747416 ]]
result : [[ 0.24563357]
 [-0.57180492]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.24563357]
 [-0.57180492]]
dot product : [[ 0.8056081 ]
 [ 0.09775965]
 [ 0.49048696]]
result : [[ 0.81947989]
 [ 0.53024744]
 [ 0.59988787]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.66848697]
 [-0.03190354]
 [ 1.06606158]]
dot product : [[-0.42622013]
 [-0.38068002]]
result : [[ 0.18120835]
 [-0.17774333]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.18120835]
 [-0.17774333]]
dot product : [[ 0.39239863]
 [-0.03908379]
 [ 0.21639434]]
result : [[ 0.40627043]
 [ 0.39340401]
 [ 0.32579525]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.16203029]
 [-0.7336841 ]
 [ 0.58756508]]
dot product : [[-0.3171263 ]
 [-1.15447571]]
result : [[ 0.29030218]
 [-0.95153902]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.29030218]
 [-0.95153902]]
dot product : [[ 1.18021407]
 [ 0.24116559]
 [ 0.74399676]]
result : [[ 1.19408587]
 [ 0.67365338]
 [ 0.85339767]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.24775025]
 [-0.34713934]
 [ 0.85186713]]
dot product : [[-0.36444673]
 [-0.75318794]]
result : [[ 0.24298175]
 [-0.55025125]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.24298175]
 [-0.55025125]]
dot product : [[ 0.78418784]
 [ 0.08969709]
 [ 0.47602678]]
result : [[ 0.79805964]
 [ 0.52218488]
 [ 0.5854277 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.02509018]
 [-0.60471442]
 [ 0.6757454 ]]
dot product : [[-0.332973  ]
 [-1.02047316]]
result : [[ 0.27445548]
 [-0.81753647]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.27445548]
 [-0.81753647]]
dot product : [[ 1.04790768]
 [ 0.19061528]
 [ 0.6544858 ]]
result : [[ 1.06177948]
 [ 0.62310307]
 [ 0.76388671]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.7804745 ]
 [-0.01245835]
 [ 1.07793242]]
dot product : [[-0.45307463]
 [-0.31272349]]
result : [[ 0.15435385]
 [-0.1097868 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.15435385]
 [-0.1097868 ]]
dot product : [[ 0.29982136]
 [-0.05225114]
 [ 0.15952753]]
result : [[ 0.31369316]
 [ 0.38023665]
 [ 0.26892844]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.61887301]
 [-0.05599051]
 [ 1.04996748]]
dot product : [[-0.41682193]
 [-0.41827413]]
result : [[ 0.19060655]
 [-0.21533744]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.19060655]
 [-0.21533744]]
dot product : [[ 0.43622278]
 [-0.0281833 ]
 [ 0.24452588]]
result : [[ 0.45009457]
 [ 0.4043045 ]
 [ 0.35392679]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.88021093]
 [-0.91040425]
 [ 0.47500981]]
dot product : [[-0.1533095]
 [-1.6154559]]
result : [[ 0.45411898]
 [-1.41251922]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.45411898]
 [-1.41251922]]
dot product : [[ 1.78336159]
 [ 0.34264345]
 [ 1.11856276]]
result : [[ 1.79723339]
 [ 0.77513125]
 [ 1.22796367]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.35980925]
 [-0.90878401]
 [ 0.46802911]]
dot product : [[-0.29243546]
 [-1.34260784]]
result : [[ 0.31499302]
 [-1.13967115]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.31499302]
 [-1.13967115]]
dot product : [[ 1.36927279]
 [ 0.31051681]
 [ 0.8711546 ]]
result : [[ 1.38314458]
 [ 0.74300461]
 [ 0.98055551]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.84595787]
 [-0.05303528]
 [ 1.04849575]]
dot product : [[-0.47716842]
 [-0.29812495]]
result : [[ 0.13026006]
 [-0.09518826]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.13026006]
 [-0.09518826]]
dot product : [[ 0.25512084]
 [-0.04293848]
 [ 0.13613884]]
result : [[ 0.26899264]
 [ 0.38954931]
 [ 0.24553976]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.83309753]
 [-0.03868815]
 [ 1.0587434 ]]
dot product : [[-0.47140636]
 [-0.29790545]]
result : [[ 0.13602212]
 [-0.09496876]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.13602212]
 [-0.09496876]]
dot product : [[ 0.26274143]
 [-0.04685619]
 [ 0.13952111]]
result : [[ 0.27661322]
 [ 0.38563161]
 [ 0.24892202]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.11248479]
 [-0.47366382]
 [ 0.76537305]]
dot product : [[-0.34865362]
 [-0.88513171]]
result : [[ 0.25877486]
 [-0.68219502]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.25877486]
 [-0.68219502]]
dot product : [[ 0.91471862]
 [ 0.13934495]
 [ 0.56427828]]
result : [[ 0.92859042]
 [ 0.57183274]
 [ 0.6736792 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.79107532]
 [-0.15591211]
 [ 1.00198092]]
dot product : [[-0.05531258]
 [-1.20374358]]
result : [[ 0.5521159 ]
 [-1.00080689]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.5521159 ]
 [-1.00080689]]
dot product : [[ 1.57548004]
 [ 0.09014442]
 [ 0.93297936]]
result : [[ 1.58935183]
 [ 0.52263221]
 [ 1.04238027]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.85465634]
 [-0.63408057]
 [ 0.64146157]]
dot product : [[-0.57335332]
 [-0.57475588]]
result : [[ 0.03407516]
 [-0.3718192 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.03407516]
 [-0.3718192 ]]
dot product : [[ 0.35371449]
 [ 0.14681881]
 [ 0.24233475]]
result : [[ 0.36758629]
 [ 0.5793066 ]
 [ 0.35173566]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.17332101]
 [-0.74413054]
 [ 0.58042565]]
dot product : [[-0.31578952]
 [-1.16543368]]
result : [[ 0.29163896]
 [-0.96249699]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.29163896]
 [-0.96249699]]
dot product : [[ 1.19108876]
 [ 0.24527219]
 [ 0.75134141]]
result : [[ 1.20496056]
 [ 0.67775998]
 [ 0.86074232]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.51130396]
 [-1.02368072]
 [ 0.38993089]]
dot product : [[-0.27041719]
 [-1.47740932]]
result : [[ 0.33701129]
 [-1.27447263]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.33701129]
 [-1.27447263]]
dot product : [[ 1.51059672]
 [ 0.35734207]
 [ 0.96490436]]
result : [[ 1.52446852]
 [ 0.78982987]
 [ 1.07430527]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.77443049]
 [-0.01156442]
 [ 1.07865268]]
dot product : [[-0.45131137]
 [-0.31545068]]
result : [[ 0.15611711]
 [-0.112514  ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.15611711]
 [-0.112514  ]]
dot product : [[ 0.3044649 ]
 [-0.05217694]
 [ 0.16222765]]
result : [[ 0.31833669]
 [ 0.38031086]
 [ 0.27162856]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.80146246]
 [-0.89525142]
 [ 0.45939652]]
dot product : [[-0.60129193]
 [-0.7289508 ]]
result : [[ 0.00613655]
 [-0.52601411]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.00613655]
 [-0.52601411]]
dot product : [[ 0.44343651]
 [ 0.2355788 ]
 [ 0.31718252]]
result : [[ 0.45730831]
 [ 0.66806659]
 [ 0.42658343]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.53959763]
 [-1.04203725]
 [ 0.37751727]]
dot product : [[-0.26580393]
 [-1.5010842 ]]
result : [[ 0.34162455]
 [-1.29814751]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.34162455]
 [-1.29814751]]
dot product : [[ 1.53642758]
 [ 0.36507146]
 [ 0.98182439]]
result : [[ 1.55029938]
 [ 0.79755925]
 [ 1.0912253 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.87372259]
 [-0.95708859]
 [ 0.44221619]]
dot product : [[-0.16258821]
 [-1.63465523]]
result : [[ 0.44484027]
 [-1.43171854]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.44484027]
 [-1.43171854]]
dot product : [[ 1.78667968]
 [ 0.35753808]
 [ 1.12434612]]
result : [[ 1.80055148]
 [ 0.79002587]
 [ 1.23374703]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.86836884]
 [-0.59192698]
 [ 0.69785067]]
dot product : [[-0.10503838]
 [-1.45514792]]
result : [[ 0.5023901 ]
 [-1.25221123]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.5023901 ]
 [-1.25221123]]
dot product : [[ 1.71611413]
 [ 0.23762695]
 [ 1.05246884]]
result : [[ 1.72998593]
 [ 0.67011474]
 [ 1.16186975]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.88312251]
 [-0.87095692]
 [ 0.50267967]]
dot product : [[-0.1461578 ]
 [-1.59788878]]
result : [[ 0.46127068]
 [-1.39495209]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.46127068]
 [-1.39495209]]
dot product : [[ 1.7785136 ]
 [ 0.3299017 ]
 [ 1.11245517]]
result : [[ 1.79238539]
 [ 0.76238949]
 [ 1.22185608]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.87313736]
 [-0.63343154]
 [ 0.66885992]]
dot product : [[-0.1104653]
 [-1.4777257]]
result : [[ 0.49696318]
 [-1.27478901]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.49696318]
 [-1.27478901]]
dot product : [[ 1.72744248]
 [ 0.25150872]
 [ 1.06261375]]
result : [[ 1.74131427]
 [ 0.68399651]
 [ 1.17201466]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.87519723]
 [-0.65344906]
 [ 0.65487403]]
dot product : [[-0.11314696]
 [-1.48848943]]
result : [[ 0.49428152]
 [-1.28555275]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.49428152]
 [-1.28555275]]
dot product : [[ 1.73271529]
 [ 0.25818928]
 [ 1.06739266]]
result : [[ 1.74658708]
 [ 0.69067708]
 [ 1.17679357]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.49957509]
 [-0.13409692]
 [ 0.99713094]]
dot product : [[-0.39748479]
 [-0.51843974]]
result : [[ 0.20994369]
 [-0.31550306]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.20994369]
 [-0.31550306]]
dot product : [[ 0.54526497]
 [ 0.00463876]
 [ 0.31600217]]
result : [[ 0.55913677]
 [ 0.43712655]
 [ 0.42540308]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.88454188]
 [-0.15320278]
 [ 0.97774804]]
dot product : [[-0.50368286]
 [-0.32642627]]
result : [[ 0.10374562]
 [-0.12348958]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.10374562]
 [-0.12348958]]
dot product : [[ 0.24263008]
 [-0.01247744]
 [ 0.13683747]]
result : [[ 0.25650188]
 [ 0.42001036]
 [ 0.24623839]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.85867859]
 [-0.61084914]
 [ 0.65766752]]
dot product : [[-0.57067814]
 [-0.56141096]]
result : [[ 0.03675034]
 [-0.35847427]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.03675034]
 [-0.35847427]]
dot product : [[ 0.3462977 ]
 [ 0.13896658]
 [ 0.23601381]]
result : [[ 0.3601695 ]
 [ 0.57145437]
 [ 0.34541472]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.85618893]
 [-0.50293269]
 [ 0.75998228]]
dot product : [[-0.09392567]
 [-1.40571434]]
result : [[ 0.51350281]
 [-1.20277765]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.51350281]
 [-1.20277765]]
dot product : [[ 1.69026914]
 [ 0.20774288]
 [ 1.02978767]]
result : [[ 1.70414094]
 [ 0.64023067]
 [ 1.13918858]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.65264831]
 [-1.09966686]
 [ 0.33892295]]
dot product : [[-0.24483251]
 [-1.58807468]]
result : [[ 0.36259597]
 [-1.385138  ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.36259597]
 [-1.385138  ]]
dot product : [[ 1.636784  ]
 [ 0.39080831]
 [ 1.04644629]]
result : [[ 1.6506558]
 [ 0.8232961]
 [ 1.1558472]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.8756188 ]
 [-0.94603947]
 [ 0.44998331]]
dot product : [[-0.16029557]
 [-1.63029969]]
result : [[ 0.44713291]
 [-1.42736301]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.44713291]
 [-1.42736301]]
dot product : [[ 1.78618108]
 [ 0.35403476]
 [ 1.12314854]]
result : [[ 1.80005287]
 [ 0.78652255]
 [ 1.23254945]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.88371996]
 [-0.780213  ]
 [ 0.56623579]]
dot product : [[-0.1313401 ]
 [-1.55428847]]
result : [[ 0.47608838]
 [-1.35135179]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.47608838]
 [-1.35135179]]
dot product : [[ 1.76251075]
 [ 0.30022042]
 [ 1.09550883]]
result : [[ 1.77638255]
 [ 0.73270821]
 [ 1.20490974]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.83586808]
 [-0.38015222]
 [ 0.84564697]]
dot product : [[-0.07953605]
 [-1.33567496]]
result : [[ 0.52789243]
 [-1.13273827]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.52789243]
 [-1.13273827]]
dot product : [[ 1.65181581]
 [ 0.16629996]
 [ 0.99682581]]
result : [[ 1.66568761]
 [ 0.59878776]
 [ 1.10622672]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.37036119]
 [-0.91749063]
 [ 0.46209653]]
dot product : [[-0.29101553]
 [-1.35233765]]
result : [[ 0.31641295]
 [-1.14940096]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.31641295]
 [-1.14940096]]
dot product : [[ 1.37924412]
 [ 0.31400879]
 [ 0.87781812]]
result : [[ 1.39311591]
 [ 0.74649658]
 [ 0.98721903]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.53025033]
 [-1.03611129]
 [ 0.38152138]]
dot product : [[-0.26735036]
 [-1.49332979]]
result : [[ 0.34007812]
 [-1.2903931 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.34007812]
 [-1.2903931 ]]
dot product : [[ 1.52791905]
 [ 0.36256326]
 [ 0.97626085]]
result : [[ 1.54179085]
 [ 0.79505105]
 [ 1.08566177]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.88051691]
 [-0.46227744]
 [ 0.76136981]]
dot product : [[-0.55252897]
 [-0.4780974 ]]
result : [[ 0.05489951]
 [-0.27516071]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.05489951]
 [-0.27516071]]
dot product : [[ 0.30195441]
 [ 0.08898521]
 [ 0.19743429]]
result : [[ 0.31582621]
 [ 0.521473  ]
 [ 0.3068352 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.6015206 ]
 [-0.06581055]
 [ 1.04336123]]
dot product : [[-0.41376036]
 [-0.432098  ]]
result : [[ 0.19366812]
 [-0.22916131]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.19366812]
 [-0.22916131]]
dot product : [[ 0.45180364]
 [-0.0239138 ]
 [ 0.25462985]]
result : [[ 0.46567544]
 [ 0.40857399]
 [ 0.36403076]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.72041262]
 [-1.11554813]
 [ 0.32885824]]
dot product : [[-0.22924736]
 [-1.63118684]]
result : [[ 0.37818112]
 [-1.42825016]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.37818112]
 [-1.42825016]]
dot product : [[ 1.69355026]
 [ 0.40012353]
 [ 1.08163805]]
result : [[ 1.70742205]
 [ 0.83261132]
 [ 1.19103896]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.41942256]
 [-0.19690025]
 [ 0.95440051]]
dot product : [[-0.38616072]
 [-0.59073487]]
result : [[ 0.22126776]
 [-0.38779818]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.22126776]
 [-0.38779818]]
dot product : [[ 0.62040209]
 [ 0.03007254]
 [ 0.36598553]]
result : [[ 0.63427388]
 [ 0.46256033]
 [ 0.47538644]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.86272391]
 [-0.54843756]
 [ 0.72821772]]
dot product : [[-0.0995256 ]
 [-1.43115144]]
result : [[ 0.50790288]
 [-1.22821475]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.50790288]
 [-1.22821475]]
dot product : [[ 1.70372848]
 [ 0.22304195]
 [ 1.0415309 ]]
result : [[ 1.71760028]
 [ 0.65552974]
 [ 1.15093181]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.31706324]
 [-0.8727042 ]
 [ 0.49262874]]
dot product : [[-0.29805693]
 [-1.30280071]]
result : [[ 0.30937155]
 [-1.09986403]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.30937155]
 [-1.09986403]]
dot product : [[ 1.32873191]
 [ 0.2961058 ]
 [ 0.844007  ]]
result : [[ 1.3426037 ]
 [ 0.72859359]
 [ 0.95340791]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.77815857]
 [-1.10857954]
 [ 0.33463877]]
dot product : [[-0.2126547 ]
 [-1.65800397]]
result : [[ 0.39477378]
 [-1.45506729]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.39477378]
 [-1.45506729]]
dot product : [[ 1.73820124]
 [ 0.40134742]
 [ 1.10773419]]
result : [[ 1.75207303]
 [ 0.83383522]
 [ 1.2171351 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.83110741]
 [-0.35401954]
 [ 0.86387311]]
dot product : [[-0.07659002]
 [-1.32054002]]
result : [[ 0.53083846]
 [-1.11760333]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.53083846]
 [-1.11760333]]
dot product : [[ 1.64328504]
 [ 0.15745278]
 [ 0.98960337]]
result : [[ 1.65715684]
 [ 0.58994057]
 [ 1.09900428]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.88234155]
 [-0.88453597]
 [ 0.49315826]]
dot product : [[-0.14856037]
 [-1.60405165]]
result : [[ 0.45886811]
 [-1.40111496]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.45886811]
 [-1.40111496]]
dot product : [[ 1.7803584 ]
 [ 0.33430126]
 [ 1.11466268]]
result : [[ 1.7942302 ]
 [ 0.76678905]
 [ 1.22406359]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.09382361]
 [-0.66987231]
 [ 0.63118801]]
dot product : [[-0.32508782]
 [-1.08793783]]
result : [[ 0.28234066]
 [-0.88500115]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.28234066]
 [-0.88500115]]
dot product : [[ 1.11439252]
 [ 0.21612684]
 [ 0.69949414]]
result : [[ 1.12826432]
 [ 0.64861464]
 [ 0.80889505]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.75549339]
 [-0.01066178]
 [ 1.0795801 ]]
dot product : [[-0.44609334]
 [-0.32491412]]
result : [[ 0.16133514]
 [-0.12197744]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.16133514]
 [-0.12197744]]
dot product : [[ 0.31935872]
 [-0.05132278]
 [ 0.1710481 ]]
result : [[ 0.33323051]
 [ 0.38116502]
 [ 0.28044901]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.54885873]
 [-1.04776523]
 [ 0.37365046]]
dot product : [[-0.26424861]
 [-1.50869774]]
result : [[ 0.34317987]
 [-1.30576106]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.34317987]
 [-1.30576106]]
dot product : [[ 1.54483162]
 [ 0.36750959]
 [ 0.98730941]]
result : [[ 1.55870342]
 [ 0.79999739]
 [ 1.09671032]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.13526893]
 [-0.45208366]
 [ 0.78013005]]
dot product : [[-0.35127047]
 [-0.86277721]]
result : [[ 0.25615801]
 [-0.65984053]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.25615801]
 [-0.65984053]]
dot product : [[ 0.89268326]
 [ 0.13089437]
 [ 0.54936223]]
result : [[ 0.90655506]
 [ 0.56338216]
 [ 0.65876314]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.26254751]
 [-0.82507121]
 [ 0.52513537]]
dot product : [[-0.30496471]
 [-1.25124962]]
result : [[ 0.30246377]
 [-1.04831294]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.30246377]
 [-1.04831294]]
dot product : [[ 1.2767345 ]
 [ 0.27719666]
 [ 0.80907716]]
result : [[ 1.29060629]
 [ 0.70968445]
 [ 0.91847807]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.46006334]
 [-0.16426831]
 [ 0.97661847]]
dot product : [[-0.39177523]
 [-0.55369683]]
result : [[ 0.21565325]
 [-0.35076014]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.21565325]
 [-0.35076014]]
dot product : [[ 0.58216126]
 [ 0.01691848]
 [ 0.34049221]]
result : [[ 0.59603306]
 [ 0.44940627]
 [ 0.44989312]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.26986321]
 [-0.32695589]
 [ 0.8656565 ]]
dot product : [[-0.36710942]
 [-0.73186022]]
result : [[ 0.24031906]
 [-0.52892354]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.24031906]
 [-0.52892354]]
dot product : [[ 0.76293979]
 [ 0.08174466]
 [ 0.46169462]]
result : [[ 0.77681158]
 [ 0.51423246]
 [ 0.57109554]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.45257334]
 [-0.98203513]
 [ 0.41817889]]
dot product : [[-0.27942105]
 [-1.42655211]]
result : [[ 0.32800743]
 [-1.22361543]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.32800743]
 [-1.22361543]]
dot product : [[ 1.45633509]
 [ 0.34013783]
 [ 0.92911003]]
result : [[ 1.47020689]
 [ 0.77262562]
 [ 1.03851094]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.80968627]
 [-0.24410611]
 [ 0.94051003]]
dot product : [[-0.06457351]
 [-1.256152  ]]
result : [[ 0.54285497]
 [-1.05321532]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.54285497]
 [-1.05321532]]
dot product : [[ 1.6062933 ]
 [ 0.12015686]
 [ 0.95856219]]
result : [[ 1.6201651 ]
 [ 0.55264465]
 [ 1.0679631 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.05949974]
 [-0.63741001]
 [ 0.65338569]]
dot product : [[-0.32903778]
 [-1.05428434]]
result : [[ 0.2783907 ]
 [-0.85134765]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.2783907 ]
 [-0.85134765]]
dot product : [[ 1.08120535]
 [ 0.20341186]
 [ 0.67703246]]
result : [[ 1.09507715]
 [ 0.63589966]
 [ 0.78643337]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.86435564]
 [-0.99724056]
 [ 0.41395221]]
dot product : [[-0.17158278]
 [-1.6491885 ]]
result : [[ 0.4358457 ]
 [-1.44625181]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.4358457 ]
 [-1.44625181]]
dot product : [[ 1.78652267]
 [ 0.37011866]
 [ 1.12752232]]
result : [[ 1.80039447]
 [ 0.80260646]
 [ 1.23692323]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.87031495]
 [-0.09903159]
 [ 1.01590529]]
dot product : [[-0.49112206]
 [-0.30764962]]
result : [[ 0.11630642]
 [-0.10471293]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.11630642]
 [-0.10471293]]
dot product : [[ 0.24410577]
 [-0.02935407]
 [ 0.13330702]]
result : [[ 0.25797757]
 [ 0.40313372]
 [ 0.24270793]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.61112977]
 [-1.08199651]
 [ 0.35064981]]
dot product : [[-0.25309885]
 [-1.55781795]]
result : [[ 0.35432963]
 [-1.35488126]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.35432963]
 [-1.35488126]]
dot product : [[ 1.60056206]
 [ 0.3825007 ]
 [ 1.02337703]]
result : [[ 1.61443385]
 [ 0.81498849]
 [ 1.13277794]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.84039431]
 [-0.40575427]
 [ 0.82778877]]
dot product : [[-0.08245917]
 [-1.35043056]]
result : [[ 0.52496931]
 [-1.14749387]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.52496931]
 [-1.14749387]]
dot product : [[ 1.66006382]
 [ 0.17495914]
 [ 1.00383618]]
result : [[ 1.67393561]
 [ 0.60744693]
 [ 1.11323709]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.11663588]
 [-0.69133326]
 [ 0.61651493]]
dot product : [[-0.32244419]
 [-1.11024934]]
result : [[ 0.28498429]
 [-0.90731265]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.28498429]
 [-0.90731265]]
dot product : [[ 1.13642859]
 [ 0.22454009]
 [ 0.71440091]]
result : [[ 1.15030039]
 [ 0.65702788]
 [ 0.82380182]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.78790495]
 [-0.95398039]
 [ 0.41848079]]
dot product : [[-0.60714697]
 [-0.76445864]]
result : [[  2.81511822e-04]
 [ -5.61521956e-01]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[  2.81511822e-04]
 [ -5.61521956e-01]]
dot product : [[ 0.46488111]
 [ 0.25563498]
 [ 0.33477117]]
result : [[ 0.4787529 ]
 [ 0.68812277]
 [ 0.44417208]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.12388573]
 [-0.46285611]
 [ 0.77276375]]
dot product : [[-0.34996157]
 [-0.87394129]]
result : [[ 0.25746691]
 [-0.67100461]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.25746691]
 [-0.67100461]]
dot product : [[ 0.90369069]
 [ 0.13511335]
 [ 0.5568127 ]]
result : [[ 0.91756248]
 [ 0.56760114]
 [ 0.66621361]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.33519014]
 [-0.26856694]
 [ 0.9055268 ]]
dot product : [[-0.37517555]
 [-0.66945207]]
result : [[ 0.23225293]
 [-0.46651539]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.23225293]
 [-0.46651539]]
dot product : [[ 0.70039277]
 [ 0.05865667]
 [ 0.41958905]]
result : [[ 0.71426456]
 [ 0.49114447]
 [ 0.52898996]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.36720003]
 [-0.24077752]
 [ 0.9244882 ]]
dot product : [[-0.37926051]
 [-0.63926962]]
result : [[ 0.22816797]
 [-0.43633293]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.22816797]
 [-0.43633293]]
dot product : [[ 0.66989408]
 [ 0.0476125 ]
 [ 0.39911338]]
result : [[ 0.68376588]
 [ 0.48010029]
 [ 0.50851429]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.6280486 ]
 [-1.08977712]
 [ 0.34546499]]
dot product : [[-0.24982399]
 [-1.57042822]]
result : [[ 0.35760449]
 [-1.36749154]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.35760449]
 [-1.36749154]]
dot product : [[ 1.61542783]
 [ 0.38607597]
 [ 1.03288788]]
result : [[ 1.62929962]
 [ 0.81856377]
 [ 1.14228879]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.84992859]
 [-0.05851777]
 [ 1.04459451]]
dot product : [[-0.47911754]
 [-0.29870215]]
result : [[ 0.12831094]
 [-0.09576547]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.12831094]
 [-0.09576547]]
dot product : [[ 0.2529591 ]
 [-0.04138411]
 [ 0.13529443]]
result : [[ 0.26683089]
 [ 0.39110368]
 [ 0.24469534]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.40909873]
 [-0.20541402]
 [ 0.94859942]]
dot product : [[-0.38477073]
 [-0.60025209]]
result : [[ 0.22265775]
 [-0.3973154 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.22265775]
 [-0.3973154 ]]
dot product : [[ 0.63015701]
 [ 0.03348751]
 [ 0.37250411]]
result : [[ 0.64402881]
 [ 0.4659753 ]
 [ 0.48190502]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.87164646]
 [-0.96772944]
 [ 0.43473216]]
dot product : [[-0.16486308]
 [-1.63871914]]
result : [[ 0.4425654 ]
 [-1.43578245]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.4425654 ]
 [-1.43578245]]
dot product : [[ 1.7869611 ]
 [ 0.36089678]
 [ 1.12538076]]
result : [[ 1.80083289]
 [ 0.79338457]
 [ 1.23478167]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.63635401]
 [-1.09331501]
 [ 0.34311697]]
dot product : [[-0.24817088]
 [-1.57648231]]
result : [[ 0.3592576 ]
 [-1.37354563]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.3592576 ]
 [-1.37354563]]
dot product : [[ 1.62267427]
 [ 0.38773885]
 [ 1.03750327]]
result : [[ 1.63654606]
 [ 0.82022665]
 [ 1.14690418]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.43987726]
 [-0.18029201]
 [ 0.96571207]]
dot product : [[-0.38895674]
 [-0.57200419]]
result : [[ 0.21847174]
 [-0.36906751]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.21847174]
 [-0.36906751]]
dot product : [[ 0.6011218 ]
 [ 0.02339164]
 [ 0.3531196 ]]
result : [[ 0.6149936 ]
 [ 0.45587943]
 [ 0.46252051]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.81535065]
 [-1.08557778]
 [ 0.35132659]]
dot product : [[-0.19897751]
 [-1.66631688]]
result : [[ 0.40845097]
 [-1.46338019]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.40845097]
 [-1.46338019]]
dot product : [[ 1.7635975 ]
 [ 0.39607273]
 [ 1.12102651]]
result : [[ 1.7774693 ]
 [ 0.82856052]
 [ 1.23042742]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.89248299]
 [-0.32136112]
 [ 0.85986509]]
dot product : [[-0.53297212]
 [-0.40364959]]
result : [[ 0.07445636]
 [-0.2007129 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.07445636]
 [-0.2007129 ]]
dot product : [[ 0.26685109]
 [ 0.04211028]
 [ 0.16499595]]
result : [[ 0.28072289]
 [ 0.47459807]
 [ 0.27439686]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.84182799]
 [-0.0479054 ]
 [ 1.05215254]]
dot product : [[-0.47523363]
 [-0.29780159]]
result : [[ 0.13219485]
 [-0.09486491]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.13219485]
 [-0.09486491]]
dot product : [[ 0.25747318]
 [-0.04436772]
 [ 0.13712578]]
result : [[ 0.27134498]
 [ 0.38812008]
 [ 0.2465267 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.88410719]
 [-0.84248988]
 [ 0.52263013]]
dot product : [[-0.14129583]
 [-1.58462784]]
result : [[ 0.46613265]
 [-1.38169116]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.46613265]
 [-1.38169116]]
dot product : [[ 1.77412733]
 [ 0.32063887]
 [ 1.10751754]]
result : [[ 1.78799912]
 [ 0.75312666]
 [ 1.21691845]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.80860522]
 [-0.02154802]
 [ 1.07112836]]
dot product : [[-0.46207758]
 [-0.30241551]]
result : [[ 0.1453509 ]
 [-0.09947882]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.1453509 ]
 [-0.09947882]]
dot product : [[ 0.27910393]
 [-0.05098233]
 [ 0.14789622]]
result : [[ 0.29297573]
 [ 0.38150546]
 [ 0.25729713]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.3062507 ]
 [-0.86339003]
 [ 0.49898272]]
dot product : [[-0.29944853]
 [-1.29264066]]
result : [[ 0.30797995]
 [-1.08970398]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.30797995]
 [-1.08970398]]
dot product : [[ 1.31844304]
 [ 0.29239904]
 [ 0.83710439]]
result : [[ 1.33231484]
 [ 0.72488683]
 [ 0.9465053 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.74738816]
 [-1.11543764]
 [ 0.32935628]]
dot product : [[-0.22200422]
 [-1.64523608]]
result : [[ 0.38542426]
 [-1.44229939]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.38542426]
 [-1.44229939]]
dot product : [[ 1.71497965]
 [ 0.40172515]
 [ 1.09442577]]
result : [[ 1.72885144]
 [ 0.83421295]
 [ 1.20382668]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.88050667]
 [-0.13357725]
 [ 0.99155448]]
dot product : [[-0.49943197]
 [-0.31903871]]
result : [[ 0.10799651]
 [-0.11610202]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.10799651]
 [-0.11610202]]
dot product : [[ 0.24227492]
 [-0.01865957]
 [ 0.13502709]]
result : [[ 0.25614671]
 [ 0.41382823]
 [ 0.24442801]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.85862676]
 [-1.01494338]
 [ 0.40146581]]
dot product : [[-0.17597673]
 [-1.65476018]]
result : [[ 0.43145175]
 [-1.4518235 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.43145175]
 [-1.4518235 ]]
dot product : [[ 1.78518199]
 [ 0.3755683 ]
 [ 1.12816342]]
result : [[ 1.79905378]
 [ 0.80805609]
 [ 1.23756433]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.85258341]
 [-0.47941491]
 [ 0.77639526]]
dot product : [[-0.09109261]
 [-1.3924487 ]]
result : [[ 0.51633587]
 [-1.18951202]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.51633587]
 [-1.18951202]]
dot product : [[ 1.68313172]
 [ 0.19982218]
 [ 1.02361023]]
result : [[ 1.69700351]
 [ 0.63230997]
 [ 1.13301114]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.40166683]
 [-0.94279731]
 [ 0.44486278]]
dot product : [[-0.28671816]
 [-1.38095049]]
result : [[ 0.32071032]
 [-1.1780138 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.32071032]
 [-1.1780138 ]]
dot product : [[ 1.40873199]
 [ 0.32419714]
 [ 0.89748798]]
result : [[ 1.42260378]
 [ 0.75668493]
 [ 1.00688889]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.64415088]
 [-0.04291088]
 [ 1.05873279]]
dot product : [[-0.42147979]
 [-0.39872949]]
result : [[ 0.18594869]
 [-0.1957928 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.18594869]
 [-0.1957928 ]]
dot product : [[ 0.41374813]
 [-0.03400146]
 [ 0.23003978]]
result : [[ 0.42761992]
 [ 0.39848634]
 [ 0.33944069]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.37776181]
 [-0.23174803]
 [ 0.93064673]]
dot product : [[-0.38063093]
 [-0.62937842]]
result : [[ 0.22679755]
 [-0.42644174]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.22679755]
 [-0.42644174]]
dot product : [[ 0.65985631]
 [ 0.04401419]
 [ 0.39238389]]
result : [[ 0.6737281 ]
 [ 0.47650199]
 [ 0.5017848 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.75381005]
 [-1.11467609]
 [ 0.32998973]]
dot product : [[-0.22016112]
 [-1.6482249 ]]
result : [[ 0.38726736]
 [-1.44528821]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.38726736]
 [-1.44528821]]
dot product : [[ 1.7199477 ]
 [ 0.40186566]
 [ 1.09733045]]
result : [[ 1.73381949]
 [ 0.83435345]
 [ 1.20673137]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.76825116]
 [-0.01096956]
 [ 1.07916561]]
dot product : [[-0.44956018]
 [-0.31839335]]
result : [[ 0.1578683 ]
 [-0.11545666]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.1578683 ]
 [-0.11545666]]
dot product : [[ 0.30927033]
 [-0.05199657]
 [ 0.16504881]]
result : [[ 0.32314213]
 [ 0.38049122]
 [ 0.27444972]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.85373844]
 [-0.0643567 ]
 [ 1.04044617]]
dot product : [[-0.48108114]
 [-0.29953594]]
result : [[ 0.12634734]
 [-0.09659925]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.12634734]
 [-0.09659925]]
dot product : [[ 0.25098999]
 [-0.03970325]
 [ 0.13459408]]
result : [[ 0.26486179]
 [ 0.39278454]
 [ 0.243995  ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.82007365]
 [-1.08094931]
 [ 0.3546415 ]]
dot product : [[-0.19696484]
 [-1.66654624]]
result : [[ 0.41046364]
 [-1.46360956]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.41046364]
 [-1.46360956]]
dot product : [[ 1.7665125 ]
 [ 0.39484371]
 [ 1.12239028]]
result : [[ 1.7803843 ]
 [ 0.82733151]
 [ 1.23179119]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.04380197]
 [-0.53903629]
 [ 0.72066461]]
dot product : [[-0.34081666]
 [-0.95267376]]
result : [[ 0.26661182]
 [-0.74973707]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.26661182]
 [-0.74973707]]
dot product : [[ 0.98120218]
 [ 0.16492371]
 [ 0.60930333]]
result : [[ 0.99507397]
 [ 0.5974115 ]
 [ 0.71870424]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.87704311]
 [-0.67298184]
 [ 0.64122427]]
dot product : [[-0.11580764]
 [-1.49890672]]
result : [[ 0.49162084]
 [-1.29597003]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.49162084]
 [-1.29597003]]
dot product : [[ 1.73772992]
 [ 0.26469811]
 [ 1.07197793]]
result : [[ 1.75160172]
 [ 0.6971859 ]
 [ 1.18137884]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.89356616]
 [-0.27608096]
 [ 0.89155731]]
dot product : [[-0.52594824]
 [-0.38117141]]
result : [[ 0.08148024]
 [-0.17823472]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.08148024]
 [-0.17823472]]
dot product : [[ 0.25776753]
 [ 0.0272158 ]
 [ 0.15588404]]
result : [[ 0.27163933]
 [ 0.45970359]
 [ 0.26528495]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.61963995]
 [-1.08600301]
 [ 0.34797682]]
dot product : [[-0.25146659]
 [-1.56420585]]
result : [[ 0.35596189]
 [-1.36126917]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.35596189]
 [-1.36126917]]
dot product : [[ 1.60805641]
 [ 0.38432947]
 [ 1.02817862]]
result : [[ 1.6219282 ]
 [ 0.81681726]
 [ 1.13757953]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.49203326]
 [-1.01050411]
 [ 0.39885779]]
dot product : [[-0.27345039]
 [-1.46095826]]
result : [[ 0.33397809]
 [-1.25802158]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.33397809]
 [-1.25802158]]
dot product : [[ 1.49288103]
 [ 0.35185688]
 [ 0.9532522 ]]
result : [[ 1.50675282]
 [ 0.78434467]
 [ 1.06265311]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.72135026]
 [-0.01485856]
 [ 1.07717359]]
dot product : [[-0.43762612]
 [-0.34479491]]
result : [[ 0.16980236]
 [-0.14185823]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.16980236]
 [-0.14185823]]
dot product : [[ 0.34726952]
 [-0.04787539]
 [ 0.18805702]]
result : [[ 0.36114132]
 [ 0.3846124 ]
 [ 0.29745793]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.84875027]
 [-0.45538179]
 [ 0.79316557]]
dot product : [[-0.08823728]
 [-1.37881469]]
result : [[ 0.5191912]
 [-1.175878 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.5191912]
 [-1.175878 ]]
dot product : [[ 1.67571972]
 [ 0.19171889]
 [ 1.01722686]]
result : [[ 1.68959152]
 [ 0.62420668]
 [ 1.12662777]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.23663819]
 [-0.35734895]
 [ 0.84489076]]
dot product : [[-0.36311955]
 [-0.7639379 ]]
result : [[ 0.24430893]
 [-0.56100121]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.24430893]
 [-0.56100121]]
dot product : [[ 0.79487747]
 [ 0.09371528]
 [ 0.48324164]]
result : [[ 0.80874926]
 [ 0.52620307]
 [ 0.59264255]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.54721097]
 [-0.10021561]
 [ 1.02011474]]
dot product : [[-0.4047711 ]
 [-0.47714011]]
result : [[ 0.20265738]
 [-0.27420342]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.20265738]
 [-0.27420342]]
dot product : [[ 0.50123516]
 [-0.00934916]
 [ 0.28695017]]
result : [[ 0.51510696]
 [ 0.42313863]
 [ 0.39635108]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.82464401]
 [-1.07597374]
 [ 0.3581971 ]]
dot product : [[-0.194937  ]
 [-1.66652784]]
result : [[ 0.41249148]
 [-1.46359115]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.41249148]
 [-1.46359115]]
dot product : [[ 1.76924309]
 [ 0.39349176]
 [ 1.12361567]]
result : [[ 1.78311489]
 [ 0.82597955]
 [ 1.23301658]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.78390241]
 [-1.10627369]
 [ 0.3363431 ]]
dot product : [[-0.21074377]
 [-1.65989099]]
result : [[ 0.39668471]
 [-1.4569543 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.39668471]
 [-1.4569543 ]]
dot product : [[ 1.74234971]
 [ 0.40094102]
 [ 1.11002369]]
result : [[ 1.7562215 ]
 [ 0.83342881]
 [ 1.21942461]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.78950553]
 [-1.1036475 ]
 [ 0.33826956]]
dot product : [[-0.2088188 ]
 [-1.66154942]]
result : [[ 0.39860968]
 [-1.45861273]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.39860968]
 [-1.45861273]]
dot product : [[ 1.74632812]
 [ 0.40042117]
 [ 1.11218556]]
result : [[ 1.76019991]
 [ 0.83290896]
 [ 1.22158647]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.88131382]
 [-0.72870994]
 [ 0.60226519]]
dot product : [[-0.12366539]
 [-1.52810728]]
result : [[ 0.48376309]
 [-1.3251706 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.48376309]
 [-1.3251706 ]]
dot product : [[ 1.75124525]
 [ 0.28320769]
 [ 1.08458717]]
result : [[ 1.76511705]
 [ 0.71569548]
 [ 1.19398808]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.57477534]
 [-0.08211458]
 [ 1.03236081]]
dot product : [[-0.4092303 ]
 [-0.45397014]]
result : [[ 0.19819818]
 [-0.25103346]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.19819818]
 [-0.25103346]]
dot product : [[ 0.47603059]
 [-0.0169506 ]
 [ 0.27042494]]
result : [[ 0.48990239]
 [ 0.4155372 ]
 [ 0.37982585]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.76625553]
 [-1.11224554]
 [ 0.33188589]]
dot product : [[-0.21643505]
 [-1.65355516]]
result : [[ 0.39099343]
 [-1.45061847]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.39099343]
 [-1.45061847]]
dot product : [[ 1.7294023 ]
 [ 0.40182531]
 [ 1.1027784 ]]
result : [[ 1.74327409]
 [ 0.8343131 ]
 [ 1.21217931]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.59381163]
 [-1.07330163]
 [ 0.35646866]]
dot product : [[-0.25633298]
 [-1.54455648]]
result : [[ 0.3510955 ]
 [-1.34161979]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.3510955 ]
 [-1.34161979]]
dot product : [[ 1.58521275]
 [ 0.37860176]
 [ 1.01350297]]
result : [[ 1.59908455]
 [ 0.81108955]
 [ 1.12290388]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.22934215]
 [-0.7953239 ]
 [ 0.54544921]]
dot product : [[-0.30905362]
 [-1.21949472]]
result : [[ 0.29837486]
 [-1.01655803]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.29837486]
 [-1.01655803]]
dot product : [[ 1.24492971]
 [ 0.26543871]
 [ 0.78766209]]
result : [[ 1.25880151]
 [ 0.6979265 ]
 [ 0.897063  ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.25882582]
 [-0.33700705]
 [ 0.85878993]]
dot product : [[-0.36577664]
 [-0.74249446]]
result : [[ 0.24165184]
 [-0.53955778]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.24165184]
 [-0.53955778]]
dot product : [[ 0.77354127]
 [ 0.08570643]
 [ 0.46884393]]
result : [[ 0.78741306]
 [ 0.51819422]
 [ 0.57824485]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.80028279]
 [-1.09741885]
 [ 0.34279947]]
dot product : [[-0.20492604]
 [-1.66416957]]
result : [[ 0.40250244]
 [-1.46123288]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.40250244]
 [-1.46123288]]
dot product : [[ 1.75376655]
 [ 0.39903569]
 [ 1.11612021]]
result : [[ 1.76763835]
 [ 0.83152349]
 [ 1.22552113]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.8411984 ]
 [-0.70686931]
 [ 0.59069842]]
dot product : [[-0.58150608]
 [-0.61701545]]
result : [[ 0.0259224 ]
 [-0.41407876]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.0259224 ]
 [-0.41407876]]
dot product : [[ 0.37763298]
 [ 0.17147335]
 [ 0.26254573]]
result : [[ 0.39150478]
 [ 0.60396114]
 [ 0.37194664]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.80372785]
 [-0.21526295]
 [ 0.9606156 ]]
dot product : [[-0.06151047]
 [-1.23907923]]
result : [[ 0.54591801]
 [-1.03614255]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.54591801]
 [-1.03614255]]
dot product : [[ 1.59631796]
 [ 0.11034931]
 [ 0.95025637]]
result : [[ 1.61018975]
 [ 0.5428371 ]
 [ 1.05965728]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.88232077]
 [-0.74634198]
 [ 0.58993341]]
dot product : [[-0.12624375]
 [-1.53716618]]
result : [[ 0.48118473]
 [-1.33422949]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.48118473]
 [-1.33422949]]
dot product : [[ 1.75524767]
 [ 0.28904311]
 [ 1.08841318]]
result : [[ 1.76911946]
 [ 0.7215309 ]
 [ 1.19781409]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.67638176]
 [-0.02871278]
 [ 1.06817291]]
dot product : [[-0.42781932]
 [-0.37500859]]
result : [[ 0.17960916]
 [-0.1720719 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.17960916]
 [-0.1720719 ]]
dot product : [[ 0.38554173]
 [-0.04060805]
 [ 0.21203983]]
result : [[ 0.39941352]
 [ 0.39187974]
 [ 0.32144075]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.8615769 ]
 [-1.00628655]
 [ 0.40757408]]
dot product : [[-0.17378823]
 [-1.6521133 ]]
result : [[ 0.43364025]
 [-1.44917662]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.43364025]
 [-1.44917662]]
dot product : [[ 1.7859558 ]
 [ 0.37291241]
 [ 1.12792051]]
result : [[ 1.7998276 ]
 [ 0.8054002 ]
 [ 1.23732142]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.85738571]
 [-0.07055587]
 [ 1.03604809]]
dot product : [[-0.48305939]
 [-0.30062906]]
result : [[ 0.12436909]
 [-0.09769237]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.12436909]
 [-0.09769237]]
dot product : [[ 0.24921557]
 [-0.03789454]
 [ 0.13403933]]
result : [[ 0.26308737]
 [ 0.39459326]
 [ 0.24344025]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.10106781]
 [-0.48450296]
 [ 0.75796058]]
dot product : [[-0.34734644]
 [-0.89634572]]
result : [[ 0.26008204]
 [-0.69340903]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.26008204]
 [-0.69340903]]
dot product : [[ 0.92576502]
 [ 0.14358781]
 [ 0.57175745]]
result : [[ 0.93963681]
 [ 0.57607561]
 [ 0.68115837]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.84591795]
 [-0.68208683]
 [ 0.60797968]]
dot product : [[-0.57876713]
 [-0.60255539]]
result : [[ 0.02866135]
 [-0.3996187 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.02866135]
 [-0.3996187 ]]
dot product : [[ 0.36938008]
 [ 0.16307083]
 [ 0.25559917]]
result : [[ 0.38325188]
 [ 0.59555863]
 [ 0.36500009]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.38826665]
 [-0.22284173]
 [ 0.93671988]]
dot product : [[-0.382006  ]
 [-0.61957661]]
result : [[ 0.22542248]
 [-0.41663992]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.22542248]
 [-0.41663992]]
dot product : [[ 0.64988617]
 [ 0.04045969]
 [ 0.38570482]]
result : [[ 0.66375796]
 [ 0.47294748]
 [ 0.49510573]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.77023174]
 [-0.06266718]
 [ 1.0669541 ]]
dot product : [[-0.0458338 ]
 [-1.14772371]]
result : [[ 0.56159468]
 [-0.94478702]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.56159468]
 [-0.94478702]]
dot product : [[ 1.54197432]
 [ 0.0583423 ]
 [ 0.90537736]]
result : [[ 1.55584612]
 [ 0.4908301 ]
 [ 1.01477827]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.79752477]
 [-0.18586622]
 [ 0.98110502]]
dot product : [[-0.05842355]
 [-1.22161067]]
result : [[ 0.54900493]
 [-1.01867399]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.54900493]
 [-1.01867399]]
dot product : [[ 1.58604755]
 [ 0.10034561]
 [ 0.94172927]]
result : [[ 1.59991935]
 [ 0.5328334 ]
 [ 1.05113018]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.82906   ]
 [-1.07064725]
 [ 0.36199604]]
dot product : [[-0.19289381]
 [-1.66625892]]
result : [[ 0.41453467]
 [-1.46332223]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.41453467]
 [-1.46332223]]
dot product : [[ 1.77178723]
 [ 0.39201551]
 [ 1.12470113]]
result : [[ 1.78565902]
 [ 0.82450331]
 [ 1.23410204]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.2844863 ]
 [-0.84443541]
 [ 0.51191699]]
dot product : [[-0.30221634]
 [-1.27208983]]
result : [[ 0.30521214]
 [-1.06915314]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.30521214]
 [-1.06915314]]
dot product : [[ 1.29769529]
 [ 0.2848702 ]
 [ 0.82317106]]
result : [[ 1.31156709]
 [ 0.717358  ]
 [ 0.93257197]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.32441767]
 [-0.27805098]
 [ 0.89905324]]
dot product : [[-0.37382212]
 [-0.67967338]]
result : [[ 0.23360636]
 [-0.47673669]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.23360636]
 [-0.47673669]]
dot product : [[ 0.71068062]
 [ 0.06241663]
 [ 0.42650489]]
result : [[ 0.72455241]
 [ 0.49490442]
 [ 0.5359058 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.01360924]
 [-0.59378189]
 [ 0.68322227]]
dot product : [[-0.33428222]
 [-1.00918051]]
result : [[ 0.27314626]
 [-0.80624383]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.27314626]
 [-0.80624383]]
dot product : [[ 1.03679347]
 [ 0.18633794]
 [ 0.64695853]]
result : [[ 1.05066527]
 [ 0.61882574]
 [ 0.75635944]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.81047671]
 [-1.08986298]
 [ 0.34824972]]
dot product : [[-0.20097516]
 [-1.66584248]]
result : [[ 0.40645332]
 [-1.4629058 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.40645332]
 [-1.4629058 ]]
dot product : [[ 1.76050014]
 [ 0.39718016]
 [ 1.11952588]]
result : [[ 1.77437194]
 [ 0.82966795]
 [ 1.22892679]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.88658559]
 [-0.40591942]
 [ 0.80074197]]
dot product : [[-0.54505105]
 [-0.44765203]]
result : [[ 0.06237743]
 [-0.24471535]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.06237743]
 [-0.24471535]]
dot product : [[ 0.28689506]
 [ 0.07016017]
 [ 0.18385172]]
result : [[ 0.30076685]
 [ 0.50264796]
 [ 0.29325263]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.4324114 ]
 [-0.96680394]
 [ 0.42853068]]
dot product : [[-0.28236109]
 [-1.40864087]]
result : [[ 0.32506739]
 [-1.20570419]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.32506739]
 [-1.20570419]]
dot product : [[ 1.43753765]
 [ 0.33392567]
 [ 0.91664458]]
result : [[ 1.45140945]
 [ 0.76641346]
 [ 1.02604549]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.74221482]
 [-0.01150444]
 [ 1.07919707]]
dot product : [[-0.44267283]
 [-0.33226388]]
result : [[ 0.16475565]
 [-0.1293272 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.16475565]
 [-0.1293272 ]]
dot product : [[ 0.33007012]
 [-0.05024061]
 [ 0.17751311]]
result : [[ 0.34394192]
 [ 0.38224718]
 [ 0.28691403]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.83105005]
 [-0.75801209]
 [ 0.55504205]]
dot product : [[-0.58704887]
 [-0.64706989]]
result : [[ 0.02037961]
 [-0.44413321]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.02037961]
 [-0.44413321]]
dot product : [[ 0.39498924]
 [ 0.18883815]
 [ 0.27707518]]
result : [[ 0.40886103]
 [ 0.62132594]
 [ 0.38647609]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.21820126]
 [-0.78523648]
 [ 0.55233957]]
dot product : [[-0.31040826]
 [-1.20878882]]
result : [[ 0.29702022]
 [-1.00585214]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.29702022]
 [-1.00585214]]
dot product : [[ 1.23423935]
 [ 0.26145879]
 [ 0.78045675]]
result : [[ 1.24811115]
 [ 0.69394658]
 [ 0.88985766]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.1280158 ]
 [-0.70199809]
 [ 0.60922395]]
dot product : [[-0.32111878]
 [-1.12135963]]
result : [[ 0.2863097 ]
 [-0.91842294]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.2863097 ]
 [-0.91842294]]
dot product : [[ 1.14741387]
 [ 0.22872362]
 [ 0.72182938]]
result : [[ 1.16128567]
 [ 0.66121141]
 [ 0.8312303 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.89352823]
 [-0.26187376]
 [ 0.90150702]]
dot product : [[-0.52364322]
 [-0.37431612]]
result : [[ 0.08378526]
 [-0.17137943]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.08378526]
 [-0.17137943]]
dot product : [[ 0.25521786]
 [ 0.02256541]
 [ 0.15320446]]
result : [[ 0.26908965]
 [ 0.45505321]
 [ 0.26260537]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.87538845]
 [-0.50225611]
 [ 0.73345324]]
dot product : [[-0.55761301]
 [-0.50012494]]
result : [[ 0.04981547]
 [-0.29718826]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.04981547]
 [-0.29718826]]
dot product : [[ 0.31329188]
 [ 0.10238912]
 [ 0.20746038]]
result : [[ 0.32716367]
 [ 0.53487691]
 [ 0.31686129]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.66048242]
 [-0.03533603]
 [ 1.06378268]]
dot product : [[-0.42463058]
 [-0.38652581]]
result : [[ 0.1827979 ]
 [-0.18358912]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.1827979 ]
 [-0.18358912]]
dot product : [[ 0.3993867 ]
 [-0.03747369]
 [ 0.22084685]]
result : [[ 0.41325849]
 [ 0.3950141 ]
 [ 0.33024776]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.45000473]
 [-0.17220518]
 [ 0.97121724]]
dot product : [[-0.3903631 ]
 [-0.56279623]]
result : [[ 0.21706538]
 [-0.35985954]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.21706538]
 [-0.35985954]]
dot product : [[ 0.59160054]
 [ 0.02012841]
 [ 0.34677532]]
result : [[ 0.60547234]
 [ 0.45261621]
 [ 0.45617623]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.73538449]
 [-0.01234762]
 [ 1.07871312]]
dot product : [[-0.44097955]
 [-0.33624278]]
result : [[ 0.16644893]
 [-0.1333061 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.16644893]
 [-0.1333061 ]]
dot product : [[ 0.33565433]
 [-0.04954978]
 [ 0.18091643]]
result : [[ 0.34952613]
 [ 0.38293801]
 [ 0.29031735]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.0896365]
 [-0.4953697]
 [ 0.750529 ]]
dot product : [[-0.34603989]
 [-0.90758058]]
result : [[ 0.26138859]
 [-0.7046439 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.26138859]
 [-0.7046439 ]]
dot product : [[ 0.93682782]
 [ 0.14784059]
 [ 0.57924867]]
result : [[ 0.95069962]
 [ 0.58032839]
 [ 0.68864958]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.83742212]
 [-1.05892622]
 [ 0.37033453]]
dot product : [[-0.18876078]
 [-1.66495858]]
result : [[ 0.4186677 ]
 [-1.46202189]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.4186677 ]
 [-1.46202189]]
dot product : [[ 1.77630793]
 [ 0.38868472]
 [ 1.12644615]]
result : [[ 1.79017973]
 [ 0.82117251]
 [ 1.23584706]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.56711552]
 [-1.05861197]
 [ 0.36633933]]
dot product : [[-0.26111065]
 [-1.52349125]]
result : [[ 0.34631783]
 [-1.32055457]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.34631783]
 [-1.32055457]]
dot product : [[ 1.56131803]
 [ 0.37217022]
 [ 0.99803775]]
result : [[ 1.57518983]
 [ 0.80465802]
 [ 1.10743866]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.80786871]
 [-0.86671599]
 [ 0.47927961]]
dot product : [[-0.59839855]
 [-0.71179282]]
result : [[ 0.00902993]
 [-0.50885613]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.00902993]
 [-0.50885613]]
dot product : [[ 0.43316096]
 [ 0.22584483]
 [ 0.30872249]]
result : [[ 0.44703276]
 [ 0.65833263]
 [ 0.4181234 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.65236982]
 [-0.03900642]
 [ 1.06133886]]
dot product : [[-0.42305052]
 [-0.39254321]]
result : [[ 0.18437796]
 [-0.18960653]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.18437796]
 [-0.18960653]]
dot product : [[ 0.40650388]
 [-0.03577913]
 [ 0.22539585]]
result : [[ 0.42037568]
 [ 0.39670866]
 [ 0.33479676]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.56567595]
 [-0.08795369]
 [ 1.02841365]]
dot product : [[-0.40773624]
 [-0.46155292]]
result : [[ 0.19969224]
 [-0.25861623]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.19969224]
 [-0.25861623]]
dot product : [[ 0.48432623]
 [-0.01448589]
 [ 0.27585427]]
result : [[ 0.49819802]
 [ 0.4180019 ]
 [ 0.38525518]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.52840239]
 [-0.11323031]
 [ 1.01129402]]
dot product : [[-0.40183553]
 [-0.49327121]]
result : [[ 0.20559295]
 [-0.29033453]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.20559295]
 [-0.29033453]]
dot product : [[ 0.518554  ]
 [-0.00394505]
 [ 0.29835216]]
result : [[ 0.5324258 ]
 [ 0.42854275]
 [ 0.40775307]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.69887632]
 [-1.1126556 ]
 [ 0.330548  ]]
dot product : [[-0.23454856]
 [-1.618528  ]]
result : [[ 0.37287992]
 [-1.41559132]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.37287992]
 [-1.41559132]]
dot product : [[ 1.67590054]
 [ 0.39786869]
 [ 1.07086282]]
result : [[ 1.68977234]
 [ 0.83035648]
 [ 1.18026373]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.39871286]
 [-0.21406246]
 [ 0.94270499]]
dot product : [[-0.38338588]
 [-0.60986692]]
result : [[ 0.2240426 ]
 [-0.40693023]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.2240426 ]
 [-0.40693023]]
dot product : [[ 0.63998572]
 [ 0.03695034]
 [ 0.37907772]]
result : [[ 0.65385752]
 [ 0.46943813]
 [ 0.48847863]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.89074637]
 [-0.35380162]
 [ 0.83717451]]
dot product : [[-0.53774702]
 [-0.42025604]]
result : [[ 0.06968146]
 [-0.21731935]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.06968146]
 [-0.21731935]]
dot product : [[ 0.27412273]
 [ 0.05283959]
 [ 0.17198019]]
result : [[ 0.28799452]
 [ 0.48532738]
 [ 0.2813811 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.18059023]
 [-0.40942288]
 [ 0.80929809]]
dot product : [[-0.3565187 ]
 [-0.81843908]]
result : [[ 0.25090978]
 [-0.61550239]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.25090978]
 [-0.61550239]]
dot product : [[ 0.84889964]
 [ 0.1141718 ]
 [ 0.51974225]]
result : [[ 0.86277143]
 [ 0.54665959]
 [ 0.62914316]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.86939212]
 [-0.97796583]
 [ 0.42752859]]
dot product : [[-0.16712036]
 [-1.64249416]]
result : [[ 0.44030812]
 [-1.43955747]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.44030812]
 [-1.43955747]]
dot product : [[ 1.78702737]
 [ 0.36411221]
 [ 1.12625398]]
result : [[ 1.80089917]
 [ 0.7966    ]
 [ 1.23565489]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.87312378]
 [-0.10708939]
 [ 1.01021872]]
dot product : [[-0.49317596]
 [-0.31008049]]
result : [[ 0.11425252]
 [-0.1071438 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.11425252]
 [-0.1071438 ]]
dot product : [[ 0.24333553]
 [-0.02688578]
 [ 0.13350329]]
result : [[ 0.25720733]
 [ 0.40560202]
 [ 0.2429042 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.8800997 ]
 [-0.71060845]
 [ 0.6149225 ]]
dot product : [[-0.12106669]
 [-1.5187129 ]]
result : [[ 0.48636179]
 [-1.31577622]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.48636179]
 [-1.31577622]]
dot product : [[ 1.74699285]
 [ 0.27720595]
 [ 1.08057364]]
result : [[ 1.76086465]
 [ 0.70969375]
 [ 1.18997456]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.55803192]
 [-1.05329141]
 [ 0.36992359]]
dot product : [[-0.26268423]
 [-1.51616767]]
result : [[ 0.34474425]
 [-1.31323099]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.34474425]
 [-1.31323099]]
dot product : [[ 1.55312912]
 [ 0.3698763 ]
 [ 0.99271437]]
result : [[ 1.56700092]
 [ 0.80236409]
 [ 1.10211528]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.82561786]
 [-0.78438004]
 [ 0.53666163]]
dot product : [[-0.58985304]
 [-0.66266976]]
result : [[ 0.01757544]
 [-0.45973307]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.01757544]
 [-0.45973307]]
dot product : [[ 0.40409669]
 [ 0.19780315]
 [ 0.28466116]]
result : [[ 0.41796849]
 [ 0.63029095]
 [ 0.39406207]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.87867669]
 [-0.69203369]
 [ 0.62790797]]
dot product : [[-0.1184475]
 [-1.5089803]]
result : [[ 0.48898098]
 [-1.30604361]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.48898098]
 [-1.30604361]]
dot product : [[ 1.74248843]
 [ 0.27103654]
 [ 1.07637107]]
result : [[ 1.75636022]
 [ 0.70352434]
 [ 1.18577199]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.81380157]
 [-0.02431671]
 [ 1.06910845]]
dot product : [[-0.46391662]
 [-0.3010387 ]]
result : [[ 0.14351186]
 [-0.09810201]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.14351186]
 [-0.09810201]]
dot product : [[ 0.27547484]
 [-0.05039111]
 [ 0.14595456]]
result : [[ 0.28934664]
 [ 0.38209668]
 [ 0.25535547]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.89171727]
 [-0.33735345]
 [ 0.84867781]]
dot product : [[-0.53535024]
 [-0.41178889]]
result : [[ 0.07207824]
 [-0.2088522 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.07207824]
 [-0.2088522 ]]
dot product : [[ 0.27036395]
 [ 0.04739406]
 [ 0.16839608]]
result : [[ 0.28423575]
 [ 0.47988186]
 [ 0.27779699]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.00935906]
 [-0.57188877]
 [ 0.69819556]]
dot product : [[-0.33689784]
 [-0.98657829]]
result : [[ 0.27053064]
 [-0.78364161]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.27053064]
 [-0.78364161]]
dot product : [[ 1.01455485]
 [ 0.17777369]
 [ 0.63189561]]
result : [[ 1.02842665]
 [ 0.61026149]
 [ 0.74129652]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.02084301]
 [-0.56093583]
 [ 0.70568668]]
dot product : [[-0.33820457]
 [-0.9752742 ]]
result : [[ 0.26922391]
 [-0.77233752]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.26922391]
 [-0.77233752]]
dot product : [[ 1.00343454]
 [ 0.17348949]
 [ 0.62436303]]
result : [[ 1.01730634]
 [ 0.60597729]
 [ 0.73376395]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.19185916]
 [-0.39888405]
 [ 0.81650256]]
dot product : [[-0.35783473]
 [-0.80744779]]
result : [[ 0.24959375]
 [-0.60451111]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.24959375]
 [-0.60451111]]
dot product : [[ 0.8380255 ]
 [ 0.11003627]
 [ 0.5123904 ]]
result : [[ 0.85189729]
 [ 0.54252407]
 [ 0.62179131]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.41197964]
 [-0.95094907]
 [ 0.43931503]]
dot product : [[-0.28527265]
 [-1.39028677]]
result : [[ 0.32215583]
 [-1.18735008]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.32215583]
 [-1.18735008]]
dot product : [[ 1.41841241]
 [ 0.32749288]
 [ 0.90393259]]
result : [[ 1.4322842 ]
 [ 0.75998067]
 [ 1.0133335 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.89329364]
 [-0.24810329]
 [ 0.91115396]]
dot product : [[-0.52135607]
 [-0.36777498]]
result : [[ 0.08607241]
 [-0.16483829]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.08607241]
 [-0.16483829]]
dot product : [[ 0.25290385]
 [ 0.01806999]
 [ 0.15070117]]
result : [[ 0.26677564]
 [ 0.45055778]
 [ 0.26010208]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.29539115]
 [-0.85396583]
 [ 0.50541302]]
dot product : [[-0.30083495]
 [-1.28240279]]
result : [[ 0.30659353]
 [-1.0794661 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.30659353]
 [-1.0794661 ]]
dot product : [[ 1.30809682]
 [ 0.28865339]
 [ 0.83015856]]
result : [[ 1.32196862]
 [ 0.72114118]
 [ 0.93955947]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.79214976]
 [-0.01515875]
 [ 1.0758593 ]]
dot product : [[-0.456638  ]
 [-0.30792647]]
result : [[ 0.15079048]
 [-0.10498979]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.15079048]
 [-0.10498979]]
dot product : [[ 0.29102819]
 [-0.05207565]
 [ 0.15449654]]
result : [[ 0.30489999]
 [ 0.38041214]
 [ 0.26389745]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.55648726]
 [-0.09398864]
 [ 1.02433075]]
dot product : [[-0.40624989]
 [-0.46927715]]
result : [[ 0.20117859]
 [-0.26634046]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.20117859]
 [-0.26634046]]
dot product : [[ 0.49272843]
 [-0.01195163]
 [ 0.28136319]]
result : [[ 0.50660023]
 [ 0.42053616]
 [ 0.39076411]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.15071471]
 [-0.72317733]
 [ 0.59474638]]
dot product : [[-0.31846   ]
 [-1.14347555]]
result : [[ 0.28896848]
 [-0.94053887]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.28896848]
 [-0.94053887]]
dot product : [[ 1.16930866]
 [ 0.23703773]
 [ 0.73662884]]
result : [[ 1.18318045]
 [ 0.66952552]
 [ 0.84602976]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.42222839]
 [-0.95895256]
 [ 0.43387011]]
dot product : [[-0.28382035]
 [-1.39951781]]
result : [[ 0.32360813]
 [-1.19658112]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.32360813]
 [-1.19658112]]
dot product : [[ 1.42801498]
 [ 0.33073618]
 [ 0.91031864]]
result : [[ 1.44188677]
 [ 0.76322397]
 [ 1.01971955]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.86937796]
 [-0.5441958 ]
 [ 0.70417715]]
dot product : [[-0.56277755]
 [-0.52356259]]
result : [[ 0.04465093]
 [-0.3206259 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.04465093]
 [-0.3206259 ]]
dot product : [[ 0.32568678]
 [ 0.11648879]
 [ 0.21827764]]
result : [[ 0.33955858]
 [ 0.54897659]
 [ 0.32767855]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.73415457]
 [-1.11607237]
 [ 0.32870542]]
dot product : [[-0.22565131]
 [-1.63862477]]
result : [[ 0.38177717]
 [-1.43568809]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.38177717]
 [-1.43568809]]
dot product : [[ 1.70457229]
 [ 0.40112955]
 [ 1.08826263]]
result : [[ 1.71844409]
 [ 0.83361734]
 [ 1.19766354]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.89224133]
 [-0.22185723]
 [ 0.92955015]]
dot product : [[-0.51683474]
 [-0.35562417]]
result : [[ 0.09059374]
 [-0.15268749]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.09059374]
 [-0.15268749]]
dot product : [[ 0.24897465]
 [ 0.00953861]
 [ 0.14621736]]
result : [[ 0.26284645]
 [ 0.4420264 ]
 [ 0.25561827]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.24044795]
 [-0.80532804]
 [ 0.53861663]]
dot product : [[-0.30769492]
 [-1.23014198]]
result : [[ 0.29973356]
 [-1.02720529]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.29973356]
 [-1.02720529]]
dot product : [[ 1.25557705]
 [ 0.26938923]
 [ 0.79483496]]
result : [[ 1.26944885]
 [ 0.70187703]
 [ 0.90423587]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.08239468]
 [-0.65908384]
 [ 0.63856482]]
dot product : [[-0.32640638]
 [-1.07674209]]
result : [[ 0.2810221 ]
 [-0.87380541]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.2810221 ]
 [-0.87380541]]
dot product : [[ 1.10334582]
 [ 0.21189984]
 [ 0.69201891]]
result : [[ 1.11721762]
 [ 0.64438764]
 [ 0.80141982]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.66850921]
 [-1.10502797]
 [ 0.33541597]]
dot product : [[-0.2414502 ]
 [-1.59896104]]
result : [[ 0.36597828]
 [-1.39602436]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.36597828]
 [-1.39602436]]
dot product : [[ 1.65036922]
 [ 0.393527  ]
 [ 1.05499541]]
result : [[ 1.66424102]
 [ 0.82601479]
 [ 1.16439633]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.34591249]
 [-0.2591908 ]
 [ 0.91192558]]
dot product : [[-0.37653298]
 [-0.65930918]]
result : [[ 0.2308955]
 [-0.4563725]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.2308955]
 [-0.4563725]]
dot product : [[ 0.69016436]
 [ 0.0549351 ]
 [ 0.41271749]]
result : [[ 0.70403616]
 [ 0.48742289]
 [ 0.5221184 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.72734629]
 [-1.11595321]
 [ 0.32868269]]
dot product : [[-0.22745564]
 [-1.63500776]]
result : [[ 0.37997284]
 [-1.43207108]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.37997284]
 [-1.43207108]]
dot product : [[ 1.69913708]
 [ 0.40067716]
 [ 1.08500725]]
result : [[ 1.71300888]
 [ 0.83316495]
 [ 1.19440816]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.63582729]
 [-0.0470456 ]
 [ 1.0559671 ]]
dot product : [[-0.41991822]
 [-0.40508189]]
result : [[ 0.18751026]
 [-0.20214521]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.18751026]
 [-0.20214521]]
dot product : [[ 0.42111739]
 [-0.03214202]
 [ 0.23477712]]
result : [[ 0.43498919]
 [ 0.40034577]
 [ 0.34417803]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.89340573]
 [-0.2907287 ]
 [ 0.88130219]]
dot product : [[-0.52827129]
 [-0.38834359]]
result : [[ 0.07915719]
 [-0.18540691]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.07915719]
 [-0.18540691]]
dot product : [[ 0.26055493]
 [ 0.0320225 ]
 [ 0.15874146]]
result : [[ 0.27442673]
 [ 0.46451029]
 [ 0.26814237]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.69145814]
 [-1.11114508]
 [ 0.33149012]]
dot product : [[-0.23629149]
 [-1.61391883]]
result : [[ 0.37113698]
 [-1.41098215]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.37113698]
 [-1.41098215]]
dot product : [[ 1.66972773]
 [ 0.39692362]
 [ 1.06705366]]
result : [[ 1.68359952]
 [ 0.82941141]
 [ 1.17645457]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.06673768]
 [-0.51717072]
 [ 0.73561912]]
dot product : [[-0.343428  ]
 [-0.93010191]]
result : [[ 0.26400048]
 [-0.72716522]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.26400048]
 [-0.72716522]]
dot product : [[ 0.95899447]
 [ 0.15637046]
 [ 0.59426111]]
result : [[ 0.97286627]
 [ 0.58885825]
 [ 0.70366203]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.84514637]
 [-1.04575562]
 [ 0.37967818]]
dot product : [[-0.18456444]
 [-1.66262329]]
result : [[ 0.42286404]
 [-1.45968661]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.42286404]
 [-1.45968661]]
dot product : [[ 1.78005823]
 [ 0.38484048]
 [ 1.12761306]]
result : [[ 1.79393002]
 [ 0.81732827]
 [ 1.23701397]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.88923054]
 [-0.18566798]
 [ 0.95493997]]
dot product : [[-0.51018273]
 [-0.33968556]]
result : [[ 0.09724575]
 [-0.13674887]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.09724575]
 [-0.13674887]]
dot product : [[ 0.24479717]
 [-0.00213014]
 [ 0.14077551]]
result : [[ 0.25866897]
 [ 0.43035765]
 [ 0.25017643]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.66063379]
 [-1.10247317]
 [ 0.33708225]]
dot product : [[-0.24314693]
 [-1.59360749]]
result : [[ 0.36428155]
 [-1.3906708 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.36428155]
 [-1.3906708 ]]
dot product : [[ 1.6436432 ]
 [ 0.39221218]
 [ 1.05077086]]
result : [[ 1.657515  ]
 [ 0.82469997]
 [ 1.16017177]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.86603769]
 [-0.56591058]
 [ 0.68902265]]
dot product : [[-0.56539042]
 [-0.53581705]]
result : [[ 0.04203806]
 [-0.33288037]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.04203806]
 [-0.33288037]]
dot product : [[ 0.3322859 ]
 [ 0.12380293]
 [ 0.22398679]]
result : [[ 0.34615769]
 [ 0.55629072]
 [ 0.3333877 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.88956859]
 [-0.37070946]
 [ 0.82535253]]
dot product : [[-0.54016265]
 [-0.42905379]]
result : [[ 0.06726583]
 [-0.2261171 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.06726583]
 [-0.2261171 ]]
dot product : [[ 0.27812947]
 [ 0.05844821]
 [ 0.17574981]]
result : [[ 0.29200127]
 [ 0.49093601]
 [ 0.28515072]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.50926384]
 [-0.12696721]
 [ 1.0019727 ]]
dot product : [[-0.39892824]
 [-0.50992431]]
result : [[ 0.20850024]
 [-0.30698762]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.20850024]
 [-0.30698762]]
dot product : [[ 0.53626635]
 [ 0.00171562]
 [ 0.31004794]]
result : [[ 0.55013815]
 [ 0.43420341]
 [ 0.41944885]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.15797529]
 [-0.43065982]
 [ 0.7947788 ]]
dot product : [[-0.35389173]
 [-0.84053902]]
result : [[ 0.25353675]
 [-0.63760234]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.25353675]
 [-0.63760234]]
dot product : [[ 0.87073813]
 [ 0.12249971]
 [ 0.53451279]]
result : [[ 0.88460993]
 [ 0.5549875 ]
 [ 0.6439137 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.03232454]
 [-0.54998373]
 [ 0.71317725]]
dot product : [[-0.33951079]
 [-0.96397178]]
result : [[ 0.26791769]
 [-0.76103509]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.26791769]
 [-0.76103509]]
dot product : [[ 0.9923163 ]
 [ 0.16920571]
 [ 0.61683176]]
result : [[ 1.0061881 ]
 [ 0.60169351]
 [ 0.72623267]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.14663269]
 [-0.44135029]
 [ 0.78746928]]
dot product : [[-0.35258047]
 [-0.85164221]]
result : [[ 0.25484801]
 [-0.64870552]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.25484801]
 [-0.64870552]]
dot product : [[ 0.88169839]
 [ 0.12668937]
 [ 0.54192842]]
result : [[ 0.89557019]
 [ 0.55917716]
 [ 0.65132933]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.8773334 ]
 [-0.93457826]
 [ 0.45803619]]
dot product : [[-0.15798502]
 [-1.62564979]]
result : [[ 0.44944346]
 [-1.4227131 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.44944346]
 [-1.4227131 ]]
dot product : [[ 1.78546322]
 [ 0.35038545]
 [ 1.12178648]]
result : [[ 1.79933502]
 [ 0.78287324]
 [ 1.23118739]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.44252695]
 [-0.97449941]
 [ 0.42329939]]
dot product : [[-0.28089471]
 [-1.41765322]]
result : [[ 0.32653377]
 [-1.21471654]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.32653377]
 [-1.21471654]]
dot product : [[ 1.44697837]
 [ 0.33706001]
 [ 0.92290889]]
result : [[ 1.46085017]
 [ 0.7695478 ]
 [ 1.0323098 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.31359679]
 [-0.2876391 ]
 [ 0.89250755]]
dot product : [[-0.37247254]
 [-0.68997036]]
result : [[ 0.23495594]
 [-0.48703368]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.23495594]
 [-0.48703368]]
dot product : [[ 0.72102586]
 [ 0.06621361]
 [ 0.43346347]]
result : [[ 0.73489765]
 [ 0.49870141]
 [ 0.54286439]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.7843778 ]
 [-0.12539678]
 [ 1.02324597]]
dot product : [[-0.05217741]
 [-1.18547522]]
result : [[ 0.55525107]
 [-0.98253853]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.55525107]
 [-0.98253853]]
dot product : [[ 1.56461336]
 [ 0.07974437]
 [ 0.92400509]]
result : [[ 1.57848515]
 [ 0.51223216]
 [ 1.033406  ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.05527359]
 [-0.52809735]
 [ 0.72814612]]
dot product : [[-0.34212234]
 [-0.94138289]]
result : [[ 0.26530614]
 [-0.7384462 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.26530614]
 [-0.7384462 ]]
dot product : [[ 0.97009422]
 [ 0.16064484]
 [ 0.60177927]]
result : [[ 0.98396601]
 [ 0.59313263]
 [ 0.71118018]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.33854048]
 [-0.89098712]
 [ 0.48016037]]
dot product : [[-0.29525753]
 [-1.32287637]]
result : [[ 0.31217095]
 [-1.11993969]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.31217095]
 [-1.11993969]]
dot product : [[ 1.34912936]
 [ 0.30339722]
 [ 0.85767644]]
result : [[ 1.36300115]
 [ 0.73588501]
 [ 0.96707735]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.59269937]
 [-0.07103919]
 [ 1.03983725]]
dot product : [[-0.4122422 ]
 [-0.43923994]]
result : [[ 0.19518628]
 [-0.23630326]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.19518628]
 [-0.23630326]]
dot product : [[ 0.45976725]
 [-0.02166591]
 [ 0.25981119]]
result : [[ 0.47363905]
 [ 0.41082189]
 [ 0.3692121 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.79480844]
 [-0.92433828]
 [ 0.43913113]]
dot product : [[-0.60420801]
 [-0.74650516]]
result : [[ 0.00322047]
 [-0.54356847]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.00322047]
 [-0.54356847]]
dot product : [[ 0.45400921]
 [ 0.2455084 ]
 [ 0.3258649 ]]
result : [[ 0.46788101]
 [ 0.67799619]
 [ 0.43526581]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.88818223]
 [-0.38808078]
 [ 0.81320924]]
dot product : [[-0.54259727]
 [-0.43818487]]
result : [[ 0.06483121]
 [-0.23524819]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.06483121]
 [-0.23524819]]
dot product : [[ 0.28238623]
 [ 0.06422129]
 [ 0.17970648]]
result : [[ 0.29625803]
 [ 0.49670908]
 [ 0.28910739]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.53784878]
 [-0.10663077]
 [ 1.01576828]]
dot product : [[-0.4032997 ]
 [-0.48513904]]
result : [[ 0.20412878]
 [-0.28220235]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.20412878]
 [-0.28220235]]
dot product : [[ 0.50984437]
 [-0.00667985]
 [ 0.29261367]]
result : [[ 0.52371616]
 [ 0.42580794]
 [ 0.40201458]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.76009975]
 [-1.11361334]
 [ 0.33083205]]
dot product : [[-0.21830479]
 [-1.65099884]]
result : [[ 0.38912369]
 [-1.44806215]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.38912369]
 [-1.44806215]]
dot product : [[ 1.72475593]
 [ 0.4018995 ]
 [ 1.10011518]]
result : [[ 1.73862773]
 [ 0.83438729]
 [ 1.20951609]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.00212559]
 [-0.58283873]
 [ 0.69070654]]
dot product : [[-0.33559045]
 [-0.99788131]]
result : [[ 0.27183803]
 [-0.79494463]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.27183803]
 [-0.79494463]]
dot product : [[ 1.02567518]
 [ 0.18205696]
 [ 0.63942795]]
result : [[ 1.03954697]
 [ 0.61454476]
 [ 0.74882886]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.84468781]
 [-0.43082952]
 [ 0.81029585]]
dot product : [[-0.08535952]
 [-1.36480955]]
result : [[ 0.52206896]
 [-1.16187287]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.52206896]
 [-1.16187287]]
dot product : [[ 1.6680311 ]
 [ 0.18343166]
 [ 1.01063602]]
result : [[ 1.6819029 ]
 [ 0.61591946]
 [ 1.12003693]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.88261408]
 [-0.14319077]
 [ 0.98478939]]
dot product : [[-0.50154928]
 [-0.32258912]]
result : [[ 0.1058792 ]
 [-0.11965243]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.1058792 ]
 [-0.11965243]]
dot product : [[ 0.24234491]
 [-0.01563921]
 [ 0.13585181]]
result : [[ 0.25621671]
 [ 0.41684859]
 [ 0.24525272]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.70682931]
 [-0.01844346]
 [ 1.07488957]]
dot product : [[-0.4343158 ]
 [-0.35412121]]
result : [[ 0.17311268]
 [-0.15118452]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.17311268]
 [-0.15118452]]
dot product : [[ 0.35946675]
 [-0.04581975]
 [ 0.19563264]]
result : [[ 0.37333854]
 [ 0.38666805]
 [ 0.30503355]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.78075027]
 [-0.98418159]
 [ 0.39744286]]
dot product : [[-0.61010895]
 [-0.78281399]]
result : [[-0.00268047]
 [-0.5798773 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[-0.00268047]
 [-0.5798773 ]]
dot product : [[ 0.47605425]
 [ 0.26595991]
 [ 0.34390286]]
result : [[ 0.48992604]
 [ 0.6984477 ]
 [ 0.45330377]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.27353785]
 [-0.83480259]
 [ 0.51849199]]
dot product : [[-0.30359287]
 [-1.26170453]]
result : [[ 0.3038356 ]
 [-1.05876784]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.3038356 ]
 [-1.05876784]]
dot product : [[ 1.2872405 ]
 [ 0.28105084]
 [ 0.81614341]]
result : [[ 1.30111229]
 [ 0.71353863]
 [ 0.92554432]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.88275463]
 [-0.44301392]
 [ 0.77482491]]
dot product : [[-0.55001674]
 [-0.46760555]]
result : [[ 0.05741174]
 [-0.26466887]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.05741174]
 [-0.26466887]]
dot product : [[ 0.2966771 ]
 [ 0.08254077]
 [ 0.19271409]]
result : [[ 0.31054889]
 [ 0.51502857]
 [ 0.30211501]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.2918166 ]
 [-0.30711228]
 [ 0.87921038]]
dot product : [[-0.36978426]
 [-0.71078039]]
result : [[ 0.23764422]
 [-0.5078437 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.23764422]
 [-0.5078437 ]]
dot product : [[ 0.74188033]
 [ 0.07391323]
 [ 0.44750276]]
result : [[ 0.75575213]
 [ 0.50640102]
 [ 0.55690367]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.86565678]
 [-0.57043228]
 [ 0.71286083]]
dot product : [[-0.10229281]
 [-1.44332838]]
result : [[ 0.50513567]
 [-1.2403917 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.50513567]
 [-1.2403917 ]]
dot product : [[ 1.71005449]
 [ 0.23042303]
 [ 1.04709977]]
result : [[ 1.72392629]
 [ 0.66291082]
 [ 1.15650068]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.81885068]
 [-0.02741125]
 [ 1.06686264]]
dot product : [[-0.46576886]
 [-0.29989655]]
result : [[ 0.14165962]
 [-0.09695986]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.14165962]
 [-0.09695986]]
dot product : [[ 0.27202199]
 [-0.04968424]
 [ 0.14414469]]
result : [[ 0.28589379]
 [ 0.38280355]
 [ 0.2535456 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.88430752]
 [-0.82759425]
 [ 0.53306447]]
dot product : [[-0.13883612]
 [-1.5775243 ]]
result : [[ 0.46859236]
 [-1.37458762]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.46859236]
 [-1.37458762]]
dot product : [[ 1.77158176]
 [ 0.31577289]
 [ 1.10478434]]
result : [[ 1.78545356]
 [ 0.74826068]
 [ 1.21418526]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.13937598]
 [-0.71261405]
 [ 0.60196689]]
dot product : [[-0.31979078]
 [-1.13243594]]
result : [[ 0.2876377 ]
 [-0.92949926]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.2876377 ]
 [-0.92949926]]
dot product : [[ 1.15837458]
 [ 0.23288995]
 [ 0.72923921]]
result : [[ 1.17224637]
 [ 0.66537775]
 [ 0.83864012]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.76193823]
 [-0.01066996]
 [ 1.07947387]]
dot product : [[-0.44782089]
 [-0.32154874]]
result : [[ 0.15960759]
 [-0.11861205]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.15960759]
 [-0.11861205]]
dot product : [[ 0.31423562]
 [-0.0517114 ]
 [ 0.16798947]]
result : [[ 0.32810742]
 [ 0.3807764 ]
 [ 0.27739038]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.79777761]
 [-0.01697286]
 [ 1.07450114]]
dot product : [[-0.45843843]
 [-0.30586214]]
result : [[ 0.14899005]
 [-0.10292545]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.14899005]
 [-0.10292545]]
dot product : [[ 0.28688266]
 [-0.05182325]
 [ 0.15216874]]
result : [[ 0.30075445]
 [ 0.38066454]
 [ 0.26156966]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.07095282]
 [-0.6482618 ]
 [ 0.64596492]]
dot product : [[-0.32772298]
 [-1.06552335]]
result : [[ 0.2797055 ]
 [-0.86258666]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.2797055 ]
 [-0.86258666]]
dot product : [[ 1.09228275]
 [ 0.20766106]
 [ 0.68453118]]
result : [[ 1.10615455]
 [ 0.64014886]
 [ 0.79393209]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.5017083 ]
 [-1.01718375]
 [ 0.39433099]]
dot product : [[-0.27193791]
 [-1.46924874]]
result : [[ 0.33549057]
 [-1.26631206]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.33549057]
 [-1.26631206]]
dot product : [[ 1.50178702]
 [ 0.3546318 ]
 [ 0.95911447]]
result : [[ 1.51565882]
 [ 0.78711959]
 [ 1.06851538]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.47996716]
 [-0.14885975]
 [ 0.98709849]]
dot product : [[-0.39461748]
 [-0.5358347 ]]
result : [[ 0.212811  ]
 [-0.33289802]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.212811  ]
 [-0.33289802]]
dot product : [[ 0.56353685]
 [ 0.0106639 ]
 [ 0.32811564]]
result : [[ 0.57740865]
 [ 0.4431517 ]
 [ 0.43751655]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.58378371]
 [-0.07647514]
 [ 1.03616955]]
dot product : [[-0.41073223]
 [-0.44653157]]
result : [[ 0.19669625]
 [-0.24359488]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.19669625]
 [-0.24359488]]
dot product : [[ 0.46784359]
 [-0.01934439]
 [ 0.26507674]]
result : [[ 0.48171538]
 [ 0.41314341]
 [ 0.37447765]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.77743051]
 [-0.09431641]
 [ 1.04490281]]
dot product : [[-0.04901787]
 [-1.16680284]]
result : [[ 0.55841061]
 [-0.96386615]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.55841061]
 [-0.96386615]]
dot product : [[ 1.55344547]
 [ 0.06914412]
 [ 0.91480493]]
result : [[ 1.56731727]
 [ 0.50163191]
 [ 1.02420585]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.19582107]
 [-0.76482712]
 [ 0.56628298]]
dot product : [[-0.31310603]
 [-1.18721208]]
result : [[ 0.29432245]
 [-0.98427539]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.29432245]
 [-0.98427539]]
dot product : [[ 1.21273779]
 [ 0.25341616]
 [ 0.76595481]]
result : [[ 1.22660959]
 [ 0.68590395]
 [ 0.87535572]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.34920177]
 [-0.89994823]
 [ 0.47405128]]
dot product : [[-0.29384941]
 [-1.3327865 ]]
result : [[ 0.31357907]
 [-1.12984981]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.31357907]
 [-1.12984981]]
dot product : [[ 1.35923385]
 [ 0.30697917]
 [ 0.8644402 ]]
result : [[ 1.37310565]
 [ 0.73946697]
 [ 0.97384111]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.47005138]
 [-0.15648523]
 [ 0.9819131 ]]
dot product : [[-0.39319331]
 [-0.54470874]]
result : [[ 0.21423517]
 [-0.34177206]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.21423517]
 [-0.34177206]]
dot product : [[ 0.57280602]
 [ 0.01376319]
 [ 0.3342718 ]]
result : [[ 0.58667781]
 [ 0.44625098]
 [ 0.44367271]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.71414978]
 [-0.01651868]
 [ 1.07612332]]
dot product : [[-0.43596566]
 [-0.34936266]]
result : [[ 0.17146282]
 [-0.14642597]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.17146282]
 [-0.14642597]]
dot product : [[ 0.3532964 ]
 [-0.04689455]
 [ 0.19179122]]
result : [[ 0.3671682 ]
 [ 0.38559324]
 [ 0.30119213]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.77227571]
 [-1.11056888]
 [ 0.33315392]]
dot product : [[-0.21455174]
 [-1.65589112]]
result : [[ 0.39287674]
 [-1.45295443]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.39287674]
 [-1.45295443]]
dot product : [[ 1.73388475]
 [ 0.40164173]
 [ 1.10531858]]
result : [[ 1.74775654]
 [ 0.83412953]
 [ 1.21471949]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.69183527]
 [-0.02307173]
 [ 1.07188228]]
dot product : [[-0.4310473 ]
 [-0.36419974]]
result : [[ 0.17638118]
 [-0.16126306]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.17638118]
 [-0.16126306]]
dot product : [[ 0.37222961]
 [-0.04339368]
 [ 0.203631  ]]
result : [[ 0.38610141]
 [ 0.38909411]
 [ 0.31303191]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.82087594]
 [-0.30014702]
 [ 0.90143979]]
dot product : [[-0.07062857]
 [-1.28912114]]
result : [[ 0.53679991]
 [-1.08618446]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.53679991]
 [-1.08618446]]
dot product : [[ 1.625367  ]
 [ 0.13918897]
 [ 0.97451613]]
result : [[ 1.6392388 ]
 [ 0.57167676]
 [ 1.08391704]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.8261106 ]
 [-0.32735242]
 [ 0.88246983]]
dot product : [[-0.07362091]
 [-1.30502299]]
result : [[ 0.53380756]
 [-1.10208631]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.53380756]
 [-1.10208631]]
dot product : [[ 1.63446945]
 [ 0.14841623]
 [ 0.98216732]]
result : [[ 1.64834125]
 [ 0.58090403]
 [ 1.09156823]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.10523791]
 [-0.6806234 ]
 [ 0.62383717]]
dot product : [[-0.32376715]
 [-1.09910783]]
result : [[ 0.28366133]
 [-0.89617114]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.28366133]
 [-0.89617114]]
dot product : [[ 1.12542079]
 [ 0.22034071]
 [ 0.70695531]]
result : [[ 1.13929259]
 [ 0.6528285 ]
 [ 0.81635623]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.51887351]
 [-0.1200104 ]
 [ 1.00669461]]
dot product : [[-0.40037843]
 [-0.50153388]]
result : [[ 0.20705005]
 [-0.29859719]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.20705005]
 [-0.29859719]]
dot product : [[ 0.52736201]
 [-0.00114611]
 [ 0.30416409]]
result : [[ 0.54123381]
 [ 0.43134169]
 [ 0.413565  ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.8641857 ]
 [-0.08405028]
 [ 1.02649209]]
dot product : [[-0.48706047]
 [-0.30360424]]
result : [[ 0.12036801]
 [-0.10066755]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.12036801]
 [-0.10066755]]
dot product : [[ 0.246259  ]
 [-0.03388814]
 [ 0.13337277]]
result : [[ 0.26013079]
 [ 0.39859965]
 [ 0.24277368]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.87886468]
 [-0.92270113]
 [ 0.46637747]]
dot product : [[-0.15565638]
 [-1.62070277]]
result : [[ 0.4517721 ]
 [-1.41776609]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.4517721 ]
 [-1.41776609]]
dot product : [[ 1.78452408]
 [ 0.3465888 ]
 [ 1.12025839]]
result : [[ 1.79839587]
 [ 0.77907659]
 [ 1.2296593 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.72842907]
 [-0.01346693]
 [ 1.07803774]]
dot product : [[-0.43929737]
 [-0.34042071]]
result : [[ 0.16813111]
 [-0.13748402]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.16813111]
 [-0.13748402]]
dot product : [[ 0.34138815]
 [-0.04876092]
 [ 0.18443158]]
result : [[ 0.35525994]
 [ 0.38372687]
 [ 0.29383249]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.47245184]
 [-0.99661205]
 [ 0.40828086]]
dot product : [[-0.27645124]
 [-1.44399855]]
result : [[ 0.33097724]
 [-1.24106187]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.33097724]
 [-1.24106187]]
dot product : [[ 1.47478835]
 [ 0.34611851]
 [ 0.94131667]]
result : [[ 1.48866015]
 [ 0.77860631]
 [ 1.05071758]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.836243  ]
 [-0.73217645]
 [ 0.57305343]]
dot product : [[-0.5842666]
 [-0.6318527]]
result : [[ 0.02316188]
 [-0.42891602]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.02316188]
 [-0.42891602]]
dot product : [[ 0.38616868]
 [ 0.180062  ]
 [ 0.26970388]]
result : [[ 0.40004048]
 [ 0.61254979]
 [ 0.37910479]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.8608687 ]
 [-0.07711913]
 [ 1.03139762]]
dot product : [[-0.48505244]
 [-0.30198424]]
result : [[ 0.12237604]
 [-0.09904756]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.12237604]
 [-0.09904756]]
dot product : [[ 0.24763789]
 [-0.03595662]
 [ 0.13363172]]
result : [[ 0.26150969]
 [ 0.39653118]
 [ 0.24303263]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.88371162]
 [-0.85694283]
 [ 0.51250275]]
dot product : [[-0.14373634]
 [-1.59141509]]
result : [[ 0.46369214]
 [-1.3884784 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.46369214]
 [-1.3884784 ]]
dot product : [[ 1.77643726]
 [ 0.32534802]
 [ 1.11007397]]
result : [[ 1.79030905]
 [ 0.75783581]
 [ 1.21947488]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.85040337]
 [-0.65782519]
 [ 0.62489984]]
dot product : [[-0.5760496 ]
 [-0.58846978]]
result : [[ 0.03137888]
 [-0.38553309]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.03137888]
 [-0.38553309]]
dot product : [[ 0.36140793]
 [ 0.1548531 ]
 [ 0.2488627 ]]
result : [[ 0.37527973]
 [ 0.5873409 ]
 [ 0.35826361]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.80545352]
 [-1.09380872]
 [ 0.34540823]]
dot product : [[-0.20295795]
 [-1.6651258 ]]
result : [[ 0.40447053]
 [-1.46218911]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.40447053]
 [-1.46218911]]
dot product : [[ 1.75722248]
 [ 0.39816736]
 [ 1.11788994]]
result : [[ 1.77109427]
 [ 0.83065515]
 [ 1.22729085]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.58500707]
 [-1.0686209 ]
 [ 0.35960921]]
dot product : [[-0.25793518]
 [-1.5376884 ]]
result : [[ 0.3494933 ]
 [-1.33475171]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.3494933 ]
 [-1.33475171]]
dot product : [[ 1.5773619 ]
 [ 0.37653431]
 [ 1.00843358]]
result : [[ 1.59123369]
 [ 0.8090221 ]
 [ 1.11783449]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.84136483]
 [-1.05252402]
 [ 0.37487938]]
dot product : [[-0.1866706 ]
 [-1.66392167]]
result : [[ 0.42075788]
 [-1.46098499]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.42075788]
 [-1.46098499]]
dot product : [[ 1.77828041]
 [ 0.38682746]
 [ 1.12710264]]
result : [[ 1.7921522 ]
 [ 0.81931525]
 [ 1.23650355]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.74891835]
 [-0.01094122]
 [ 1.07948694]]
dot product : [[-0.44437738]
 [-0.32848675]]
result : [[ 0.1630511 ]
 [-0.12555006]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.1630511 ]
 [-0.12555006]]
dot product : [[ 0.32463757]
 [-0.05083206]
 [ 0.17422316]]
result : [[ 0.33850936]
 [ 0.38165573]
 [ 0.28362407]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.88137046]
 [-0.8976838 ]
 [ 0.48393586]]
dot product : [[-0.15094422]
 [-1.60990644]]
result : [[ 0.45648426]
 [-1.40696976]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.45648426]
 [-1.40696976]]
dot product : [[ 1.78197372]
 [ 0.33854806]
 [ 1.11669803]]
result : [[ 1.79584551]
 [ 0.77103585]
 [ 1.22609894]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.88785181]
 [-0.17443756]
 [ 0.96282598]]
dot product : [[-0.50799942]
 [-0.33497175]]
result : [[ 0.09942906]
 [-0.13203506]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.09942906]
 [-0.13203506]]
dot product : [[ 0.24385416]
 [-0.00572426]
 [ 0.13929779]]
result : [[ 0.25772596]
 [ 0.42676353]
 [ 0.2486987 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.86733502]
 [-0.09135316]
 [ 1.02132887]]
dot product : [[-0.48908362]
 [-0.30549178]]
result : [[ 0.11834486]
 [-0.1025551 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.11834486]
 [-0.1025551 ]]
dot product : [[ 0.24508094]
 [-0.03168774]
 [ 0.13326403]]
result : [[ 0.25895274]
 [ 0.40080005]
 [ 0.24266494]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.88312225]
 [-0.76350839]
 [ 0.57792449]]
dot product : [[-0.12880193]
 [-1.54589233]]
result : [[ 0.47862655]
 [-1.34295564]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.47862655]
 [-1.34295564]]
dot product : [[ 1.75900215]
 [ 0.29471357]
 [ 1.09205322]]
result : [[ 1.77287395]
 [ 0.72720136]
 [ 1.20145414]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.81540173]
 [-0.27239952]
 [ 0.92078564]]
dot product : [[-0.06761282]
 [-1.27283173]]
result : [[ 0.53981566]
 [-1.06989504]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.53981566]
 [-1.06989504]]
dot product : [[ 1.61597563]
 [ 0.12976963]
 [ 0.96664827]]
result : [[ 1.62984743]
 [ 0.56225742]
 [ 1.07604918]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.78638149]
 [-0.01365519]
 [ 1.07700217]]
dot product : [[-0.45485012]
 [-0.3102145 ]]
result : [[ 0.15257836]
 [-0.10727782]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.15257836]
 [-0.10727782]]
dot product : [[ 0.29534178]
 [-0.05221783]
 [ 0.15694998]]
result : [[ 0.30921357]
 [ 0.38026996]
 [ 0.26635089]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.69939058]
 [-0.02062908]
 [ 1.07347501]]
dot product : [[-0.4326764 ]
 [-0.35906782]]
result : [[ 0.17475208]
 [-0.15613113]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.17475208]
 [-0.15613113]]
dot product : [[ 0.3657785 ]
 [-0.04465234]
 [ 0.19957974]]
result : [[ 0.3796503 ]
 [ 0.38783545]
 [ 0.30898066]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.89304525]
 [-0.30582081]
 [ 0.870739  ]]
dot product : [[-0.53061253]
 [-0.3958354 ]]
result : [[ 0.07681595]
 [-0.19289872]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.07681595]
 [-0.19289872]]
dot product : [[ 0.2635821 ]
 [ 0.03698687]
 [ 0.16177825]]
result : [[ 0.2774539 ]
 [ 0.46947467]
 [ 0.27117916]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.71335526]
 [-1.11486096]
 [ 0.32922941]]
dot product : [[-0.23102665]
 [-1.62716475]]
result : [[ 0.37640183]
 [-1.42422806]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.37640183]
 [-1.42422806]]
dot product : [[ 1.68781386]
 [ 0.39947   ]
 [ 1.07815655]]
result : [[ 1.70168565]
 [ 0.83195779]
 [ 1.18755746]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.891427  ]
 [-0.20937399]
 [ 0.9383047 ]]
dot product : [[-0.51460023]
 [-0.35000903]]
result : [[ 0.09282825]
 [-0.14707234]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.09282825]
 [-0.14707234]]
dot product : [[ 0.24735537]
 [ 0.00549994]
 [ 0.14423376]]
result : [[ 0.26122716]
 [ 0.43798773]
 [ 0.25363467]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.74083576]
 [-1.11590179]
 [ 0.32892906]]
dot product : [[-0.22383422]
 [-1.64203512]]
result : [[ 0.38359426]
 [-1.43909844]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.38359426]
 [-1.43909844]]
dot product : [[ 1.70985383]
 [ 0.40147933]
 [ 1.09140265]]
result : [[ 1.72372562]
 [ 0.83396712]
 [ 1.20080356]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.6841651 ]
 [-0.02576757]
 [ 1.07011403]]
dot product : [[-0.42942832]
 [-0.36951425]]
result : [[ 0.17800016]
 [-0.16657756]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.17800016]
 [-0.16657756]]
dot product : [[ 0.37881804]
 [-0.04204514]
 [ 0.20778488]]
result : [[ 0.39268984]
 [ 0.39044266]
 [ 0.31718579]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.21431142]
 [-0.37798482]
 [ 0.8307879 ]]
dot product : [[-0.36047267]
 [-0.78559631]]
result : [[ 0.24695581]
 [-0.58265963]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.24695581]
 [-0.58265963]]
dot product : [[ 0.81637768]
 [ 0.10182884]
 [ 0.49776122]]
result : [[ 0.83024947]
 [ 0.53431663]
 [ 0.60716213]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.64455448]
 [-1.09661287]
 [ 0.3409354 ]]
dot product : [[-0.24650711]
 [-1.58236538]]
result : [[ 0.36092137]
 [-1.37942869]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.36092137]
 [-1.37942869]]
dot product : [[ 1.62979367]
 [ 0.38931675]
 [ 1.04202325]]
result : [[ 1.64366547]
 [ 0.82180454]
 [ 1.15142416]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.07819255]
 [-0.50626023]
 [ 0.74308096]]
dot product : [[-0.3447338 ]
 [-0.91883356]]
result : [[ 0.26269468]
 [-0.71589687]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.26269468]
 [-0.71589687]]
dot product : [[ 0.94790499]
 [ 0.15210193]
 [ 0.5867504 ]]
result : [[ 0.96177679]
 [ 0.58458972]
 [ 0.69615132]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.6839231 ]
 [-1.10936775]
 [ 0.33261725]]
dot product : [[-0.23802264]
 [-1.60911946]]
result : [[ 0.36940584]
 [-1.40618277]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.36940584]
 [-1.40618277]]
dot product : [[ 1.66341353]
 [ 0.39588407]
 [ 1.06313835]]
result : [[ 1.67728533]
 [ 0.82837187]
 [ 1.17253926]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.88431089]
 [-0.8122521 ]
 [ 0.54380843]]
dot product : [[-0.13635703]
 [-1.57010172]]
result : [[ 0.47107145]
 [-1.36716504]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.47107145]
 [-1.36716504]]
dot product : [[ 1.76879851]
 [ 0.31074872]
 [ 1.10187285]]
result : [[ 1.7826703 ]
 [ 0.74323651]
 [ 1.21127376]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.5761078 ]
 [-1.06372307]
 [ 0.36290032]]
dot product : [[-0.25952768]
 [-1.53066574]]
result : [[ 0.3479008 ]
 [-1.32772906]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.3479008 ]
 [-1.32772906]]
dot product : [[ 1.56939631]
 [ 0.37439001]
 [ 1.00327799]]
result : [[ 1.58326811]
 [ 0.80687781]
 [ 1.1126789 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.38085591]
 [-0.92606427]
 [ 0.45625618]]
dot product : [[-0.28958944]
 [-1.36197319]]
result : [[ 0.31783904]
 [-1.1590365 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.31783904]
 [-1.1590365 ]]
dot product : [[ 1.38914579]
 [ 0.31745374]
 [ 0.88442921]]
result : [[ 1.40301759]
 [ 0.74994153]
 [ 0.99383012]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.76277979]
 [-0.03044527]
 [ 1.08940248]]
dot product : [[-0.04262504]
 [-1.12823508]]
result : [[ 0.56480344]
 [-0.9252984 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.56480344]
 [-0.9252984 ]]
dot product : [[ 1.53019787]
 [ 0.04733757]
 [ 0.89572083]]
result : [[ 1.54406966]
 [ 0.47982536]
 [ 1.00512174]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.8199447 ]
 [-0.81128412]
 [ 0.51790952]]
dot product : [[-0.59267926]
 [-0.67865504]]
result : [[ 0.01474922]
 [-0.47571835]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.01474922]
 [-0.47571835]]
dot product : [[ 0.4134931 ]
 [ 0.20695837]
 [ 0.29246334]]
result : [[ 0.4273649 ]
 [ 0.63944616]
 [ 0.40186425]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.84876504]
 [-1.03861718]
 [ 0.38473357]]
dot product : [[-0.18244214]
 [-1.66106069]]
result : [[ 0.42498634]
 [-1.45812401]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.42498634]
 [-1.45812401]]
dot product : [[ 1.78163934]
 [ 0.38272243]
 [ 1.12797588]]
result : [[ 1.79551114]
 [ 0.81521023]
 [ 1.2373768 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.87575982]
 [-0.11553038]
 [ 1.00426649]]
dot product : [[-0.49524547]
 [-0.31278713]]
result : [[ 0.11218301]
 [-0.10985045]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.11218301]
 [-0.10985045]]
dot product : [[ 0.24277228]
 [-0.0242815 ]
 [ 0.13385437]]
result : [[ 0.25664407]
 [ 0.40820629]
 [ 0.24325528]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.25151697]
 [-0.81524509]
 [ 0.53184446]]
dot product : [[-0.306332  ]
 [-1.24072786]]
result : [[ 0.30109648]
 [-1.03779118]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.30109648]
 [-1.03779118]]
dot product : [[ 1.26617933]
 [ 0.273309  ]
 [ 0.80197383]]
result : [[ 1.28005113]
 [ 0.70579679]
 [ 0.91137474]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.03656671]
 [-0.6156325 ]
 [ 0.66827857]]
dot product : [[-0.33166263]
 [-1.0317565 ]]
result : [[ 0.27576585]
 [-0.82881982]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.27576585]
 [-0.82881982]]
dot product : [[ 1.05901577]
 [ 0.19488762]
 [ 0.66200824]]
result : [[ 1.07288756]
 [ 0.62737541]
 [ 0.77140915]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.32782706]
 [-0.8819045 ]
 [ 0.48635374]]
dot product : [[-0.29665998]
 [-1.31288019]]
result : [[ 0.3107685 ]
 [-1.10994351]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.3107685 ]
 [-1.10994351]]
dot product : [[ 1.33896136]
 [ 0.29977231]
 [ 0.85086486]]
result : [[ 1.35283316]
 [ 0.7322601 ]
 [ 0.96026577]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.42968263]
 [-0.18852497]
 [ 0.96010561]]
dot product : [[-0.387556  ]
 [-0.58131799]]
result : [[ 0.21987248]
 [-0.3783813 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.21987248]
 [-0.3783813 ]]
dot product : [[ 0.610723  ]
 [ 0.0267068 ]
 [ 0.35952351]]
result : [[ 0.6245948 ]
 [ 0.45919459]
 [ 0.46892442]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.81402889]
 [-0.83872816]
 [ 0.49878306]]
dot product : [[-0.59552771]
 [-0.69502848]]
result : [[ 0.01190077]
 [-0.49209179]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.01190077]
 [-0.49209179]]
dot product : [[ 0.42318051]
 [ 0.21630514]
 [ 0.30048327]]
result : [[ 0.4370523 ]
 [ 0.64879293]
 [ 0.40988419]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.8841156 ]
 [-0.79645963]
 [ 0.55486465]]
dot product : [[-0.13385841]
 [-1.56235736]]
result : [[ 0.47357007]
 [-1.35942067]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.47357007]
 [-1.35942067]]
dot product : [[ 1.76577552]
 [ 0.30556502]
 [ 1.09878152]]
result : [[ 1.77964732]
 [ 0.73805281]
 [ 1.20818243]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.89286411]
 [-0.23476572]
 [ 0.92050079]]
dot product : [[-0.51908663]
 [-0.36154524]]
result : [[ 0.08834185]
 [-0.15860855]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.08834185]
 [-0.15860855]]
dot product : [[ 0.25082346]
 [ 0.01372817]
 [ 0.14837265]]
result : [[ 0.26469526]
 [ 0.44621597]
 [ 0.25777356]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.18458517]
 [-0.75451282]
 [ 0.57333073]]
dot product : [[-0.31444948]
 [-1.17634671]]
result : [[ 0.292979  ]
 [-0.97341003]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.292979  ]
 [-0.97341003]]
dot product : [[ 1.20193069]
 [ 0.24935616]
 [ 0.75866127]]
result : [[ 1.21580248]
 [ 0.68184395]
 [ 0.86806219]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.46254887]
 [-0.98940729]
 [ 0.41317183]]
dot product : [[-0.27793995]
 [-1.4353348 ]]
result : [[ 0.32948853]
 [-1.23239812]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.32948853]
 [-1.23239812]]
dot product : [[ 1.46560577]
 [ 0.34315778]
 [ 0.93524647]]
result : [[ 1.47947757]
 [ 0.77564558]
 [ 1.04464738]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.61024572]
 [-0.06079305]
 [ 1.04673886]]
dot product : [[-0.41528688]
 [-0.42510848]]
result : [[ 0.1921416]
 [-0.2221718]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.1921416]
 [-0.2221718]]
dot product : [[ 0.4439548 ]
 [-0.02608672]
 [ 0.24953423]]
result : [[ 0.45782659]
 [ 0.40640108]
 [ 0.35893514]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.85956852]
 [-0.52593896]
 [ 0.74392399]]
dot product : [[-0.09673661]
 [-1.41861434]]
result : [[ 0.51069187]
 [-1.21567765]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.51069187]
 [-1.21567765]]
dot product : [[ 1.69713405]
 [ 0.21548235]
 [ 1.03576072]]
result : [[ 1.71100584]
 [ 0.64797014]
 [ 1.14516163]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.85221913]
 [-1.03110487]
 [ 0.39004821]]
dot product : [[-0.18030353]
 [-1.65923114]]
result : [[ 0.42712495]
 [-1.45629445]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.42712495]
 [-1.45629445]]
dot product : [[ 1.78302171]
 [ 0.38047196]
 [ 1.12818958]]
result : [[ 1.7968935 ]
 [ 0.81295975]
 [ 1.23759049]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.28086071]
 [-0.31698969]
 [ 0.8724642 ]]
dot product : [[-0.36844524]
 [-0.72128795]]
result : [[ 0.23898324]
 [-0.51835126]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.23898324]
 [-0.51835126]]
dot product : [[ 0.75238546]
 [ 0.07781314]
 [ 0.45458039]]
result : [[ 0.76625726]
 [ 0.51030094]
 [ 0.5639813 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.3027292 ]
 [-0.29732748]
 [ 0.88589238]]
dot product : [[-0.37112663]
 [-0.70034028]]
result : [[ 0.23630185]
 [-0.49740359]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.23630185]
 [-0.49740359]]
dot product : [[ 0.73142645]
 [ 0.07004626]
 [ 0.44046328]]
result : [[ 0.74529824]
 [ 0.50253406]
 [ 0.54986419]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.67627288]
 [-1.10732743]
 [ 0.33392676]]
dot product : [[-0.23974215]
 [-1.60413261]]
result : [[ 0.36768632]
 [-1.40119593]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.36768632]
 [-1.40119593]]
dot product : [[ 1.65696002]
 [ 0.39475142]
 [ 1.05911842]]
result : [[ 1.67083181]
 [ 0.82723921]
 [ 1.16851933]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.83331994]
 [-1.06496602]
 [ 0.36604096]]
dot product : [[-0.19083513]
 [-1.66573674]]
result : [[ 0.41659335]
 [-1.46280006]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.41659335]
 [-1.46280006]]
dot product : [[ 1.77414286]
 [ 0.39041362]
 [ 1.12564514]]
result : [[ 1.78801465]
 [ 0.82290141]
 [ 1.23504605]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.89042284]
 [-0.19731218]
 [ 0.94676709]]
dot product : [[-0.51238295]
 [-0.34469707]]
result : [[ 0.09504553]
 [-0.14176039]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.09504553]
 [-0.14176039]]
dot product : [[ 0.24596356]
 [ 0.00161081]
 [ 0.14242033]]
result : [[ 0.25983535]
 [ 0.4340986 ]
 [ 0.25182124]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.86696128]
 [-0.9878016 ]
 [ 0.42060282]]
dot product : [[-0.16936021]
 [-1.64598303]]
result : [[ 0.43806827]
 [-1.44304635]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.43806827]
 [-1.44304635]]
dot product : [[ 1.78688054]
 [ 0.36718571]
 [ 1.12696732]]
result : [[ 1.80075234]
 [ 0.79967351]
 [ 1.23636823]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.88477696]
 [-0.42422919]
 [ 0.78794808]]
dot product : [[-0.54752416]
 [-0.45745801]]
result : [[ 0.05990432]
 [-0.25452133]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.05990432]
 [-0.25452133]]
dot product : [[ 0.29165799]
 [ 0.07626621]
 [ 0.18818708]]
result : [[ 0.30552979]
 [ 0.50875401]
 [ 0.29758799]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.48228053]
 [-1.0036456 ]
 [ 0.40350862]]
dot product : [[-0.27495478]
 [-1.45254062]]
result : [[ 0.3324737 ]
 [-1.24960393]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.3324737 ]
 [-1.24960393]]
dot product : [[ 1.48388079]
 [ 0.34901866]
 [ 0.94731909]]
result : [[ 1.49775258]
 [ 0.78150646]
 [ 1.05672   ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.83754064]
 [-0.04312429]
 [ 1.05556754]]
dot product : [[-0.47331299]
 [-0.29772934]]
result : [[ 0.13411549]
 [-0.09479265]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.13411549]
 [-0.09479265]]
dot product : [[ 0.26001406]
 [-0.04567317]
 [ 0.13825372]]
result : [[ 0.27388585]
 [ 0.38681463]
 [ 0.24765463]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.52081854]
 [-1.02999117]
 [ 0.38566014]]
dot product : [[-0.26888806]
 [-1.48543725]]
result : [[ 0.33854042]
 [-1.28250056]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.33854042]
 [-1.28250056]]
dot product : [[ 1.51930808]
 [ 0.35998635]
 [ 0.97062033]]
result : [[ 1.53317988]
 [ 0.79247414]
 [ 1.08002124]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.82375085]
 [-0.03083545]
 [ 1.0643883 ]]
dot product : [[-0.46763446]
 [-0.29899179]]
result : [[ 0.13979402]
 [-0.09605511]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.13979402]
 [-0.09605511]]
dot product : [[ 0.26874744]
 [-0.04886037]
 [ 0.14246813]]
result : [[ 0.28261924]
 [ 0.38362742]
 [ 0.25186904]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.16929504]
 [-0.42001607]
 [ 0.80205595]]
dot product : [[-0.35520442]
 [-0.8294704 ]]
result : [[ 0.25222406]
 [-0.62653371]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.25222406]
 [-0.62653371]]
dot product : [[ 0.85980453]
 [ 0.11832673]
 [ 0.52711689]]
result : [[ 0.87367633]
 [ 0.55081452]
 [ 0.6365178 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.87249431]
 [-0.52297891]
 [ 0.71898646]]
dot product : [[-0.56018514]
 [-0.51166613]]
result : [[ 0.04724334]
 [-0.30872945]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.04724334]
 [-0.30872945]]
dot product : [[ 0.31935612]
 [ 0.10935131]
 [ 0.21276935]]
result : [[ 0.33322792]
 [ 0.5418391 ]
 [ 0.32217026]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.04803713]
 [-0.62653231]
 [ 0.66082445]]
dot product : [[-0.33035094]
 [-1.04302781]]
result : [[ 0.27707754]
 [-0.84009113]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.27707754]
 [-0.84009113]]
dot product : [[ 1.07011567]
 [ 0.1991536 ]
 [ 0.6695243 ]]
result : [[ 1.08398747]
 [ 0.63164139]
 [ 0.77892522]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.80326333]
 [-0.01910134]
 [ 1.07292504]]
dot product : [[-0.46025157]
 [-0.30402424]]
result : [[ 0.14717691]
 [-0.10108755]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.14717691]
 [-0.10108755]]
dot product : [[ 0.28290722]
 [-0.05145926]
 [ 0.14996813]]
result : [[ 0.29677902]
 [ 0.38102853]
 [ 0.25936904]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.60251976]
 [-1.07776145]
 [ 0.35348131]]
dot product : [[-0.25472093]
 [-1.55126724]]
result : [[ 0.35270755]
 [-1.34833055]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.35270755]
 [-1.34833055]]
dot product : [[ 1.59294682]
 [ 0.38059101]
 [ 1.01848463]]
result : [[ 1.60681862]
 [ 0.8130788 ]
 [ 1.12788554]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.20310013]
 [-0.38840343]
 [ 0.82366671]]
dot product : [[-0.35915267]
 [-0.79649929]]
result : [[ 0.24827581]
 [-0.59356261]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.24827581]
 [-0.59356261]]
dot product : [[ 0.82718416]
 [ 0.1059215 ]
 [ 0.50506288]]
result : [[ 0.84105595]
 [ 0.53840929]
 [ 0.61446379]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.79496623]
 [-1.10069716]
 [ 0.3404208 ]]
dot product : [[-0.20687961]
 [-1.66297653]]
result : [[ 0.40054887]
 [-1.46003984]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.40054887]
 [-1.46003984]]
dot product : [[ 1.75013442]
 [ 0.39978651]
 [ 1.11421824]]
result : [[ 1.76400621]
 [ 0.8322743 ]
 [ 1.22361915]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.77334271]
 [-1.01494568]
 [ 0.37601468]]
dot product : [[-0.61309412]
 [-0.80157394]]
result : [[-0.00566564]
 [-0.59863725]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[-0.00566564]
 [-0.59863725]]
dot product : [[ 0.48753068]
 [ 0.27648453]
 [ 0.35326151]]
result : [[ 0.50140248]
 [ 0.70897232]
 [ 0.46266242]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.70617593]
 [-1.1138955 ]
 [ 0.32979354]]
dot product : [[-0.23279366]
 [-1.62294422]]
result : [[ 0.37463482]
 [-1.42000753]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.37463482]
 [-1.42000753]]
dot product : [[ 1.68192994]
 [ 0.39871794]
 [ 1.0745643 ]]
result : [[ 1.69580173]
 [ 0.83120573]
 [ 1.18396521]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.8708618 ]
 [-0.61292545]
 [ 0.68318458]]
dot product : [[-0.10776249]
 [-1.46661277]]
result : [[ 0.49966598]
 [-1.26367609]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.49966598]
 [-1.26367609]]
dot product : [[ 1.72190944]
 [ 0.24465506]
 [ 1.05763965]]
result : [[ 1.73578124]
 [ 0.67714285]
 [ 1.16704057]]
Total Cost [ 463.92784848] for Epoch 4 complete
Axis-wise Cost is [[ 162.0887817 ]
 [ 247.30641308]
 [  54.5326537 ]] 
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.88628836]
 [-0.1636171 ]
 [ 0.97042779]]
dot product : [[-0.50583285]
 [-0.3305529 ]]
result : [[ 0.10159563]
 [-0.12761621]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.10159563]
 [-0.12761621]]
dot product : [[ 0.24313248]
 [-0.00917291]
 [ 0.13798562]]
result : [[ 0.25700428]
 [ 0.42331489]
 [ 0.24738653]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.87806208]
 [-0.48202356]
 [ 0.74758014]]
dot product : [[-0.55506101]
 [-0.48893628]]
result : [[ 0.05236747]
 [-0.28599959]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.05236747]
 [-0.28599959]]
dot product : [[ 0.30749199]
 [ 0.09560087]
 [ 0.20234921]]
result : [[ 0.32136378]
 [ 0.52808867]
 [ 0.31175012]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.87822135]
 [-0.1243584 ]
 [ 0.99804596]]
dot product : [[-0.49733075]
 [-0.31577229]]
result : [[ 0.11009773]
 [-0.11283561]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.11009773]
 [-0.11283561]]
dot product : [[ 0.24241806]
 [-0.02153988]
 [ 0.13436179]]
result : [[ 0.25628985]
 [ 0.41094791]
 [ 0.2437627 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.48980896]
 [-0.14139571]
 [ 0.99217199]]
dot product : [[-0.39604792]
 [-0.52707746]]
result : [[ 0.21138056]
 [-0.32414077]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.21138056]
 [-0.32414077]]
dot product : [[ 0.55435582]
 [ 0.00762198]
 [ 0.32202525]]
result : [[ 0.56822762]
 [ 0.44010977]
 [ 0.43142616]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.82850036]
 [-0.03459315]
 [ 1.06168277]]
dot product : [[-0.46951357]
 [-0.29832718]]
result : [[ 0.13791491]
 [-0.0953905 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.13791491]
 [-0.0953905 ]]
dot product : [[ 0.26565324]
 [-0.04791814]
 [ 0.14092643]]
result : [[ 0.27952503]
 [ 0.38456966]
 [ 0.25032734]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.8624718 ]
 [-0.58812709]
 [ 0.67352033]]
dot product : [[-0.56802389]
 [-0.54843226]]
result : [[ 0.03940459]
 [-0.34549557]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.03940459]
 [-0.34549557]]
dot product : [[ 0.33915552]
 [ 0.13129507]
 [ 0.22989833]]
result : [[ 0.35302732]
 [ 0.56378287]
 [ 0.33929924]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.35658302]
 [-0.24992639]
 [ 0.91824693]]
dot product : [[-0.37789458]
 [-0.64924745]]
result : [[ 0.2295339 ]
 [-0.44631076]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.2295339 ]
 [-0.44631076]]
dot product : [[ 0.67999745]
 [ 0.05125325]
 [ 0.40589176]]
result : [[ 0.69386925]
 [ 0.48374105]
 [ 0.51529267]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.85550694]
 [-1.02321488]
 [ 0.39562474]]
dot product : [[-0.17814844]
 [-1.65713188]]
result : [[ 0.42928003]
 [-1.45419519]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.42928003]
 [-1.45419519]]
dot product : [[ 1.78420327]
 [ 0.3780877 ]
 [ 1.1282526 ]]
result : [[ 1.79807507]
 [ 0.81057549]
 [ 1.23765351]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.62740077]
 [-0.05140675]
 [ 1.05304444]]
dot product : [[-0.41836565]
 [-0.41159769]]
result : [[ 0.18906283]
 [-0.208661  ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.18906283]
 [-0.208661  ]]
dot product : [[ 0.42860963]
 [-0.03020218]
 [ 0.23960633]]
result : [[ 0.44248142]
 [ 0.40228561]
 [ 0.34900724]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.207027  ]
 [-0.77506961]
 [ 0.55928504]]
dot product : [[-0.31175902]
 [-1.19802703]]
result : [[ 0.29566946]
 [-0.99509034]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.29566946]
 [-0.99509034]]
dot product : [[ 1.22350803]
 [ 0.25745082]
 [ 0.77322048]]
result : [[ 1.23737983]
 [ 0.68993861]
 [ 0.88262139]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.39129169]
 [-0.9345011 ]
 [ 0.45051071]]
dot product : [[-0.28815704]
 [-1.37151171]]
result : [[ 0.31927144]
 [-1.16857503]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.31927144]
 [-1.16857503]]
dot product : [[ 1.39897577]
 [ 0.3208503 ]
 [ 0.89098634]]
result : [[ 1.41284756]
 [ 0.7533381 ]
 [ 1.00038725]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.22549134]
 [-0.36763205]
 [ 0.83786346]]
dot product : [[-0.36179491]
 [-0.7747416 ]]
result : [[ 0.24563357]
 [-0.57180492]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.24563357]
 [-0.57180492]]
dot product : [[ 0.8056081 ]
 [ 0.09775965]
 [ 0.49048696]]
result : [[ 0.81947989]
 [ 0.53024744]
 [ 0.59988787]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.66848697]
 [-0.03190354]
 [ 1.06606158]]
dot product : [[-0.42622013]
 [-0.38068002]]
result : [[ 0.18120835]
 [-0.17774333]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.18120835]
 [-0.17774333]]
dot product : [[ 0.39239863]
 [-0.03908379]
 [ 0.21639434]]
result : [[ 0.40627043]
 [ 0.39340401]
 [ 0.32579525]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.16203029]
 [-0.7336841 ]
 [ 0.58756508]]
dot product : [[-0.3171263 ]
 [-1.15447571]]
result : [[ 0.29030218]
 [-0.95153902]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.29030218]
 [-0.95153902]]
dot product : [[ 1.18021407]
 [ 0.24116559]
 [ 0.74399676]]
result : [[ 1.19408587]
 [ 0.67365338]
 [ 0.85339767]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.24775025]
 [-0.34713934]
 [ 0.85186713]]
dot product : [[-0.36444673]
 [-0.75318794]]
result : [[ 0.24298175]
 [-0.55025125]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.24298175]
 [-0.55025125]]
dot product : [[ 0.78418784]
 [ 0.08969709]
 [ 0.47602678]]
result : [[ 0.79805964]
 [ 0.52218488]
 [ 0.5854277 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.02509018]
 [-0.60471442]
 [ 0.6757454 ]]
dot product : [[-0.332973  ]
 [-1.02047316]]
result : [[ 0.27445548]
 [-0.81753647]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.27445548]
 [-0.81753647]]
dot product : [[ 1.04790768]
 [ 0.19061528]
 [ 0.6544858 ]]
result : [[ 1.06177948]
 [ 0.62310307]
 [ 0.76388671]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.7804745 ]
 [-0.01245835]
 [ 1.07793242]]
dot product : [[-0.45307463]
 [-0.31272349]]
result : [[ 0.15435385]
 [-0.1097868 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.15435385]
 [-0.1097868 ]]
dot product : [[ 0.29982136]
 [-0.05225114]
 [ 0.15952753]]
result : [[ 0.31369316]
 [ 0.38023665]
 [ 0.26892844]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.61887301]
 [-0.05599051]
 [ 1.04996748]]
dot product : [[-0.41682193]
 [-0.41827413]]
result : [[ 0.19060655]
 [-0.21533744]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.19060655]
 [-0.21533744]]
dot product : [[ 0.43622278]
 [-0.0281833 ]
 [ 0.24452588]]
result : [[ 0.45009457]
 [ 0.4043045 ]
 [ 0.35392679]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.88021093]
 [-0.91040425]
 [ 0.47500981]]
dot product : [[-0.1533095]
 [-1.6154559]]
result : [[ 0.45411898]
 [-1.41251922]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.45411898]
 [-1.41251922]]
dot product : [[ 1.78336159]
 [ 0.34264345]
 [ 1.11856276]]
result : [[ 1.79723339]
 [ 0.77513125]
 [ 1.22796367]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.35980925]
 [-0.90878401]
 [ 0.46802911]]
dot product : [[-0.29243546]
 [-1.34260784]]
result : [[ 0.31499302]
 [-1.13967115]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.31499302]
 [-1.13967115]]
dot product : [[ 1.36927279]
 [ 0.31051681]
 [ 0.8711546 ]]
result : [[ 1.38314458]
 [ 0.74300461]
 [ 0.98055551]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.84595787]
 [-0.05303528]
 [ 1.04849575]]
dot product : [[-0.47716842]
 [-0.29812495]]
result : [[ 0.13026006]
 [-0.09518826]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.13026006]
 [-0.09518826]]
dot product : [[ 0.25512084]
 [-0.04293848]
 [ 0.13613884]]
result : [[ 0.26899264]
 [ 0.38954931]
 [ 0.24553976]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.83309753]
 [-0.03868815]
 [ 1.0587434 ]]
dot product : [[-0.47140636]
 [-0.29790545]]
result : [[ 0.13602212]
 [-0.09496876]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.13602212]
 [-0.09496876]]
dot product : [[ 0.26274143]
 [-0.04685619]
 [ 0.13952111]]
result : [[ 0.27661322]
 [ 0.38563161]
 [ 0.24892202]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.11248479]
 [-0.47366382]
 [ 0.76537305]]
dot product : [[-0.34865362]
 [-0.88513171]]
result : [[ 0.25877486]
 [-0.68219502]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.25877486]
 [-0.68219502]]
dot product : [[ 0.91471862]
 [ 0.13934495]
 [ 0.56427828]]
result : [[ 0.92859042]
 [ 0.57183274]
 [ 0.6736792 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.79107532]
 [-0.15591211]
 [ 1.00198092]]
dot product : [[-0.05531258]
 [-1.20374358]]
result : [[ 0.5521159 ]
 [-1.00080689]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.5521159 ]
 [-1.00080689]]
dot product : [[ 1.57548004]
 [ 0.09014442]
 [ 0.93297936]]
result : [[ 1.58935183]
 [ 0.52263221]
 [ 1.04238027]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.85465634]
 [-0.63408057]
 [ 0.64146157]]
dot product : [[-0.57335332]
 [-0.57475588]]
result : [[ 0.03407516]
 [-0.3718192 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.03407516]
 [-0.3718192 ]]
dot product : [[ 0.35371449]
 [ 0.14681881]
 [ 0.24233475]]
result : [[ 0.36758629]
 [ 0.5793066 ]
 [ 0.35173566]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.17332101]
 [-0.74413054]
 [ 0.58042565]]
dot product : [[-0.31578952]
 [-1.16543368]]
result : [[ 0.29163896]
 [-0.96249699]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.29163896]
 [-0.96249699]]
dot product : [[ 1.19108876]
 [ 0.24527219]
 [ 0.75134141]]
result : [[ 1.20496056]
 [ 0.67775998]
 [ 0.86074232]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.51130396]
 [-1.02368072]
 [ 0.38993089]]
dot product : [[-0.27041719]
 [-1.47740932]]
result : [[ 0.33701129]
 [-1.27447263]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.33701129]
 [-1.27447263]]
dot product : [[ 1.51059672]
 [ 0.35734207]
 [ 0.96490436]]
result : [[ 1.52446852]
 [ 0.78982987]
 [ 1.07430527]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.77443049]
 [-0.01156442]
 [ 1.07865268]]
dot product : [[-0.45131137]
 [-0.31545068]]
result : [[ 0.15611711]
 [-0.112514  ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.15611711]
 [-0.112514  ]]
dot product : [[ 0.3044649 ]
 [-0.05217694]
 [ 0.16222765]]
result : [[ 0.31833669]
 [ 0.38031086]
 [ 0.27162856]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.80146246]
 [-0.89525142]
 [ 0.45939652]]
dot product : [[-0.60129193]
 [-0.7289508 ]]
result : [[ 0.00613655]
 [-0.52601411]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.00613655]
 [-0.52601411]]
dot product : [[ 0.44343651]
 [ 0.2355788 ]
 [ 0.31718252]]
result : [[ 0.45730831]
 [ 0.66806659]
 [ 0.42658343]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.53959763]
 [-1.04203725]
 [ 0.37751727]]
dot product : [[-0.26580393]
 [-1.5010842 ]]
result : [[ 0.34162455]
 [-1.29814751]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.34162455]
 [-1.29814751]]
dot product : [[ 1.53642758]
 [ 0.36507146]
 [ 0.98182439]]
result : [[ 1.55029938]
 [ 0.79755925]
 [ 1.0912253 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.87372259]
 [-0.95708859]
 [ 0.44221619]]
dot product : [[-0.16258821]
 [-1.63465523]]
result : [[ 0.44484027]
 [-1.43171854]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.44484027]
 [-1.43171854]]
dot product : [[ 1.78667968]
 [ 0.35753808]
 [ 1.12434612]]
result : [[ 1.80055148]
 [ 0.79002587]
 [ 1.23374703]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.86836884]
 [-0.59192698]
 [ 0.69785067]]
dot product : [[-0.10503838]
 [-1.45514792]]
result : [[ 0.5023901 ]
 [-1.25221123]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.5023901 ]
 [-1.25221123]]
dot product : [[ 1.71611413]
 [ 0.23762695]
 [ 1.05246884]]
result : [[ 1.72998593]
 [ 0.67011474]
 [ 1.16186975]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.88312251]
 [-0.87095692]
 [ 0.50267967]]
dot product : [[-0.1461578 ]
 [-1.59788878]]
result : [[ 0.46127068]
 [-1.39495209]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.46127068]
 [-1.39495209]]
dot product : [[ 1.7785136 ]
 [ 0.3299017 ]
 [ 1.11245517]]
result : [[ 1.79238539]
 [ 0.76238949]
 [ 1.22185608]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.87313736]
 [-0.63343154]
 [ 0.66885992]]
dot product : [[-0.1104653]
 [-1.4777257]]
result : [[ 0.49696318]
 [-1.27478901]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.49696318]
 [-1.27478901]]
dot product : [[ 1.72744248]
 [ 0.25150872]
 [ 1.06261375]]
result : [[ 1.74131427]
 [ 0.68399651]
 [ 1.17201466]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.87519723]
 [-0.65344906]
 [ 0.65487403]]
dot product : [[-0.11314696]
 [-1.48848943]]
result : [[ 0.49428152]
 [-1.28555275]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.49428152]
 [-1.28555275]]
dot product : [[ 1.73271529]
 [ 0.25818928]
 [ 1.06739266]]
result : [[ 1.74658708]
 [ 0.69067708]
 [ 1.17679357]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.49957509]
 [-0.13409692]
 [ 0.99713094]]
dot product : [[-0.39748479]
 [-0.51843974]]
result : [[ 0.20994369]
 [-0.31550306]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.20994369]
 [-0.31550306]]
dot product : [[ 0.54526497]
 [ 0.00463876]
 [ 0.31600217]]
result : [[ 0.55913677]
 [ 0.43712655]
 [ 0.42540308]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.88454188]
 [-0.15320278]
 [ 0.97774804]]
dot product : [[-0.50368286]
 [-0.32642627]]
result : [[ 0.10374562]
 [-0.12348958]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.10374562]
 [-0.12348958]]
dot product : [[ 0.24263008]
 [-0.01247744]
 [ 0.13683747]]
result : [[ 0.25650188]
 [ 0.42001036]
 [ 0.24623839]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.85867859]
 [-0.61084914]
 [ 0.65766752]]
dot product : [[-0.57067814]
 [-0.56141096]]
result : [[ 0.03675034]
 [-0.35847427]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.03675034]
 [-0.35847427]]
dot product : [[ 0.3462977 ]
 [ 0.13896658]
 [ 0.23601381]]
result : [[ 0.3601695 ]
 [ 0.57145437]
 [ 0.34541472]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.85618893]
 [-0.50293269]
 [ 0.75998228]]
dot product : [[-0.09392567]
 [-1.40571434]]
result : [[ 0.51350281]
 [-1.20277765]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.51350281]
 [-1.20277765]]
dot product : [[ 1.69026914]
 [ 0.20774288]
 [ 1.02978767]]
result : [[ 1.70414094]
 [ 0.64023067]
 [ 1.13918858]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.65264831]
 [-1.09966686]
 [ 0.33892295]]
dot product : [[-0.24483251]
 [-1.58807468]]
result : [[ 0.36259597]
 [-1.385138  ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.36259597]
 [-1.385138  ]]
dot product : [[ 1.636784  ]
 [ 0.39080831]
 [ 1.04644629]]
result : [[ 1.6506558]
 [ 0.8232961]
 [ 1.1558472]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.8756188 ]
 [-0.94603947]
 [ 0.44998331]]
dot product : [[-0.16029557]
 [-1.63029969]]
result : [[ 0.44713291]
 [-1.42736301]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.44713291]
 [-1.42736301]]
dot product : [[ 1.78618108]
 [ 0.35403476]
 [ 1.12314854]]
result : [[ 1.80005287]
 [ 0.78652255]
 [ 1.23254945]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.88371996]
 [-0.780213  ]
 [ 0.56623579]]
dot product : [[-0.1313401 ]
 [-1.55428847]]
result : [[ 0.47608838]
 [-1.35135179]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.47608838]
 [-1.35135179]]
dot product : [[ 1.76251075]
 [ 0.30022042]
 [ 1.09550883]]
result : [[ 1.77638255]
 [ 0.73270821]
 [ 1.20490974]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.83586808]
 [-0.38015222]
 [ 0.84564697]]
dot product : [[-0.07953605]
 [-1.33567496]]
result : [[ 0.52789243]
 [-1.13273827]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.52789243]
 [-1.13273827]]
dot product : [[ 1.65181581]
 [ 0.16629996]
 [ 0.99682581]]
result : [[ 1.66568761]
 [ 0.59878776]
 [ 1.10622672]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.37036119]
 [-0.91749063]
 [ 0.46209653]]
dot product : [[-0.29101553]
 [-1.35233765]]
result : [[ 0.31641295]
 [-1.14940096]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.31641295]
 [-1.14940096]]
dot product : [[ 1.37924412]
 [ 0.31400879]
 [ 0.87781812]]
result : [[ 1.39311591]
 [ 0.74649658]
 [ 0.98721903]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.53025033]
 [-1.03611129]
 [ 0.38152138]]
dot product : [[-0.26735036]
 [-1.49332979]]
result : [[ 0.34007812]
 [-1.2903931 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.34007812]
 [-1.2903931 ]]
dot product : [[ 1.52791905]
 [ 0.36256326]
 [ 0.97626085]]
result : [[ 1.54179085]
 [ 0.79505105]
 [ 1.08566177]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.88051691]
 [-0.46227744]
 [ 0.76136981]]
dot product : [[-0.55252897]
 [-0.4780974 ]]
result : [[ 0.05489951]
 [-0.27516071]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.05489951]
 [-0.27516071]]
dot product : [[ 0.30195441]
 [ 0.08898521]
 [ 0.19743429]]
result : [[ 0.31582621]
 [ 0.521473  ]
 [ 0.3068352 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.6015206 ]
 [-0.06581055]
 [ 1.04336123]]
dot product : [[-0.41376036]
 [-0.432098  ]]
result : [[ 0.19366812]
 [-0.22916131]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.19366812]
 [-0.22916131]]
dot product : [[ 0.45180364]
 [-0.0239138 ]
 [ 0.25462985]]
result : [[ 0.46567544]
 [ 0.40857399]
 [ 0.36403076]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.72041262]
 [-1.11554813]
 [ 0.32885824]]
dot product : [[-0.22924736]
 [-1.63118684]]
result : [[ 0.37818112]
 [-1.42825016]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.37818112]
 [-1.42825016]]
dot product : [[ 1.69355026]
 [ 0.40012353]
 [ 1.08163805]]
result : [[ 1.70742205]
 [ 0.83261132]
 [ 1.19103896]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.41942256]
 [-0.19690025]
 [ 0.95440051]]
dot product : [[-0.38616072]
 [-0.59073487]]
result : [[ 0.22126776]
 [-0.38779818]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.22126776]
 [-0.38779818]]
dot product : [[ 0.62040209]
 [ 0.03007254]
 [ 0.36598553]]
result : [[ 0.63427388]
 [ 0.46256033]
 [ 0.47538644]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.86272391]
 [-0.54843756]
 [ 0.72821772]]
dot product : [[-0.0995256 ]
 [-1.43115144]]
result : [[ 0.50790288]
 [-1.22821475]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.50790288]
 [-1.22821475]]
dot product : [[ 1.70372848]
 [ 0.22304195]
 [ 1.0415309 ]]
result : [[ 1.71760028]
 [ 0.65552974]
 [ 1.15093181]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.31706324]
 [-0.8727042 ]
 [ 0.49262874]]
dot product : [[-0.29805693]
 [-1.30280071]]
result : [[ 0.30937155]
 [-1.09986403]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.30937155]
 [-1.09986403]]
dot product : [[ 1.32873191]
 [ 0.2961058 ]
 [ 0.844007  ]]
result : [[ 1.3426037 ]
 [ 0.72859359]
 [ 0.95340791]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.77815857]
 [-1.10857954]
 [ 0.33463877]]
dot product : [[-0.2126547 ]
 [-1.65800397]]
result : [[ 0.39477378]
 [-1.45506729]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.39477378]
 [-1.45506729]]
dot product : [[ 1.73820124]
 [ 0.40134742]
 [ 1.10773419]]
result : [[ 1.75207303]
 [ 0.83383522]
 [ 1.2171351 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.83110741]
 [-0.35401954]
 [ 0.86387311]]
dot product : [[-0.07659002]
 [-1.32054002]]
result : [[ 0.53083846]
 [-1.11760333]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.53083846]
 [-1.11760333]]
dot product : [[ 1.64328504]
 [ 0.15745278]
 [ 0.98960337]]
result : [[ 1.65715684]
 [ 0.58994057]
 [ 1.09900428]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.88234155]
 [-0.88453597]
 [ 0.49315826]]
dot product : [[-0.14856037]
 [-1.60405165]]
result : [[ 0.45886811]
 [-1.40111496]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.45886811]
 [-1.40111496]]
dot product : [[ 1.7803584 ]
 [ 0.33430126]
 [ 1.11466268]]
result : [[ 1.7942302 ]
 [ 0.76678905]
 [ 1.22406359]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.09382361]
 [-0.66987231]
 [ 0.63118801]]
dot product : [[-0.32508782]
 [-1.08793783]]
result : [[ 0.28234066]
 [-0.88500115]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.28234066]
 [-0.88500115]]
dot product : [[ 1.11439252]
 [ 0.21612684]
 [ 0.69949414]]
result : [[ 1.12826432]
 [ 0.64861464]
 [ 0.80889505]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.75549339]
 [-0.01066178]
 [ 1.0795801 ]]
dot product : [[-0.44609334]
 [-0.32491412]]
result : [[ 0.16133514]
 [-0.12197744]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.16133514]
 [-0.12197744]]
dot product : [[ 0.31935872]
 [-0.05132278]
 [ 0.1710481 ]]
result : [[ 0.33323051]
 [ 0.38116502]
 [ 0.28044901]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.54885873]
 [-1.04776523]
 [ 0.37365046]]
dot product : [[-0.26424861]
 [-1.50869774]]
result : [[ 0.34317987]
 [-1.30576106]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.34317987]
 [-1.30576106]]
dot product : [[ 1.54483162]
 [ 0.36750959]
 [ 0.98730941]]
result : [[ 1.55870342]
 [ 0.79999739]
 [ 1.09671032]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.13526893]
 [-0.45208366]
 [ 0.78013005]]
dot product : [[-0.35127047]
 [-0.86277721]]
result : [[ 0.25615801]
 [-0.65984053]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.25615801]
 [-0.65984053]]
dot product : [[ 0.89268326]
 [ 0.13089437]
 [ 0.54936223]]
result : [[ 0.90655506]
 [ 0.56338216]
 [ 0.65876314]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.26254751]
 [-0.82507121]
 [ 0.52513537]]
dot product : [[-0.30496471]
 [-1.25124962]]
result : [[ 0.30246377]
 [-1.04831294]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.30246377]
 [-1.04831294]]
dot product : [[ 1.2767345 ]
 [ 0.27719666]
 [ 0.80907716]]
result : [[ 1.29060629]
 [ 0.70968445]
 [ 0.91847807]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.46006334]
 [-0.16426831]
 [ 0.97661847]]
dot product : [[-0.39177523]
 [-0.55369683]]
result : [[ 0.21565325]
 [-0.35076014]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.21565325]
 [-0.35076014]]
dot product : [[ 0.58216126]
 [ 0.01691848]
 [ 0.34049221]]
result : [[ 0.59603306]
 [ 0.44940627]
 [ 0.44989312]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.26986321]
 [-0.32695589]
 [ 0.8656565 ]]
dot product : [[-0.36710942]
 [-0.73186022]]
result : [[ 0.24031906]
 [-0.52892354]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.24031906]
 [-0.52892354]]
dot product : [[ 0.76293979]
 [ 0.08174466]
 [ 0.46169462]]
result : [[ 0.77681158]
 [ 0.51423246]
 [ 0.57109554]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.45257334]
 [-0.98203513]
 [ 0.41817889]]
dot product : [[-0.27942105]
 [-1.42655211]]
result : [[ 0.32800743]
 [-1.22361543]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.32800743]
 [-1.22361543]]
dot product : [[ 1.45633509]
 [ 0.34013783]
 [ 0.92911003]]
result : [[ 1.47020689]
 [ 0.77262562]
 [ 1.03851094]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.80968627]
 [-0.24410611]
 [ 0.94051003]]
dot product : [[-0.06457351]
 [-1.256152  ]]
result : [[ 0.54285497]
 [-1.05321532]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.54285497]
 [-1.05321532]]
dot product : [[ 1.6062933 ]
 [ 0.12015686]
 [ 0.95856219]]
result : [[ 1.6201651 ]
 [ 0.55264465]
 [ 1.0679631 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.05949974]
 [-0.63741001]
 [ 0.65338569]]
dot product : [[-0.32903778]
 [-1.05428434]]
result : [[ 0.2783907 ]
 [-0.85134765]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.2783907 ]
 [-0.85134765]]
dot product : [[ 1.08120535]
 [ 0.20341186]
 [ 0.67703246]]
result : [[ 1.09507715]
 [ 0.63589966]
 [ 0.78643337]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.86435564]
 [-0.99724056]
 [ 0.41395221]]
dot product : [[-0.17158278]
 [-1.6491885 ]]
result : [[ 0.4358457 ]
 [-1.44625181]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.4358457 ]
 [-1.44625181]]
dot product : [[ 1.78652267]
 [ 0.37011866]
 [ 1.12752232]]
result : [[ 1.80039447]
 [ 0.80260646]
 [ 1.23692323]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.87031495]
 [-0.09903159]
 [ 1.01590529]]
dot product : [[-0.49112206]
 [-0.30764962]]
result : [[ 0.11630642]
 [-0.10471293]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.11630642]
 [-0.10471293]]
dot product : [[ 0.24410577]
 [-0.02935407]
 [ 0.13330702]]
result : [[ 0.25797757]
 [ 0.40313372]
 [ 0.24270793]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.61112977]
 [-1.08199651]
 [ 0.35064981]]
dot product : [[-0.25309885]
 [-1.55781795]]
result : [[ 0.35432963]
 [-1.35488126]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.35432963]
 [-1.35488126]]
dot product : [[ 1.60056206]
 [ 0.3825007 ]
 [ 1.02337703]]
result : [[ 1.61443385]
 [ 0.81498849]
 [ 1.13277794]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.84039431]
 [-0.40575427]
 [ 0.82778877]]
dot product : [[-0.08245917]
 [-1.35043056]]
result : [[ 0.52496931]
 [-1.14749387]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.52496931]
 [-1.14749387]]
dot product : [[ 1.66006382]
 [ 0.17495914]
 [ 1.00383618]]
result : [[ 1.67393561]
 [ 0.60744693]
 [ 1.11323709]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.11663588]
 [-0.69133326]
 [ 0.61651493]]
dot product : [[-0.32244419]
 [-1.11024934]]
result : [[ 0.28498429]
 [-0.90731265]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.28498429]
 [-0.90731265]]
dot product : [[ 1.13642859]
 [ 0.22454009]
 [ 0.71440091]]
result : [[ 1.15030039]
 [ 0.65702788]
 [ 0.82380182]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.78790495]
 [-0.95398039]
 [ 0.41848079]]
dot product : [[-0.60714697]
 [-0.76445864]]
result : [[  2.81511822e-04]
 [ -5.61521956e-01]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[  2.81511822e-04]
 [ -5.61521956e-01]]
dot product : [[ 0.46488111]
 [ 0.25563498]
 [ 0.33477117]]
result : [[ 0.4787529 ]
 [ 0.68812277]
 [ 0.44417208]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.12388573]
 [-0.46285611]
 [ 0.77276375]]
dot product : [[-0.34996157]
 [-0.87394129]]
result : [[ 0.25746691]
 [-0.67100461]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.25746691]
 [-0.67100461]]
dot product : [[ 0.90369069]
 [ 0.13511335]
 [ 0.5568127 ]]
result : [[ 0.91756248]
 [ 0.56760114]
 [ 0.66621361]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.33519014]
 [-0.26856694]
 [ 0.9055268 ]]
dot product : [[-0.37517555]
 [-0.66945207]]
result : [[ 0.23225293]
 [-0.46651539]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.23225293]
 [-0.46651539]]
dot product : [[ 0.70039277]
 [ 0.05865667]
 [ 0.41958905]]
result : [[ 0.71426456]
 [ 0.49114447]
 [ 0.52898996]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.36720003]
 [-0.24077752]
 [ 0.9244882 ]]
dot product : [[-0.37926051]
 [-0.63926962]]
result : [[ 0.22816797]
 [-0.43633293]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.22816797]
 [-0.43633293]]
dot product : [[ 0.66989408]
 [ 0.0476125 ]
 [ 0.39911338]]
result : [[ 0.68376588]
 [ 0.48010029]
 [ 0.50851429]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.6280486 ]
 [-1.08977712]
 [ 0.34546499]]
dot product : [[-0.24982399]
 [-1.57042822]]
result : [[ 0.35760449]
 [-1.36749154]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.35760449]
 [-1.36749154]]
dot product : [[ 1.61542783]
 [ 0.38607597]
 [ 1.03288788]]
result : [[ 1.62929962]
 [ 0.81856377]
 [ 1.14228879]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.84992859]
 [-0.05851777]
 [ 1.04459451]]
dot product : [[-0.47911754]
 [-0.29870215]]
result : [[ 0.12831094]
 [-0.09576547]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.12831094]
 [-0.09576547]]
dot product : [[ 0.2529591 ]
 [-0.04138411]
 [ 0.13529443]]
result : [[ 0.26683089]
 [ 0.39110368]
 [ 0.24469534]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.40909873]
 [-0.20541402]
 [ 0.94859942]]
dot product : [[-0.38477073]
 [-0.60025209]]
result : [[ 0.22265775]
 [-0.3973154 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.22265775]
 [-0.3973154 ]]
dot product : [[ 0.63015701]
 [ 0.03348751]
 [ 0.37250411]]
result : [[ 0.64402881]
 [ 0.4659753 ]
 [ 0.48190502]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.87164646]
 [-0.96772944]
 [ 0.43473216]]
dot product : [[-0.16486308]
 [-1.63871914]]
result : [[ 0.4425654 ]
 [-1.43578245]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.4425654 ]
 [-1.43578245]]
dot product : [[ 1.7869611 ]
 [ 0.36089678]
 [ 1.12538076]]
result : [[ 1.80083289]
 [ 0.79338457]
 [ 1.23478167]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.63635401]
 [-1.09331501]
 [ 0.34311697]]
dot product : [[-0.24817088]
 [-1.57648231]]
result : [[ 0.3592576 ]
 [-1.37354563]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.3592576 ]
 [-1.37354563]]
dot product : [[ 1.62267427]
 [ 0.38773885]
 [ 1.03750327]]
result : [[ 1.63654606]
 [ 0.82022665]
 [ 1.14690418]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.43987726]
 [-0.18029201]
 [ 0.96571207]]
dot product : [[-0.38895674]
 [-0.57200419]]
result : [[ 0.21847174]
 [-0.36906751]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.21847174]
 [-0.36906751]]
dot product : [[ 0.6011218 ]
 [ 0.02339164]
 [ 0.3531196 ]]
result : [[ 0.6149936 ]
 [ 0.45587943]
 [ 0.46252051]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.81535065]
 [-1.08557778]
 [ 0.35132659]]
dot product : [[-0.19897751]
 [-1.66631688]]
result : [[ 0.40845097]
 [-1.46338019]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.40845097]
 [-1.46338019]]
dot product : [[ 1.7635975 ]
 [ 0.39607273]
 [ 1.12102651]]
result : [[ 1.7774693 ]
 [ 0.82856052]
 [ 1.23042742]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.89248299]
 [-0.32136112]
 [ 0.85986509]]
dot product : [[-0.53297212]
 [-0.40364959]]
result : [[ 0.07445636]
 [-0.2007129 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.07445636]
 [-0.2007129 ]]
dot product : [[ 0.26685109]
 [ 0.04211028]
 [ 0.16499595]]
result : [[ 0.28072289]
 [ 0.47459807]
 [ 0.27439686]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.84182799]
 [-0.0479054 ]
 [ 1.05215254]]
dot product : [[-0.47523363]
 [-0.29780159]]
result : [[ 0.13219485]
 [-0.09486491]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.13219485]
 [-0.09486491]]
dot product : [[ 0.25747318]
 [-0.04436772]
 [ 0.13712578]]
result : [[ 0.27134498]
 [ 0.38812008]
 [ 0.2465267 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.88410719]
 [-0.84248988]
 [ 0.52263013]]
dot product : [[-0.14129583]
 [-1.58462784]]
result : [[ 0.46613265]
 [-1.38169116]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.46613265]
 [-1.38169116]]
dot product : [[ 1.77412733]
 [ 0.32063887]
 [ 1.10751754]]
result : [[ 1.78799912]
 [ 0.75312666]
 [ 1.21691845]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.80860522]
 [-0.02154802]
 [ 1.07112836]]
dot product : [[-0.46207758]
 [-0.30241551]]
result : [[ 0.1453509 ]
 [-0.09947882]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.1453509 ]
 [-0.09947882]]
dot product : [[ 0.27910393]
 [-0.05098233]
 [ 0.14789622]]
result : [[ 0.29297573]
 [ 0.38150546]
 [ 0.25729713]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.3062507 ]
 [-0.86339003]
 [ 0.49898272]]
dot product : [[-0.29944853]
 [-1.29264066]]
result : [[ 0.30797995]
 [-1.08970398]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.30797995]
 [-1.08970398]]
dot product : [[ 1.31844304]
 [ 0.29239904]
 [ 0.83710439]]
result : [[ 1.33231484]
 [ 0.72488683]
 [ 0.9465053 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.74738816]
 [-1.11543764]
 [ 0.32935628]]
dot product : [[-0.22200422]
 [-1.64523608]]
result : [[ 0.38542426]
 [-1.44229939]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.38542426]
 [-1.44229939]]
dot product : [[ 1.71497965]
 [ 0.40172515]
 [ 1.09442577]]
result : [[ 1.72885144]
 [ 0.83421295]
 [ 1.20382668]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.88050667]
 [-0.13357725]
 [ 0.99155448]]
dot product : [[-0.49943197]
 [-0.31903871]]
result : [[ 0.10799651]
 [-0.11610202]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.10799651]
 [-0.11610202]]
dot product : [[ 0.24227492]
 [-0.01865957]
 [ 0.13502709]]
result : [[ 0.25614671]
 [ 0.41382823]
 [ 0.24442801]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.85862676]
 [-1.01494338]
 [ 0.40146581]]
dot product : [[-0.17597673]
 [-1.65476018]]
result : [[ 0.43145175]
 [-1.4518235 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.43145175]
 [-1.4518235 ]]
dot product : [[ 1.78518199]
 [ 0.3755683 ]
 [ 1.12816342]]
result : [[ 1.79905378]
 [ 0.80805609]
 [ 1.23756433]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.85258341]
 [-0.47941491]
 [ 0.77639526]]
dot product : [[-0.09109261]
 [-1.3924487 ]]
result : [[ 0.51633587]
 [-1.18951202]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.51633587]
 [-1.18951202]]
dot product : [[ 1.68313172]
 [ 0.19982218]
 [ 1.02361023]]
result : [[ 1.69700351]
 [ 0.63230997]
 [ 1.13301114]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.40166683]
 [-0.94279731]
 [ 0.44486278]]
dot product : [[-0.28671816]
 [-1.38095049]]
result : [[ 0.32071032]
 [-1.1780138 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.32071032]
 [-1.1780138 ]]
dot product : [[ 1.40873199]
 [ 0.32419714]
 [ 0.89748798]]
result : [[ 1.42260378]
 [ 0.75668493]
 [ 1.00688889]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.64415088]
 [-0.04291088]
 [ 1.05873279]]
dot product : [[-0.42147979]
 [-0.39872949]]
result : [[ 0.18594869]
 [-0.1957928 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.18594869]
 [-0.1957928 ]]
dot product : [[ 0.41374813]
 [-0.03400146]
 [ 0.23003978]]
result : [[ 0.42761992]
 [ 0.39848634]
 [ 0.33944069]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.37776181]
 [-0.23174803]
 [ 0.93064673]]
dot product : [[-0.38063093]
 [-0.62937842]]
result : [[ 0.22679755]
 [-0.42644174]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.22679755]
 [-0.42644174]]
dot product : [[ 0.65985631]
 [ 0.04401419]
 [ 0.39238389]]
result : [[ 0.6737281 ]
 [ 0.47650199]
 [ 0.5017848 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.75381005]
 [-1.11467609]
 [ 0.32998973]]
dot product : [[-0.22016112]
 [-1.6482249 ]]
result : [[ 0.38726736]
 [-1.44528821]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.38726736]
 [-1.44528821]]
dot product : [[ 1.7199477 ]
 [ 0.40186566]
 [ 1.09733045]]
result : [[ 1.73381949]
 [ 0.83435345]
 [ 1.20673137]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.76825116]
 [-0.01096956]
 [ 1.07916561]]
dot product : [[-0.44956018]
 [-0.31839335]]
result : [[ 0.1578683 ]
 [-0.11545666]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.1578683 ]
 [-0.11545666]]
dot product : [[ 0.30927033]
 [-0.05199657]
 [ 0.16504881]]
result : [[ 0.32314213]
 [ 0.38049122]
 [ 0.27444972]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.85373844]
 [-0.0643567 ]
 [ 1.04044617]]
dot product : [[-0.48108114]
 [-0.29953594]]
result : [[ 0.12634734]
 [-0.09659925]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.12634734]
 [-0.09659925]]
dot product : [[ 0.25098999]
 [-0.03970325]
 [ 0.13459408]]
result : [[ 0.26486179]
 [ 0.39278454]
 [ 0.243995  ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.82007365]
 [-1.08094931]
 [ 0.3546415 ]]
dot product : [[-0.19696484]
 [-1.66654624]]
result : [[ 0.41046364]
 [-1.46360956]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.41046364]
 [-1.46360956]]
dot product : [[ 1.7665125 ]
 [ 0.39484371]
 [ 1.12239028]]
result : [[ 1.7803843 ]
 [ 0.82733151]
 [ 1.23179119]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.04380197]
 [-0.53903629]
 [ 0.72066461]]
dot product : [[-0.34081666]
 [-0.95267376]]
result : [[ 0.26661182]
 [-0.74973707]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.26661182]
 [-0.74973707]]
dot product : [[ 0.98120218]
 [ 0.16492371]
 [ 0.60930333]]
result : [[ 0.99507397]
 [ 0.5974115 ]
 [ 0.71870424]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.87704311]
 [-0.67298184]
 [ 0.64122427]]
dot product : [[-0.11580764]
 [-1.49890672]]
result : [[ 0.49162084]
 [-1.29597003]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.49162084]
 [-1.29597003]]
dot product : [[ 1.73772992]
 [ 0.26469811]
 [ 1.07197793]]
result : [[ 1.75160172]
 [ 0.6971859 ]
 [ 1.18137884]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.89356616]
 [-0.27608096]
 [ 0.89155731]]
dot product : [[-0.52594824]
 [-0.38117141]]
result : [[ 0.08148024]
 [-0.17823472]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.08148024]
 [-0.17823472]]
dot product : [[ 0.25776753]
 [ 0.0272158 ]
 [ 0.15588404]]
result : [[ 0.27163933]
 [ 0.45970359]
 [ 0.26528495]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.61963995]
 [-1.08600301]
 [ 0.34797682]]
dot product : [[-0.25146659]
 [-1.56420585]]
result : [[ 0.35596189]
 [-1.36126917]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.35596189]
 [-1.36126917]]
dot product : [[ 1.60805641]
 [ 0.38432947]
 [ 1.02817862]]
result : [[ 1.6219282 ]
 [ 0.81681726]
 [ 1.13757953]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.49203326]
 [-1.01050411]
 [ 0.39885779]]
dot product : [[-0.27345039]
 [-1.46095826]]
result : [[ 0.33397809]
 [-1.25802158]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.33397809]
 [-1.25802158]]
dot product : [[ 1.49288103]
 [ 0.35185688]
 [ 0.9532522 ]]
result : [[ 1.50675282]
 [ 0.78434467]
 [ 1.06265311]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.72135026]
 [-0.01485856]
 [ 1.07717359]]
dot product : [[-0.43762612]
 [-0.34479491]]
result : [[ 0.16980236]
 [-0.14185823]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.16980236]
 [-0.14185823]]
dot product : [[ 0.34726952]
 [-0.04787539]
 [ 0.18805702]]
result : [[ 0.36114132]
 [ 0.3846124 ]
 [ 0.29745793]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.84875027]
 [-0.45538179]
 [ 0.79316557]]
dot product : [[-0.08823728]
 [-1.37881469]]
result : [[ 0.5191912]
 [-1.175878 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.5191912]
 [-1.175878 ]]
dot product : [[ 1.67571972]
 [ 0.19171889]
 [ 1.01722686]]
result : [[ 1.68959152]
 [ 0.62420668]
 [ 1.12662777]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.23663819]
 [-0.35734895]
 [ 0.84489076]]
dot product : [[-0.36311955]
 [-0.7639379 ]]
result : [[ 0.24430893]
 [-0.56100121]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.24430893]
 [-0.56100121]]
dot product : [[ 0.79487747]
 [ 0.09371528]
 [ 0.48324164]]
result : [[ 0.80874926]
 [ 0.52620307]
 [ 0.59264255]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.54721097]
 [-0.10021561]
 [ 1.02011474]]
dot product : [[-0.4047711 ]
 [-0.47714011]]
result : [[ 0.20265738]
 [-0.27420342]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.20265738]
 [-0.27420342]]
dot product : [[ 0.50123516]
 [-0.00934916]
 [ 0.28695017]]
result : [[ 0.51510696]
 [ 0.42313863]
 [ 0.39635108]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.82464401]
 [-1.07597374]
 [ 0.3581971 ]]
dot product : [[-0.194937  ]
 [-1.66652784]]
result : [[ 0.41249148]
 [-1.46359115]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.41249148]
 [-1.46359115]]
dot product : [[ 1.76924309]
 [ 0.39349176]
 [ 1.12361567]]
result : [[ 1.78311489]
 [ 0.82597955]
 [ 1.23301658]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.78390241]
 [-1.10627369]
 [ 0.3363431 ]]
dot product : [[-0.21074377]
 [-1.65989099]]
result : [[ 0.39668471]
 [-1.4569543 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.39668471]
 [-1.4569543 ]]
dot product : [[ 1.74234971]
 [ 0.40094102]
 [ 1.11002369]]
result : [[ 1.7562215 ]
 [ 0.83342881]
 [ 1.21942461]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.78950553]
 [-1.1036475 ]
 [ 0.33826956]]
dot product : [[-0.2088188 ]
 [-1.66154942]]
result : [[ 0.39860968]
 [-1.45861273]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.39860968]
 [-1.45861273]]
dot product : [[ 1.74632812]
 [ 0.40042117]
 [ 1.11218556]]
result : [[ 1.76019991]
 [ 0.83290896]
 [ 1.22158647]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.88131382]
 [-0.72870994]
 [ 0.60226519]]
dot product : [[-0.12366539]
 [-1.52810728]]
result : [[ 0.48376309]
 [-1.3251706 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.48376309]
 [-1.3251706 ]]
dot product : [[ 1.75124525]
 [ 0.28320769]
 [ 1.08458717]]
result : [[ 1.76511705]
 [ 0.71569548]
 [ 1.19398808]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.57477534]
 [-0.08211458]
 [ 1.03236081]]
dot product : [[-0.4092303 ]
 [-0.45397014]]
result : [[ 0.19819818]
 [-0.25103346]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.19819818]
 [-0.25103346]]
dot product : [[ 0.47603059]
 [-0.0169506 ]
 [ 0.27042494]]
result : [[ 0.48990239]
 [ 0.4155372 ]
 [ 0.37982585]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.76625553]
 [-1.11224554]
 [ 0.33188589]]
dot product : [[-0.21643505]
 [-1.65355516]]
result : [[ 0.39099343]
 [-1.45061847]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.39099343]
 [-1.45061847]]
dot product : [[ 1.7294023 ]
 [ 0.40182531]
 [ 1.1027784 ]]
result : [[ 1.74327409]
 [ 0.8343131 ]
 [ 1.21217931]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.59381163]
 [-1.07330163]
 [ 0.35646866]]
dot product : [[-0.25633298]
 [-1.54455648]]
result : [[ 0.3510955 ]
 [-1.34161979]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.3510955 ]
 [-1.34161979]]
dot product : [[ 1.58521275]
 [ 0.37860176]
 [ 1.01350297]]
result : [[ 1.59908455]
 [ 0.81108955]
 [ 1.12290388]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.22934215]
 [-0.7953239 ]
 [ 0.54544921]]
dot product : [[-0.30905362]
 [-1.21949472]]
result : [[ 0.29837486]
 [-1.01655803]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.29837486]
 [-1.01655803]]
dot product : [[ 1.24492971]
 [ 0.26543871]
 [ 0.78766209]]
result : [[ 1.25880151]
 [ 0.6979265 ]
 [ 0.897063  ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.25882582]
 [-0.33700705]
 [ 0.85878993]]
dot product : [[-0.36577664]
 [-0.74249446]]
result : [[ 0.24165184]
 [-0.53955778]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.24165184]
 [-0.53955778]]
dot product : [[ 0.77354127]
 [ 0.08570643]
 [ 0.46884393]]
result : [[ 0.78741306]
 [ 0.51819422]
 [ 0.57824485]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.80028279]
 [-1.09741885]
 [ 0.34279947]]
dot product : [[-0.20492604]
 [-1.66416957]]
result : [[ 0.40250244]
 [-1.46123288]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.40250244]
 [-1.46123288]]
dot product : [[ 1.75376655]
 [ 0.39903569]
 [ 1.11612021]]
result : [[ 1.76763835]
 [ 0.83152349]
 [ 1.22552113]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.8411984 ]
 [-0.70686931]
 [ 0.59069842]]
dot product : [[-0.58150608]
 [-0.61701545]]
result : [[ 0.0259224 ]
 [-0.41407876]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.0259224 ]
 [-0.41407876]]
dot product : [[ 0.37763298]
 [ 0.17147335]
 [ 0.26254573]]
result : [[ 0.39150478]
 [ 0.60396114]
 [ 0.37194664]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.80372785]
 [-0.21526295]
 [ 0.9606156 ]]
dot product : [[-0.06151047]
 [-1.23907923]]
result : [[ 0.54591801]
 [-1.03614255]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.54591801]
 [-1.03614255]]
dot product : [[ 1.59631796]
 [ 0.11034931]
 [ 0.95025637]]
result : [[ 1.61018975]
 [ 0.5428371 ]
 [ 1.05965728]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.88232077]
 [-0.74634198]
 [ 0.58993341]]
dot product : [[-0.12624375]
 [-1.53716618]]
result : [[ 0.48118473]
 [-1.33422949]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.48118473]
 [-1.33422949]]
dot product : [[ 1.75524767]
 [ 0.28904311]
 [ 1.08841318]]
result : [[ 1.76911946]
 [ 0.7215309 ]
 [ 1.19781409]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.67638176]
 [-0.02871278]
 [ 1.06817291]]
dot product : [[-0.42781932]
 [-0.37500859]]
result : [[ 0.17960916]
 [-0.1720719 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.17960916]
 [-0.1720719 ]]
dot product : [[ 0.38554173]
 [-0.04060805]
 [ 0.21203983]]
result : [[ 0.39941352]
 [ 0.39187974]
 [ 0.32144075]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.8615769 ]
 [-1.00628655]
 [ 0.40757408]]
dot product : [[-0.17378823]
 [-1.6521133 ]]
result : [[ 0.43364025]
 [-1.44917662]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.43364025]
 [-1.44917662]]
dot product : [[ 1.7859558 ]
 [ 0.37291241]
 [ 1.12792051]]
result : [[ 1.7998276 ]
 [ 0.8054002 ]
 [ 1.23732142]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.85738571]
 [-0.07055587]
 [ 1.03604809]]
dot product : [[-0.48305939]
 [-0.30062906]]
result : [[ 0.12436909]
 [-0.09769237]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.12436909]
 [-0.09769237]]
dot product : [[ 0.24921557]
 [-0.03789454]
 [ 0.13403933]]
result : [[ 0.26308737]
 [ 0.39459326]
 [ 0.24344025]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.10106781]
 [-0.48450296]
 [ 0.75796058]]
dot product : [[-0.34734644]
 [-0.89634572]]
result : [[ 0.26008204]
 [-0.69340903]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.26008204]
 [-0.69340903]]
dot product : [[ 0.92576502]
 [ 0.14358781]
 [ 0.57175745]]
result : [[ 0.93963681]
 [ 0.57607561]
 [ 0.68115837]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.84591795]
 [-0.68208683]
 [ 0.60797968]]
dot product : [[-0.57876713]
 [-0.60255539]]
result : [[ 0.02866135]
 [-0.3996187 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.02866135]
 [-0.3996187 ]]
dot product : [[ 0.36938008]
 [ 0.16307083]
 [ 0.25559917]]
result : [[ 0.38325188]
 [ 0.59555863]
 [ 0.36500009]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.38826665]
 [-0.22284173]
 [ 0.93671988]]
dot product : [[-0.382006  ]
 [-0.61957661]]
result : [[ 0.22542248]
 [-0.41663992]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.22542248]
 [-0.41663992]]
dot product : [[ 0.64988617]
 [ 0.04045969]
 [ 0.38570482]]
result : [[ 0.66375796]
 [ 0.47294748]
 [ 0.49510573]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.77023174]
 [-0.06266718]
 [ 1.0669541 ]]
dot product : [[-0.0458338 ]
 [-1.14772371]]
result : [[ 0.56159468]
 [-0.94478702]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.56159468]
 [-0.94478702]]
dot product : [[ 1.54197432]
 [ 0.0583423 ]
 [ 0.90537736]]
result : [[ 1.55584612]
 [ 0.4908301 ]
 [ 1.01477827]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.79752477]
 [-0.18586622]
 [ 0.98110502]]
dot product : [[-0.05842355]
 [-1.22161067]]
result : [[ 0.54900493]
 [-1.01867399]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.54900493]
 [-1.01867399]]
dot product : [[ 1.58604755]
 [ 0.10034561]
 [ 0.94172927]]
result : [[ 1.59991935]
 [ 0.5328334 ]
 [ 1.05113018]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.82906   ]
 [-1.07064725]
 [ 0.36199604]]
dot product : [[-0.19289381]
 [-1.66625892]]
result : [[ 0.41453467]
 [-1.46332223]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.41453467]
 [-1.46332223]]
dot product : [[ 1.77178723]
 [ 0.39201551]
 [ 1.12470113]]
result : [[ 1.78565902]
 [ 0.82450331]
 [ 1.23410204]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.2844863 ]
 [-0.84443541]
 [ 0.51191699]]
dot product : [[-0.30221634]
 [-1.27208983]]
result : [[ 0.30521214]
 [-1.06915314]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.30521214]
 [-1.06915314]]
dot product : [[ 1.29769529]
 [ 0.2848702 ]
 [ 0.82317106]]
result : [[ 1.31156709]
 [ 0.717358  ]
 [ 0.93257197]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.32441767]
 [-0.27805098]
 [ 0.89905324]]
dot product : [[-0.37382212]
 [-0.67967338]]
result : [[ 0.23360636]
 [-0.47673669]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.23360636]
 [-0.47673669]]
dot product : [[ 0.71068062]
 [ 0.06241663]
 [ 0.42650489]]
result : [[ 0.72455241]
 [ 0.49490442]
 [ 0.5359058 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.01360924]
 [-0.59378189]
 [ 0.68322227]]
dot product : [[-0.33428222]
 [-1.00918051]]
result : [[ 0.27314626]
 [-0.80624383]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.27314626]
 [-0.80624383]]
dot product : [[ 1.03679347]
 [ 0.18633794]
 [ 0.64695853]]
result : [[ 1.05066527]
 [ 0.61882574]
 [ 0.75635944]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.81047671]
 [-1.08986298]
 [ 0.34824972]]
dot product : [[-0.20097516]
 [-1.66584248]]
result : [[ 0.40645332]
 [-1.4629058 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.40645332]
 [-1.4629058 ]]
dot product : [[ 1.76050014]
 [ 0.39718016]
 [ 1.11952588]]
result : [[ 1.77437194]
 [ 0.82966795]
 [ 1.22892679]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.88658559]
 [-0.40591942]
 [ 0.80074197]]
dot product : [[-0.54505105]
 [-0.44765203]]
result : [[ 0.06237743]
 [-0.24471535]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.06237743]
 [-0.24471535]]
dot product : [[ 0.28689506]
 [ 0.07016017]
 [ 0.18385172]]
result : [[ 0.30076685]
 [ 0.50264796]
 [ 0.29325263]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.4324114 ]
 [-0.96680394]
 [ 0.42853068]]
dot product : [[-0.28236109]
 [-1.40864087]]
result : [[ 0.32506739]
 [-1.20570419]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.32506739]
 [-1.20570419]]
dot product : [[ 1.43753765]
 [ 0.33392567]
 [ 0.91664458]]
result : [[ 1.45140945]
 [ 0.76641346]
 [ 1.02604549]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.74221482]
 [-0.01150444]
 [ 1.07919707]]
dot product : [[-0.44267283]
 [-0.33226388]]
result : [[ 0.16475565]
 [-0.1293272 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.16475565]
 [-0.1293272 ]]
dot product : [[ 0.33007012]
 [-0.05024061]
 [ 0.17751311]]
result : [[ 0.34394192]
 [ 0.38224718]
 [ 0.28691403]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.83105005]
 [-0.75801209]
 [ 0.55504205]]
dot product : [[-0.58704887]
 [-0.64706989]]
result : [[ 0.02037961]
 [-0.44413321]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.02037961]
 [-0.44413321]]
dot product : [[ 0.39498924]
 [ 0.18883815]
 [ 0.27707518]]
result : [[ 0.40886103]
 [ 0.62132594]
 [ 0.38647609]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.21820126]
 [-0.78523648]
 [ 0.55233957]]
dot product : [[-0.31040826]
 [-1.20878882]]
result : [[ 0.29702022]
 [-1.00585214]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.29702022]
 [-1.00585214]]
dot product : [[ 1.23423935]
 [ 0.26145879]
 [ 0.78045675]]
result : [[ 1.24811115]
 [ 0.69394658]
 [ 0.88985766]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.1280158 ]
 [-0.70199809]
 [ 0.60922395]]
dot product : [[-0.32111878]
 [-1.12135963]]
result : [[ 0.2863097 ]
 [-0.91842294]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.2863097 ]
 [-0.91842294]]
dot product : [[ 1.14741387]
 [ 0.22872362]
 [ 0.72182938]]
result : [[ 1.16128567]
 [ 0.66121141]
 [ 0.8312303 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.89352823]
 [-0.26187376]
 [ 0.90150702]]
dot product : [[-0.52364322]
 [-0.37431612]]
result : [[ 0.08378526]
 [-0.17137943]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.08378526]
 [-0.17137943]]
dot product : [[ 0.25521786]
 [ 0.02256541]
 [ 0.15320446]]
result : [[ 0.26908965]
 [ 0.45505321]
 [ 0.26260537]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.87538845]
 [-0.50225611]
 [ 0.73345324]]
dot product : [[-0.55761301]
 [-0.50012494]]
result : [[ 0.04981547]
 [-0.29718826]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.04981547]
 [-0.29718826]]
dot product : [[ 0.31329188]
 [ 0.10238912]
 [ 0.20746038]]
result : [[ 0.32716367]
 [ 0.53487691]
 [ 0.31686129]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.66048242]
 [-0.03533603]
 [ 1.06378268]]
dot product : [[-0.42463058]
 [-0.38652581]]
result : [[ 0.1827979 ]
 [-0.18358912]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.1827979 ]
 [-0.18358912]]
dot product : [[ 0.3993867 ]
 [-0.03747369]
 [ 0.22084685]]
result : [[ 0.41325849]
 [ 0.3950141 ]
 [ 0.33024776]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.45000473]
 [-0.17220518]
 [ 0.97121724]]
dot product : [[-0.3903631 ]
 [-0.56279623]]
result : [[ 0.21706538]
 [-0.35985954]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.21706538]
 [-0.35985954]]
dot product : [[ 0.59160054]
 [ 0.02012841]
 [ 0.34677532]]
result : [[ 0.60547234]
 [ 0.45261621]
 [ 0.45617623]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.73538449]
 [-0.01234762]
 [ 1.07871312]]
dot product : [[-0.44097955]
 [-0.33624278]]
result : [[ 0.16644893]
 [-0.1333061 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.16644893]
 [-0.1333061 ]]
dot product : [[ 0.33565433]
 [-0.04954978]
 [ 0.18091643]]
result : [[ 0.34952613]
 [ 0.38293801]
 [ 0.29031735]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.0896365]
 [-0.4953697]
 [ 0.750529 ]]
dot product : [[-0.34603989]
 [-0.90758058]]
result : [[ 0.26138859]
 [-0.7046439 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.26138859]
 [-0.7046439 ]]
dot product : [[ 0.93682782]
 [ 0.14784059]
 [ 0.57924867]]
result : [[ 0.95069962]
 [ 0.58032839]
 [ 0.68864958]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.83742212]
 [-1.05892622]
 [ 0.37033453]]
dot product : [[-0.18876078]
 [-1.66495858]]
result : [[ 0.4186677 ]
 [-1.46202189]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.4186677 ]
 [-1.46202189]]
dot product : [[ 1.77630793]
 [ 0.38868472]
 [ 1.12644615]]
result : [[ 1.79017973]
 [ 0.82117251]
 [ 1.23584706]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.56711552]
 [-1.05861197]
 [ 0.36633933]]
dot product : [[-0.26111065]
 [-1.52349125]]
result : [[ 0.34631783]
 [-1.32055457]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.34631783]
 [-1.32055457]]
dot product : [[ 1.56131803]
 [ 0.37217022]
 [ 0.99803775]]
result : [[ 1.57518983]
 [ 0.80465802]
 [ 1.10743866]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.80786871]
 [-0.86671599]
 [ 0.47927961]]
dot product : [[-0.59839855]
 [-0.71179282]]
result : [[ 0.00902993]
 [-0.50885613]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.00902993]
 [-0.50885613]]
dot product : [[ 0.43316096]
 [ 0.22584483]
 [ 0.30872249]]
result : [[ 0.44703276]
 [ 0.65833263]
 [ 0.4181234 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.65236982]
 [-0.03900642]
 [ 1.06133886]]
dot product : [[-0.42305052]
 [-0.39254321]]
result : [[ 0.18437796]
 [-0.18960653]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.18437796]
 [-0.18960653]]
dot product : [[ 0.40650388]
 [-0.03577913]
 [ 0.22539585]]
result : [[ 0.42037568]
 [ 0.39670866]
 [ 0.33479676]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.56567595]
 [-0.08795369]
 [ 1.02841365]]
dot product : [[-0.40773624]
 [-0.46155292]]
result : [[ 0.19969224]
 [-0.25861623]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.19969224]
 [-0.25861623]]
dot product : [[ 0.48432623]
 [-0.01448589]
 [ 0.27585427]]
result : [[ 0.49819802]
 [ 0.4180019 ]
 [ 0.38525518]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.52840239]
 [-0.11323031]
 [ 1.01129402]]
dot product : [[-0.40183553]
 [-0.49327121]]
result : [[ 0.20559295]
 [-0.29033453]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.20559295]
 [-0.29033453]]
dot product : [[ 0.518554  ]
 [-0.00394505]
 [ 0.29835216]]
result : [[ 0.5324258 ]
 [ 0.42854275]
 [ 0.40775307]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.69887632]
 [-1.1126556 ]
 [ 0.330548  ]]
dot product : [[-0.23454856]
 [-1.618528  ]]
result : [[ 0.37287992]
 [-1.41559132]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.37287992]
 [-1.41559132]]
dot product : [[ 1.67590054]
 [ 0.39786869]
 [ 1.07086282]]
result : [[ 1.68977234]
 [ 0.83035648]
 [ 1.18026373]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.39871286]
 [-0.21406246]
 [ 0.94270499]]
dot product : [[-0.38338588]
 [-0.60986692]]
result : [[ 0.2240426 ]
 [-0.40693023]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.2240426 ]
 [-0.40693023]]
dot product : [[ 0.63998572]
 [ 0.03695034]
 [ 0.37907772]]
result : [[ 0.65385752]
 [ 0.46943813]
 [ 0.48847863]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.89074637]
 [-0.35380162]
 [ 0.83717451]]
dot product : [[-0.53774702]
 [-0.42025604]]
result : [[ 0.06968146]
 [-0.21731935]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.06968146]
 [-0.21731935]]
dot product : [[ 0.27412273]
 [ 0.05283959]
 [ 0.17198019]]
result : [[ 0.28799452]
 [ 0.48532738]
 [ 0.2813811 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.18059023]
 [-0.40942288]
 [ 0.80929809]]
dot product : [[-0.3565187 ]
 [-0.81843908]]
result : [[ 0.25090978]
 [-0.61550239]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.25090978]
 [-0.61550239]]
dot product : [[ 0.84889964]
 [ 0.1141718 ]
 [ 0.51974225]]
result : [[ 0.86277143]
 [ 0.54665959]
 [ 0.62914316]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.86939212]
 [-0.97796583]
 [ 0.42752859]]
dot product : [[-0.16712036]
 [-1.64249416]]
result : [[ 0.44030812]
 [-1.43955747]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.44030812]
 [-1.43955747]]
dot product : [[ 1.78702737]
 [ 0.36411221]
 [ 1.12625398]]
result : [[ 1.80089917]
 [ 0.7966    ]
 [ 1.23565489]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.87312378]
 [-0.10708939]
 [ 1.01021872]]
dot product : [[-0.49317596]
 [-0.31008049]]
result : [[ 0.11425252]
 [-0.1071438 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.11425252]
 [-0.1071438 ]]
dot product : [[ 0.24333553]
 [-0.02688578]
 [ 0.13350329]]
result : [[ 0.25720733]
 [ 0.40560202]
 [ 0.2429042 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.8800997 ]
 [-0.71060845]
 [ 0.6149225 ]]
dot product : [[-0.12106669]
 [-1.5187129 ]]
result : [[ 0.48636179]
 [-1.31577622]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.48636179]
 [-1.31577622]]
dot product : [[ 1.74699285]
 [ 0.27720595]
 [ 1.08057364]]
result : [[ 1.76086465]
 [ 0.70969375]
 [ 1.18997456]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.55803192]
 [-1.05329141]
 [ 0.36992359]]
dot product : [[-0.26268423]
 [-1.51616767]]
result : [[ 0.34474425]
 [-1.31323099]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.34474425]
 [-1.31323099]]
dot product : [[ 1.55312912]
 [ 0.3698763 ]
 [ 0.99271437]]
result : [[ 1.56700092]
 [ 0.80236409]
 [ 1.10211528]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.82561786]
 [-0.78438004]
 [ 0.53666163]]
dot product : [[-0.58985304]
 [-0.66266976]]
result : [[ 0.01757544]
 [-0.45973307]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.01757544]
 [-0.45973307]]
dot product : [[ 0.40409669]
 [ 0.19780315]
 [ 0.28466116]]
result : [[ 0.41796849]
 [ 0.63029095]
 [ 0.39406207]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.87867669]
 [-0.69203369]
 [ 0.62790797]]
dot product : [[-0.1184475]
 [-1.5089803]]
result : [[ 0.48898098]
 [-1.30604361]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.48898098]
 [-1.30604361]]
dot product : [[ 1.74248843]
 [ 0.27103654]
 [ 1.07637107]]
result : [[ 1.75636022]
 [ 0.70352434]
 [ 1.18577199]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.81380157]
 [-0.02431671]
 [ 1.06910845]]
dot product : [[-0.46391662]
 [-0.3010387 ]]
result : [[ 0.14351186]
 [-0.09810201]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.14351186]
 [-0.09810201]]
dot product : [[ 0.27547484]
 [-0.05039111]
 [ 0.14595456]]
result : [[ 0.28934664]
 [ 0.38209668]
 [ 0.25535547]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.89171727]
 [-0.33735345]
 [ 0.84867781]]
dot product : [[-0.53535024]
 [-0.41178889]]
result : [[ 0.07207824]
 [-0.2088522 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.07207824]
 [-0.2088522 ]]
dot product : [[ 0.27036395]
 [ 0.04739406]
 [ 0.16839608]]
result : [[ 0.28423575]
 [ 0.47988186]
 [ 0.27779699]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.00935906]
 [-0.57188877]
 [ 0.69819556]]
dot product : [[-0.33689784]
 [-0.98657829]]
result : [[ 0.27053064]
 [-0.78364161]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.27053064]
 [-0.78364161]]
dot product : [[ 1.01455485]
 [ 0.17777369]
 [ 0.63189561]]
result : [[ 1.02842665]
 [ 0.61026149]
 [ 0.74129652]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.02084301]
 [-0.56093583]
 [ 0.70568668]]
dot product : [[-0.33820457]
 [-0.9752742 ]]
result : [[ 0.26922391]
 [-0.77233752]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.26922391]
 [-0.77233752]]
dot product : [[ 1.00343454]
 [ 0.17348949]
 [ 0.62436303]]
result : [[ 1.01730634]
 [ 0.60597729]
 [ 0.73376395]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.19185916]
 [-0.39888405]
 [ 0.81650256]]
dot product : [[-0.35783473]
 [-0.80744779]]
result : [[ 0.24959375]
 [-0.60451111]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.24959375]
 [-0.60451111]]
dot product : [[ 0.8380255 ]
 [ 0.11003627]
 [ 0.5123904 ]]
result : [[ 0.85189729]
 [ 0.54252407]
 [ 0.62179131]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.41197964]
 [-0.95094907]
 [ 0.43931503]]
dot product : [[-0.28527265]
 [-1.39028677]]
result : [[ 0.32215583]
 [-1.18735008]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.32215583]
 [-1.18735008]]
dot product : [[ 1.41841241]
 [ 0.32749288]
 [ 0.90393259]]
result : [[ 1.4322842 ]
 [ 0.75998067]
 [ 1.0133335 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.89329364]
 [-0.24810329]
 [ 0.91115396]]
dot product : [[-0.52135607]
 [-0.36777498]]
result : [[ 0.08607241]
 [-0.16483829]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.08607241]
 [-0.16483829]]
dot product : [[ 0.25290385]
 [ 0.01806999]
 [ 0.15070117]]
result : [[ 0.26677564]
 [ 0.45055778]
 [ 0.26010208]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.29539115]
 [-0.85396583]
 [ 0.50541302]]
dot product : [[-0.30083495]
 [-1.28240279]]
result : [[ 0.30659353]
 [-1.0794661 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.30659353]
 [-1.0794661 ]]
dot product : [[ 1.30809682]
 [ 0.28865339]
 [ 0.83015856]]
result : [[ 1.32196862]
 [ 0.72114118]
 [ 0.93955947]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.79214976]
 [-0.01515875]
 [ 1.0758593 ]]
dot product : [[-0.456638  ]
 [-0.30792647]]
result : [[ 0.15079048]
 [-0.10498979]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.15079048]
 [-0.10498979]]
dot product : [[ 0.29102819]
 [-0.05207565]
 [ 0.15449654]]
result : [[ 0.30489999]
 [ 0.38041214]
 [ 0.26389745]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.55648726]
 [-0.09398864]
 [ 1.02433075]]
dot product : [[-0.40624989]
 [-0.46927715]]
result : [[ 0.20117859]
 [-0.26634046]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.20117859]
 [-0.26634046]]
dot product : [[ 0.49272843]
 [-0.01195163]
 [ 0.28136319]]
result : [[ 0.50660023]
 [ 0.42053616]
 [ 0.39076411]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.15071471]
 [-0.72317733]
 [ 0.59474638]]
dot product : [[-0.31846   ]
 [-1.14347555]]
result : [[ 0.28896848]
 [-0.94053887]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.28896848]
 [-0.94053887]]
dot product : [[ 1.16930866]
 [ 0.23703773]
 [ 0.73662884]]
result : [[ 1.18318045]
 [ 0.66952552]
 [ 0.84602976]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.42222839]
 [-0.95895256]
 [ 0.43387011]]
dot product : [[-0.28382035]
 [-1.39951781]]
result : [[ 0.32360813]
 [-1.19658112]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.32360813]
 [-1.19658112]]
dot product : [[ 1.42801498]
 [ 0.33073618]
 [ 0.91031864]]
result : [[ 1.44188677]
 [ 0.76322397]
 [ 1.01971955]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.86937796]
 [-0.5441958 ]
 [ 0.70417715]]
dot product : [[-0.56277755]
 [-0.52356259]]
result : [[ 0.04465093]
 [-0.3206259 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.04465093]
 [-0.3206259 ]]
dot product : [[ 0.32568678]
 [ 0.11648879]
 [ 0.21827764]]
result : [[ 0.33955858]
 [ 0.54897659]
 [ 0.32767855]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.73415457]
 [-1.11607237]
 [ 0.32870542]]
dot product : [[-0.22565131]
 [-1.63862477]]
result : [[ 0.38177717]
 [-1.43568809]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.38177717]
 [-1.43568809]]
dot product : [[ 1.70457229]
 [ 0.40112955]
 [ 1.08826263]]
result : [[ 1.71844409]
 [ 0.83361734]
 [ 1.19766354]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.89224133]
 [-0.22185723]
 [ 0.92955015]]
dot product : [[-0.51683474]
 [-0.35562417]]
result : [[ 0.09059374]
 [-0.15268749]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.09059374]
 [-0.15268749]]
dot product : [[ 0.24897465]
 [ 0.00953861]
 [ 0.14621736]]
result : [[ 0.26284645]
 [ 0.4420264 ]
 [ 0.25561827]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.24044795]
 [-0.80532804]
 [ 0.53861663]]
dot product : [[-0.30769492]
 [-1.23014198]]
result : [[ 0.29973356]
 [-1.02720529]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.29973356]
 [-1.02720529]]
dot product : [[ 1.25557705]
 [ 0.26938923]
 [ 0.79483496]]
result : [[ 1.26944885]
 [ 0.70187703]
 [ 0.90423587]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.08239468]
 [-0.65908384]
 [ 0.63856482]]
dot product : [[-0.32640638]
 [-1.07674209]]
result : [[ 0.2810221 ]
 [-0.87380541]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.2810221 ]
 [-0.87380541]]
dot product : [[ 1.10334582]
 [ 0.21189984]
 [ 0.69201891]]
result : [[ 1.11721762]
 [ 0.64438764]
 [ 0.80141982]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.66850921]
 [-1.10502797]
 [ 0.33541597]]
dot product : [[-0.2414502 ]
 [-1.59896104]]
result : [[ 0.36597828]
 [-1.39602436]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.36597828]
 [-1.39602436]]
dot product : [[ 1.65036922]
 [ 0.393527  ]
 [ 1.05499541]]
result : [[ 1.66424102]
 [ 0.82601479]
 [ 1.16439633]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.34591249]
 [-0.2591908 ]
 [ 0.91192558]]
dot product : [[-0.37653298]
 [-0.65930918]]
result : [[ 0.2308955]
 [-0.4563725]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.2308955]
 [-0.4563725]]
dot product : [[ 0.69016436]
 [ 0.0549351 ]
 [ 0.41271749]]
result : [[ 0.70403616]
 [ 0.48742289]
 [ 0.5221184 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.72734629]
 [-1.11595321]
 [ 0.32868269]]
dot product : [[-0.22745564]
 [-1.63500776]]
result : [[ 0.37997284]
 [-1.43207108]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.37997284]
 [-1.43207108]]
dot product : [[ 1.69913708]
 [ 0.40067716]
 [ 1.08500725]]
result : [[ 1.71300888]
 [ 0.83316495]
 [ 1.19440816]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.63582729]
 [-0.0470456 ]
 [ 1.0559671 ]]
dot product : [[-0.41991822]
 [-0.40508189]]
result : [[ 0.18751026]
 [-0.20214521]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.18751026]
 [-0.20214521]]
dot product : [[ 0.42111739]
 [-0.03214202]
 [ 0.23477712]]
result : [[ 0.43498919]
 [ 0.40034577]
 [ 0.34417803]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.89340573]
 [-0.2907287 ]
 [ 0.88130219]]
dot product : [[-0.52827129]
 [-0.38834359]]
result : [[ 0.07915719]
 [-0.18540691]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.07915719]
 [-0.18540691]]
dot product : [[ 0.26055493]
 [ 0.0320225 ]
 [ 0.15874146]]
result : [[ 0.27442673]
 [ 0.46451029]
 [ 0.26814237]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.69145814]
 [-1.11114508]
 [ 0.33149012]]
dot product : [[-0.23629149]
 [-1.61391883]]
result : [[ 0.37113698]
 [-1.41098215]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.37113698]
 [-1.41098215]]
dot product : [[ 1.66972773]
 [ 0.39692362]
 [ 1.06705366]]
result : [[ 1.68359952]
 [ 0.82941141]
 [ 1.17645457]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.06673768]
 [-0.51717072]
 [ 0.73561912]]
dot product : [[-0.343428  ]
 [-0.93010191]]
result : [[ 0.26400048]
 [-0.72716522]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.26400048]
 [-0.72716522]]
dot product : [[ 0.95899447]
 [ 0.15637046]
 [ 0.59426111]]
result : [[ 0.97286627]
 [ 0.58885825]
 [ 0.70366203]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.84514637]
 [-1.04575562]
 [ 0.37967818]]
dot product : [[-0.18456444]
 [-1.66262329]]
result : [[ 0.42286404]
 [-1.45968661]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.42286404]
 [-1.45968661]]
dot product : [[ 1.78005823]
 [ 0.38484048]
 [ 1.12761306]]
result : [[ 1.79393002]
 [ 0.81732827]
 [ 1.23701397]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.88923054]
 [-0.18566798]
 [ 0.95493997]]
dot product : [[-0.51018273]
 [-0.33968556]]
result : [[ 0.09724575]
 [-0.13674887]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.09724575]
 [-0.13674887]]
dot product : [[ 0.24479717]
 [-0.00213014]
 [ 0.14077551]]
result : [[ 0.25866897]
 [ 0.43035765]
 [ 0.25017643]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.66063379]
 [-1.10247317]
 [ 0.33708225]]
dot product : [[-0.24314693]
 [-1.59360749]]
result : [[ 0.36428155]
 [-1.3906708 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.36428155]
 [-1.3906708 ]]
dot product : [[ 1.6436432 ]
 [ 0.39221218]
 [ 1.05077086]]
result : [[ 1.657515  ]
 [ 0.82469997]
 [ 1.16017177]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.86603769]
 [-0.56591058]
 [ 0.68902265]]
dot product : [[-0.56539042]
 [-0.53581705]]
result : [[ 0.04203806]
 [-0.33288037]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.04203806]
 [-0.33288037]]
dot product : [[ 0.3322859 ]
 [ 0.12380293]
 [ 0.22398679]]
result : [[ 0.34615769]
 [ 0.55629072]
 [ 0.3333877 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.88956859]
 [-0.37070946]
 [ 0.82535253]]
dot product : [[-0.54016265]
 [-0.42905379]]
result : [[ 0.06726583]
 [-0.2261171 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.06726583]
 [-0.2261171 ]]
dot product : [[ 0.27812947]
 [ 0.05844821]
 [ 0.17574981]]
result : [[ 0.29200127]
 [ 0.49093601]
 [ 0.28515072]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.50926384]
 [-0.12696721]
 [ 1.0019727 ]]
dot product : [[-0.39892824]
 [-0.50992431]]
result : [[ 0.20850024]
 [-0.30698762]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.20850024]
 [-0.30698762]]
dot product : [[ 0.53626635]
 [ 0.00171562]
 [ 0.31004794]]
result : [[ 0.55013815]
 [ 0.43420341]
 [ 0.41944885]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.15797529]
 [-0.43065982]
 [ 0.7947788 ]]
dot product : [[-0.35389173]
 [-0.84053902]]
result : [[ 0.25353675]
 [-0.63760234]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.25353675]
 [-0.63760234]]
dot product : [[ 0.87073813]
 [ 0.12249971]
 [ 0.53451279]]
result : [[ 0.88460993]
 [ 0.5549875 ]
 [ 0.6439137 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.03232454]
 [-0.54998373]
 [ 0.71317725]]
dot product : [[-0.33951079]
 [-0.96397178]]
result : [[ 0.26791769]
 [-0.76103509]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.26791769]
 [-0.76103509]]
dot product : [[ 0.9923163 ]
 [ 0.16920571]
 [ 0.61683176]]
result : [[ 1.0061881 ]
 [ 0.60169351]
 [ 0.72623267]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.14663269]
 [-0.44135029]
 [ 0.78746928]]
dot product : [[-0.35258047]
 [-0.85164221]]
result : [[ 0.25484801]
 [-0.64870552]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.25484801]
 [-0.64870552]]
dot product : [[ 0.88169839]
 [ 0.12668937]
 [ 0.54192842]]
result : [[ 0.89557019]
 [ 0.55917716]
 [ 0.65132933]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.8773334 ]
 [-0.93457826]
 [ 0.45803619]]
dot product : [[-0.15798502]
 [-1.62564979]]
result : [[ 0.44944346]
 [-1.4227131 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.44944346]
 [-1.4227131 ]]
dot product : [[ 1.78546322]
 [ 0.35038545]
 [ 1.12178648]]
result : [[ 1.79933502]
 [ 0.78287324]
 [ 1.23118739]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.44252695]
 [-0.97449941]
 [ 0.42329939]]
dot product : [[-0.28089471]
 [-1.41765322]]
result : [[ 0.32653377]
 [-1.21471654]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.32653377]
 [-1.21471654]]
dot product : [[ 1.44697837]
 [ 0.33706001]
 [ 0.92290889]]
result : [[ 1.46085017]
 [ 0.7695478 ]
 [ 1.0323098 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.31359679]
 [-0.2876391 ]
 [ 0.89250755]]
dot product : [[-0.37247254]
 [-0.68997036]]
result : [[ 0.23495594]
 [-0.48703368]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.23495594]
 [-0.48703368]]
dot product : [[ 0.72102586]
 [ 0.06621361]
 [ 0.43346347]]
result : [[ 0.73489765]
 [ 0.49870141]
 [ 0.54286439]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.7843778 ]
 [-0.12539678]
 [ 1.02324597]]
dot product : [[-0.05217741]
 [-1.18547522]]
result : [[ 0.55525107]
 [-0.98253853]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.55525107]
 [-0.98253853]]
dot product : [[ 1.56461336]
 [ 0.07974437]
 [ 0.92400509]]
result : [[ 1.57848515]
 [ 0.51223216]
 [ 1.033406  ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.05527359]
 [-0.52809735]
 [ 0.72814612]]
dot product : [[-0.34212234]
 [-0.94138289]]
result : [[ 0.26530614]
 [-0.7384462 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.26530614]
 [-0.7384462 ]]
dot product : [[ 0.97009422]
 [ 0.16064484]
 [ 0.60177927]]
result : [[ 0.98396601]
 [ 0.59313263]
 [ 0.71118018]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.33854048]
 [-0.89098712]
 [ 0.48016037]]
dot product : [[-0.29525753]
 [-1.32287637]]
result : [[ 0.31217095]
 [-1.11993969]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.31217095]
 [-1.11993969]]
dot product : [[ 1.34912936]
 [ 0.30339722]
 [ 0.85767644]]
result : [[ 1.36300115]
 [ 0.73588501]
 [ 0.96707735]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.59269937]
 [-0.07103919]
 [ 1.03983725]]
dot product : [[-0.4122422 ]
 [-0.43923994]]
result : [[ 0.19518628]
 [-0.23630326]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.19518628]
 [-0.23630326]]
dot product : [[ 0.45976725]
 [-0.02166591]
 [ 0.25981119]]
result : [[ 0.47363905]
 [ 0.41082189]
 [ 0.3692121 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.79480844]
 [-0.92433828]
 [ 0.43913113]]
dot product : [[-0.60420801]
 [-0.74650516]]
result : [[ 0.00322047]
 [-0.54356847]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.00322047]
 [-0.54356847]]
dot product : [[ 0.45400921]
 [ 0.2455084 ]
 [ 0.3258649 ]]
result : [[ 0.46788101]
 [ 0.67799619]
 [ 0.43526581]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.88818223]
 [-0.38808078]
 [ 0.81320924]]
dot product : [[-0.54259727]
 [-0.43818487]]
result : [[ 0.06483121]
 [-0.23524819]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.06483121]
 [-0.23524819]]
dot product : [[ 0.28238623]
 [ 0.06422129]
 [ 0.17970648]]
result : [[ 0.29625803]
 [ 0.49670908]
 [ 0.28910739]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.53784878]
 [-0.10663077]
 [ 1.01576828]]
dot product : [[-0.4032997 ]
 [-0.48513904]]
result : [[ 0.20412878]
 [-0.28220235]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.20412878]
 [-0.28220235]]
dot product : [[ 0.50984437]
 [-0.00667985]
 [ 0.29261367]]
result : [[ 0.52371616]
 [ 0.42580794]
 [ 0.40201458]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.76009975]
 [-1.11361334]
 [ 0.33083205]]
dot product : [[-0.21830479]
 [-1.65099884]]
result : [[ 0.38912369]
 [-1.44806215]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.38912369]
 [-1.44806215]]
dot product : [[ 1.72475593]
 [ 0.4018995 ]
 [ 1.10011518]]
result : [[ 1.73862773]
 [ 0.83438729]
 [ 1.20951609]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.00212559]
 [-0.58283873]
 [ 0.69070654]]
dot product : [[-0.33559045]
 [-0.99788131]]
result : [[ 0.27183803]
 [-0.79494463]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.27183803]
 [-0.79494463]]
dot product : [[ 1.02567518]
 [ 0.18205696]
 [ 0.63942795]]
result : [[ 1.03954697]
 [ 0.61454476]
 [ 0.74882886]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.84468781]
 [-0.43082952]
 [ 0.81029585]]
dot product : [[-0.08535952]
 [-1.36480955]]
result : [[ 0.52206896]
 [-1.16187287]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.52206896]
 [-1.16187287]]
dot product : [[ 1.6680311 ]
 [ 0.18343166]
 [ 1.01063602]]
result : [[ 1.6819029 ]
 [ 0.61591946]
 [ 1.12003693]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.88261408]
 [-0.14319077]
 [ 0.98478939]]
dot product : [[-0.50154928]
 [-0.32258912]]
result : [[ 0.1058792 ]
 [-0.11965243]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.1058792 ]
 [-0.11965243]]
dot product : [[ 0.24234491]
 [-0.01563921]
 [ 0.13585181]]
result : [[ 0.25621671]
 [ 0.41684859]
 [ 0.24525272]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.70682931]
 [-0.01844346]
 [ 1.07488957]]
dot product : [[-0.4343158 ]
 [-0.35412121]]
result : [[ 0.17311268]
 [-0.15118452]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.17311268]
 [-0.15118452]]
dot product : [[ 0.35946675]
 [-0.04581975]
 [ 0.19563264]]
result : [[ 0.37333854]
 [ 0.38666805]
 [ 0.30503355]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.78075027]
 [-0.98418159]
 [ 0.39744286]]
dot product : [[-0.61010895]
 [-0.78281399]]
result : [[-0.00268047]
 [-0.5798773 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[-0.00268047]
 [-0.5798773 ]]
dot product : [[ 0.47605425]
 [ 0.26595991]
 [ 0.34390286]]
result : [[ 0.48992604]
 [ 0.6984477 ]
 [ 0.45330377]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.27353785]
 [-0.83480259]
 [ 0.51849199]]
dot product : [[-0.30359287]
 [-1.26170453]]
result : [[ 0.3038356 ]
 [-1.05876784]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.3038356 ]
 [-1.05876784]]
dot product : [[ 1.2872405 ]
 [ 0.28105084]
 [ 0.81614341]]
result : [[ 1.30111229]
 [ 0.71353863]
 [ 0.92554432]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.88275463]
 [-0.44301392]
 [ 0.77482491]]
dot product : [[-0.55001674]
 [-0.46760555]]
result : [[ 0.05741174]
 [-0.26466887]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.05741174]
 [-0.26466887]]
dot product : [[ 0.2966771 ]
 [ 0.08254077]
 [ 0.19271409]]
result : [[ 0.31054889]
 [ 0.51502857]
 [ 0.30211501]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.2918166 ]
 [-0.30711228]
 [ 0.87921038]]
dot product : [[-0.36978426]
 [-0.71078039]]
result : [[ 0.23764422]
 [-0.5078437 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.23764422]
 [-0.5078437 ]]
dot product : [[ 0.74188033]
 [ 0.07391323]
 [ 0.44750276]]
result : [[ 0.75575213]
 [ 0.50640102]
 [ 0.55690367]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.86565678]
 [-0.57043228]
 [ 0.71286083]]
dot product : [[-0.10229281]
 [-1.44332838]]
result : [[ 0.50513567]
 [-1.2403917 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.50513567]
 [-1.2403917 ]]
dot product : [[ 1.71005449]
 [ 0.23042303]
 [ 1.04709977]]
result : [[ 1.72392629]
 [ 0.66291082]
 [ 1.15650068]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.81885068]
 [-0.02741125]
 [ 1.06686264]]
dot product : [[-0.46576886]
 [-0.29989655]]
result : [[ 0.14165962]
 [-0.09695986]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.14165962]
 [-0.09695986]]
dot product : [[ 0.27202199]
 [-0.04968424]
 [ 0.14414469]]
result : [[ 0.28589379]
 [ 0.38280355]
 [ 0.2535456 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.88430752]
 [-0.82759425]
 [ 0.53306447]]
dot product : [[-0.13883612]
 [-1.5775243 ]]
result : [[ 0.46859236]
 [-1.37458762]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.46859236]
 [-1.37458762]]
dot product : [[ 1.77158176]
 [ 0.31577289]
 [ 1.10478434]]
result : [[ 1.78545356]
 [ 0.74826068]
 [ 1.21418526]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.13937598]
 [-0.71261405]
 [ 0.60196689]]
dot product : [[-0.31979078]
 [-1.13243594]]
result : [[ 0.2876377 ]
 [-0.92949926]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.2876377 ]
 [-0.92949926]]
dot product : [[ 1.15837458]
 [ 0.23288995]
 [ 0.72923921]]
result : [[ 1.17224637]
 [ 0.66537775]
 [ 0.83864012]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.76193823]
 [-0.01066996]
 [ 1.07947387]]
dot product : [[-0.44782089]
 [-0.32154874]]
result : [[ 0.15960759]
 [-0.11861205]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.15960759]
 [-0.11861205]]
dot product : [[ 0.31423562]
 [-0.0517114 ]
 [ 0.16798947]]
result : [[ 0.32810742]
 [ 0.3807764 ]
 [ 0.27739038]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.79777761]
 [-0.01697286]
 [ 1.07450114]]
dot product : [[-0.45843843]
 [-0.30586214]]
result : [[ 0.14899005]
 [-0.10292545]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.14899005]
 [-0.10292545]]
dot product : [[ 0.28688266]
 [-0.05182325]
 [ 0.15216874]]
result : [[ 0.30075445]
 [ 0.38066454]
 [ 0.26156966]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.07095282]
 [-0.6482618 ]
 [ 0.64596492]]
dot product : [[-0.32772298]
 [-1.06552335]]
result : [[ 0.2797055 ]
 [-0.86258666]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.2797055 ]
 [-0.86258666]]
dot product : [[ 1.09228275]
 [ 0.20766106]
 [ 0.68453118]]
result : [[ 1.10615455]
 [ 0.64014886]
 [ 0.79393209]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.5017083 ]
 [-1.01718375]
 [ 0.39433099]]
dot product : [[-0.27193791]
 [-1.46924874]]
result : [[ 0.33549057]
 [-1.26631206]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.33549057]
 [-1.26631206]]
dot product : [[ 1.50178702]
 [ 0.3546318 ]
 [ 0.95911447]]
result : [[ 1.51565882]
 [ 0.78711959]
 [ 1.06851538]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.47996716]
 [-0.14885975]
 [ 0.98709849]]
dot product : [[-0.39461748]
 [-0.5358347 ]]
result : [[ 0.212811  ]
 [-0.33289802]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.212811  ]
 [-0.33289802]]
dot product : [[ 0.56353685]
 [ 0.0106639 ]
 [ 0.32811564]]
result : [[ 0.57740865]
 [ 0.4431517 ]
 [ 0.43751655]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.58378371]
 [-0.07647514]
 [ 1.03616955]]
dot product : [[-0.41073223]
 [-0.44653157]]
result : [[ 0.19669625]
 [-0.24359488]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.19669625]
 [-0.24359488]]
dot product : [[ 0.46784359]
 [-0.01934439]
 [ 0.26507674]]
result : [[ 0.48171538]
 [ 0.41314341]
 [ 0.37447765]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.77743051]
 [-0.09431641]
 [ 1.04490281]]
dot product : [[-0.04901787]
 [-1.16680284]]
result : [[ 0.55841061]
 [-0.96386615]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.55841061]
 [-0.96386615]]
dot product : [[ 1.55344547]
 [ 0.06914412]
 [ 0.91480493]]
result : [[ 1.56731727]
 [ 0.50163191]
 [ 1.02420585]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.19582107]
 [-0.76482712]
 [ 0.56628298]]
dot product : [[-0.31310603]
 [-1.18721208]]
result : [[ 0.29432245]
 [-0.98427539]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.29432245]
 [-0.98427539]]
dot product : [[ 1.21273779]
 [ 0.25341616]
 [ 0.76595481]]
result : [[ 1.22660959]
 [ 0.68590395]
 [ 0.87535572]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.34920177]
 [-0.89994823]
 [ 0.47405128]]
dot product : [[-0.29384941]
 [-1.3327865 ]]
result : [[ 0.31357907]
 [-1.12984981]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.31357907]
 [-1.12984981]]
dot product : [[ 1.35923385]
 [ 0.30697917]
 [ 0.8644402 ]]
result : [[ 1.37310565]
 [ 0.73946697]
 [ 0.97384111]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.47005138]
 [-0.15648523]
 [ 0.9819131 ]]
dot product : [[-0.39319331]
 [-0.54470874]]
result : [[ 0.21423517]
 [-0.34177206]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.21423517]
 [-0.34177206]]
dot product : [[ 0.57280602]
 [ 0.01376319]
 [ 0.3342718 ]]
result : [[ 0.58667781]
 [ 0.44625098]
 [ 0.44367271]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.71414978]
 [-0.01651868]
 [ 1.07612332]]
dot product : [[-0.43596566]
 [-0.34936266]]
result : [[ 0.17146282]
 [-0.14642597]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.17146282]
 [-0.14642597]]
dot product : [[ 0.3532964 ]
 [-0.04689455]
 [ 0.19179122]]
result : [[ 0.3671682 ]
 [ 0.38559324]
 [ 0.30119213]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.77227571]
 [-1.11056888]
 [ 0.33315392]]
dot product : [[-0.21455174]
 [-1.65589112]]
result : [[ 0.39287674]
 [-1.45295443]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.39287674]
 [-1.45295443]]
dot product : [[ 1.73388475]
 [ 0.40164173]
 [ 1.10531858]]
result : [[ 1.74775654]
 [ 0.83412953]
 [ 1.21471949]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.69183527]
 [-0.02307173]
 [ 1.07188228]]
dot product : [[-0.4310473 ]
 [-0.36419974]]
result : [[ 0.17638118]
 [-0.16126306]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.17638118]
 [-0.16126306]]
dot product : [[ 0.37222961]
 [-0.04339368]
 [ 0.203631  ]]
result : [[ 0.38610141]
 [ 0.38909411]
 [ 0.31303191]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.82087594]
 [-0.30014702]
 [ 0.90143979]]
dot product : [[-0.07062857]
 [-1.28912114]]
result : [[ 0.53679991]
 [-1.08618446]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.53679991]
 [-1.08618446]]
dot product : [[ 1.625367  ]
 [ 0.13918897]
 [ 0.97451613]]
result : [[ 1.6392388 ]
 [ 0.57167676]
 [ 1.08391704]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.8261106 ]
 [-0.32735242]
 [ 0.88246983]]
dot product : [[-0.07362091]
 [-1.30502299]]
result : [[ 0.53380756]
 [-1.10208631]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.53380756]
 [-1.10208631]]
dot product : [[ 1.63446945]
 [ 0.14841623]
 [ 0.98216732]]
result : [[ 1.64834125]
 [ 0.58090403]
 [ 1.09156823]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.10523791]
 [-0.6806234 ]
 [ 0.62383717]]
dot product : [[-0.32376715]
 [-1.09910783]]
result : [[ 0.28366133]
 [-0.89617114]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.28366133]
 [-0.89617114]]
dot product : [[ 1.12542079]
 [ 0.22034071]
 [ 0.70695531]]
result : [[ 1.13929259]
 [ 0.6528285 ]
 [ 0.81635623]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.51887351]
 [-0.1200104 ]
 [ 1.00669461]]
dot product : [[-0.40037843]
 [-0.50153388]]
result : [[ 0.20705005]
 [-0.29859719]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.20705005]
 [-0.29859719]]
dot product : [[ 0.52736201]
 [-0.00114611]
 [ 0.30416409]]
result : [[ 0.54123381]
 [ 0.43134169]
 [ 0.413565  ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.8641857 ]
 [-0.08405028]
 [ 1.02649209]]
dot product : [[-0.48706047]
 [-0.30360424]]
result : [[ 0.12036801]
 [-0.10066755]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.12036801]
 [-0.10066755]]
dot product : [[ 0.246259  ]
 [-0.03388814]
 [ 0.13337277]]
result : [[ 0.26013079]
 [ 0.39859965]
 [ 0.24277368]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.87886468]
 [-0.92270113]
 [ 0.46637747]]
dot product : [[-0.15565638]
 [-1.62070277]]
result : [[ 0.4517721 ]
 [-1.41776609]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.4517721 ]
 [-1.41776609]]
dot product : [[ 1.78452408]
 [ 0.3465888 ]
 [ 1.12025839]]
result : [[ 1.79839587]
 [ 0.77907659]
 [ 1.2296593 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.72842907]
 [-0.01346693]
 [ 1.07803774]]
dot product : [[-0.43929737]
 [-0.34042071]]
result : [[ 0.16813111]
 [-0.13748402]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.16813111]
 [-0.13748402]]
dot product : [[ 0.34138815]
 [-0.04876092]
 [ 0.18443158]]
result : [[ 0.35525994]
 [ 0.38372687]
 [ 0.29383249]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.47245184]
 [-0.99661205]
 [ 0.40828086]]
dot product : [[-0.27645124]
 [-1.44399855]]
result : [[ 0.33097724]
 [-1.24106187]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.33097724]
 [-1.24106187]]
dot product : [[ 1.47478835]
 [ 0.34611851]
 [ 0.94131667]]
result : [[ 1.48866015]
 [ 0.77860631]
 [ 1.05071758]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.836243  ]
 [-0.73217645]
 [ 0.57305343]]
dot product : [[-0.5842666]
 [-0.6318527]]
result : [[ 0.02316188]
 [-0.42891602]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.02316188]
 [-0.42891602]]
dot product : [[ 0.38616868]
 [ 0.180062  ]
 [ 0.26970388]]
result : [[ 0.40004048]
 [ 0.61254979]
 [ 0.37910479]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.8608687 ]
 [-0.07711913]
 [ 1.03139762]]
dot product : [[-0.48505244]
 [-0.30198424]]
result : [[ 0.12237604]
 [-0.09904756]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.12237604]
 [-0.09904756]]
dot product : [[ 0.24763789]
 [-0.03595662]
 [ 0.13363172]]
result : [[ 0.26150969]
 [ 0.39653118]
 [ 0.24303263]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.88371162]
 [-0.85694283]
 [ 0.51250275]]
dot product : [[-0.14373634]
 [-1.59141509]]
result : [[ 0.46369214]
 [-1.3884784 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.46369214]
 [-1.3884784 ]]
dot product : [[ 1.77643726]
 [ 0.32534802]
 [ 1.11007397]]
result : [[ 1.79030905]
 [ 0.75783581]
 [ 1.21947488]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.85040337]
 [-0.65782519]
 [ 0.62489984]]
dot product : [[-0.5760496 ]
 [-0.58846978]]
result : [[ 0.03137888]
 [-0.38553309]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.03137888]
 [-0.38553309]]
dot product : [[ 0.36140793]
 [ 0.1548531 ]
 [ 0.2488627 ]]
result : [[ 0.37527973]
 [ 0.5873409 ]
 [ 0.35826361]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.80545352]
 [-1.09380872]
 [ 0.34540823]]
dot product : [[-0.20295795]
 [-1.6651258 ]]
result : [[ 0.40447053]
 [-1.46218911]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.40447053]
 [-1.46218911]]
dot product : [[ 1.75722248]
 [ 0.39816736]
 [ 1.11788994]]
result : [[ 1.77109427]
 [ 0.83065515]
 [ 1.22729085]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.58500707]
 [-1.0686209 ]
 [ 0.35960921]]
dot product : [[-0.25793518]
 [-1.5376884 ]]
result : [[ 0.3494933 ]
 [-1.33475171]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.3494933 ]
 [-1.33475171]]
dot product : [[ 1.5773619 ]
 [ 0.37653431]
 [ 1.00843358]]
result : [[ 1.59123369]
 [ 0.8090221 ]
 [ 1.11783449]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.84136483]
 [-1.05252402]
 [ 0.37487938]]
dot product : [[-0.1866706 ]
 [-1.66392167]]
result : [[ 0.42075788]
 [-1.46098499]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.42075788]
 [-1.46098499]]
dot product : [[ 1.77828041]
 [ 0.38682746]
 [ 1.12710264]]
result : [[ 1.7921522 ]
 [ 0.81931525]
 [ 1.23650355]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.74891835]
 [-0.01094122]
 [ 1.07948694]]
dot product : [[-0.44437738]
 [-0.32848675]]
result : [[ 0.1630511 ]
 [-0.12555006]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.1630511 ]
 [-0.12555006]]
dot product : [[ 0.32463757]
 [-0.05083206]
 [ 0.17422316]]
result : [[ 0.33850936]
 [ 0.38165573]
 [ 0.28362407]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.88137046]
 [-0.8976838 ]
 [ 0.48393586]]
dot product : [[-0.15094422]
 [-1.60990644]]
result : [[ 0.45648426]
 [-1.40696976]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.45648426]
 [-1.40696976]]
dot product : [[ 1.78197372]
 [ 0.33854806]
 [ 1.11669803]]
result : [[ 1.79584551]
 [ 0.77103585]
 [ 1.22609894]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.88785181]
 [-0.17443756]
 [ 0.96282598]]
dot product : [[-0.50799942]
 [-0.33497175]]
result : [[ 0.09942906]
 [-0.13203506]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.09942906]
 [-0.13203506]]
dot product : [[ 0.24385416]
 [-0.00572426]
 [ 0.13929779]]
result : [[ 0.25772596]
 [ 0.42676353]
 [ 0.2486987 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.86733502]
 [-0.09135316]
 [ 1.02132887]]
dot product : [[-0.48908362]
 [-0.30549178]]
result : [[ 0.11834486]
 [-0.1025551 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.11834486]
 [-0.1025551 ]]
dot product : [[ 0.24508094]
 [-0.03168774]
 [ 0.13326403]]
result : [[ 0.25895274]
 [ 0.40080005]
 [ 0.24266494]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.88312225]
 [-0.76350839]
 [ 0.57792449]]
dot product : [[-0.12880193]
 [-1.54589233]]
result : [[ 0.47862655]
 [-1.34295564]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.47862655]
 [-1.34295564]]
dot product : [[ 1.75900215]
 [ 0.29471357]
 [ 1.09205322]]
result : [[ 1.77287395]
 [ 0.72720136]
 [ 1.20145414]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.81540173]
 [-0.27239952]
 [ 0.92078564]]
dot product : [[-0.06761282]
 [-1.27283173]]
result : [[ 0.53981566]
 [-1.06989504]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.53981566]
 [-1.06989504]]
dot product : [[ 1.61597563]
 [ 0.12976963]
 [ 0.96664827]]
result : [[ 1.62984743]
 [ 0.56225742]
 [ 1.07604918]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.78638149]
 [-0.01365519]
 [ 1.07700217]]
dot product : [[-0.45485012]
 [-0.3102145 ]]
result : [[ 0.15257836]
 [-0.10727782]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.15257836]
 [-0.10727782]]
dot product : [[ 0.29534178]
 [-0.05221783]
 [ 0.15694998]]
result : [[ 0.30921357]
 [ 0.38026996]
 [ 0.26635089]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.69939058]
 [-0.02062908]
 [ 1.07347501]]
dot product : [[-0.4326764 ]
 [-0.35906782]]
result : [[ 0.17475208]
 [-0.15613113]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.17475208]
 [-0.15613113]]
dot product : [[ 0.3657785 ]
 [-0.04465234]
 [ 0.19957974]]
result : [[ 0.3796503 ]
 [ 0.38783545]
 [ 0.30898066]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.89304525]
 [-0.30582081]
 [ 0.870739  ]]
dot product : [[-0.53061253]
 [-0.3958354 ]]
result : [[ 0.07681595]
 [-0.19289872]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.07681595]
 [-0.19289872]]
dot product : [[ 0.2635821 ]
 [ 0.03698687]
 [ 0.16177825]]
result : [[ 0.2774539 ]
 [ 0.46947467]
 [ 0.27117916]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.71335526]
 [-1.11486096]
 [ 0.32922941]]
dot product : [[-0.23102665]
 [-1.62716475]]
result : [[ 0.37640183]
 [-1.42422806]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.37640183]
 [-1.42422806]]
dot product : [[ 1.68781386]
 [ 0.39947   ]
 [ 1.07815655]]
result : [[ 1.70168565]
 [ 0.83195779]
 [ 1.18755746]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.891427  ]
 [-0.20937399]
 [ 0.9383047 ]]
dot product : [[-0.51460023]
 [-0.35000903]]
result : [[ 0.09282825]
 [-0.14707234]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.09282825]
 [-0.14707234]]
dot product : [[ 0.24735537]
 [ 0.00549994]
 [ 0.14423376]]
result : [[ 0.26122716]
 [ 0.43798773]
 [ 0.25363467]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.74083576]
 [-1.11590179]
 [ 0.32892906]]
dot product : [[-0.22383422]
 [-1.64203512]]
result : [[ 0.38359426]
 [-1.43909844]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.38359426]
 [-1.43909844]]
dot product : [[ 1.70985383]
 [ 0.40147933]
 [ 1.09140265]]
result : [[ 1.72372562]
 [ 0.83396712]
 [ 1.20080356]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.6841651 ]
 [-0.02576757]
 [ 1.07011403]]
dot product : [[-0.42942832]
 [-0.36951425]]
result : [[ 0.17800016]
 [-0.16657756]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.17800016]
 [-0.16657756]]
dot product : [[ 0.37881804]
 [-0.04204514]
 [ 0.20778488]]
result : [[ 0.39268984]
 [ 0.39044266]
 [ 0.31718579]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.21431142]
 [-0.37798482]
 [ 0.8307879 ]]
dot product : [[-0.36047267]
 [-0.78559631]]
result : [[ 0.24695581]
 [-0.58265963]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.24695581]
 [-0.58265963]]
dot product : [[ 0.81637768]
 [ 0.10182884]
 [ 0.49776122]]
result : [[ 0.83024947]
 [ 0.53431663]
 [ 0.60716213]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.64455448]
 [-1.09661287]
 [ 0.3409354 ]]
dot product : [[-0.24650711]
 [-1.58236538]]
result : [[ 0.36092137]
 [-1.37942869]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.36092137]
 [-1.37942869]]
dot product : [[ 1.62979367]
 [ 0.38931675]
 [ 1.04202325]]
result : [[ 1.64366547]
 [ 0.82180454]
 [ 1.15142416]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.07819255]
 [-0.50626023]
 [ 0.74308096]]
dot product : [[-0.3447338 ]
 [-0.91883356]]
result : [[ 0.26269468]
 [-0.71589687]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.26269468]
 [-0.71589687]]
dot product : [[ 0.94790499]
 [ 0.15210193]
 [ 0.5867504 ]]
result : [[ 0.96177679]
 [ 0.58458972]
 [ 0.69615132]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.6839231 ]
 [-1.10936775]
 [ 0.33261725]]
dot product : [[-0.23802264]
 [-1.60911946]]
result : [[ 0.36940584]
 [-1.40618277]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.36940584]
 [-1.40618277]]
dot product : [[ 1.66341353]
 [ 0.39588407]
 [ 1.06313835]]
result : [[ 1.67728533]
 [ 0.82837187]
 [ 1.17253926]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.88431089]
 [-0.8122521 ]
 [ 0.54380843]]
dot product : [[-0.13635703]
 [-1.57010172]]
result : [[ 0.47107145]
 [-1.36716504]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.47107145]
 [-1.36716504]]
dot product : [[ 1.76879851]
 [ 0.31074872]
 [ 1.10187285]]
result : [[ 1.7826703 ]
 [ 0.74323651]
 [ 1.21127376]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.5761078 ]
 [-1.06372307]
 [ 0.36290032]]
dot product : [[-0.25952768]
 [-1.53066574]]
result : [[ 0.3479008 ]
 [-1.32772906]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.3479008 ]
 [-1.32772906]]
dot product : [[ 1.56939631]
 [ 0.37439001]
 [ 1.00327799]]
result : [[ 1.58326811]
 [ 0.80687781]
 [ 1.1126789 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.38085591]
 [-0.92606427]
 [ 0.45625618]]
dot product : [[-0.28958944]
 [-1.36197319]]
result : [[ 0.31783904]
 [-1.1590365 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.31783904]
 [-1.1590365 ]]
dot product : [[ 1.38914579]
 [ 0.31745374]
 [ 0.88442921]]
result : [[ 1.40301759]
 [ 0.74994153]
 [ 0.99383012]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.76277979]
 [-0.03044527]
 [ 1.08940248]]
dot product : [[-0.04262504]
 [-1.12823508]]
result : [[ 0.56480344]
 [-0.9252984 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.56480344]
 [-0.9252984 ]]
dot product : [[ 1.53019787]
 [ 0.04733757]
 [ 0.89572083]]
result : [[ 1.54406966]
 [ 0.47982536]
 [ 1.00512174]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.8199447 ]
 [-0.81128412]
 [ 0.51790952]]
dot product : [[-0.59267926]
 [-0.67865504]]
result : [[ 0.01474922]
 [-0.47571835]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.01474922]
 [-0.47571835]]
dot product : [[ 0.4134931 ]
 [ 0.20695837]
 [ 0.29246334]]
result : [[ 0.4273649 ]
 [ 0.63944616]
 [ 0.40186425]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.84876504]
 [-1.03861718]
 [ 0.38473357]]
dot product : [[-0.18244214]
 [-1.66106069]]
result : [[ 0.42498634]
 [-1.45812401]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.42498634]
 [-1.45812401]]
dot product : [[ 1.78163934]
 [ 0.38272243]
 [ 1.12797588]]
result : [[ 1.79551114]
 [ 0.81521023]
 [ 1.2373768 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.87575982]
 [-0.11553038]
 [ 1.00426649]]
dot product : [[-0.49524547]
 [-0.31278713]]
result : [[ 0.11218301]
 [-0.10985045]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.11218301]
 [-0.10985045]]
dot product : [[ 0.24277228]
 [-0.0242815 ]
 [ 0.13385437]]
result : [[ 0.25664407]
 [ 0.40820629]
 [ 0.24325528]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.25151697]
 [-0.81524509]
 [ 0.53184446]]
dot product : [[-0.306332  ]
 [-1.24072786]]
result : [[ 0.30109648]
 [-1.03779118]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.30109648]
 [-1.03779118]]
dot product : [[ 1.26617933]
 [ 0.273309  ]
 [ 0.80197383]]
result : [[ 1.28005113]
 [ 0.70579679]
 [ 0.91137474]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.03656671]
 [-0.6156325 ]
 [ 0.66827857]]
dot product : [[-0.33166263]
 [-1.0317565 ]]
result : [[ 0.27576585]
 [-0.82881982]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.27576585]
 [-0.82881982]]
dot product : [[ 1.05901577]
 [ 0.19488762]
 [ 0.66200824]]
result : [[ 1.07288756]
 [ 0.62737541]
 [ 0.77140915]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.32782706]
 [-0.8819045 ]
 [ 0.48635374]]
dot product : [[-0.29665998]
 [-1.31288019]]
result : [[ 0.3107685 ]
 [-1.10994351]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.3107685 ]
 [-1.10994351]]
dot product : [[ 1.33896136]
 [ 0.29977231]
 [ 0.85086486]]
result : [[ 1.35283316]
 [ 0.7322601 ]
 [ 0.96026577]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.42968263]
 [-0.18852497]
 [ 0.96010561]]
dot product : [[-0.387556  ]
 [-0.58131799]]
result : [[ 0.21987248]
 [-0.3783813 ]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.21987248]
 [-0.3783813 ]]
dot product : [[ 0.610723  ]
 [ 0.0267068 ]
 [ 0.35952351]]
result : [[ 0.6245948 ]
 [ 0.45919459]
 [ 0.46892442]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.81402889]
 [-0.83872816]
 [ 0.49878306]]
dot product : [[-0.59552771]
 [-0.69502848]]
result : [[ 0.01190077]
 [-0.49209179]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.01190077]
 [-0.49209179]]
dot product : [[ 0.42318051]
 [ 0.21630514]
 [ 0.30048327]]
result : [[ 0.4370523 ]
 [ 0.64879293]
 [ 0.40988419]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.8841156 ]
 [-0.79645963]
 [ 0.55486465]]
dot product : [[-0.13385841]
 [-1.56235736]]
result : [[ 0.47357007]
 [-1.35942067]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.47357007]
 [-1.35942067]]
dot product : [[ 1.76577552]
 [ 0.30556502]
 [ 1.09878152]]
result : [[ 1.77964732]
 [ 0.73805281]
 [ 1.20818243]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.89286411]
 [-0.23476572]
 [ 0.92050079]]
dot product : [[-0.51908663]
 [-0.36154524]]
result : [[ 0.08834185]
 [-0.15860855]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.08834185]
 [-0.15860855]]
dot product : [[ 0.25082346]
 [ 0.01372817]
 [ 0.14837265]]
result : [[ 0.26469526]
 [ 0.44621597]
 [ 0.25777356]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.18458517]
 [-0.75451282]
 [ 0.57333073]]
dot product : [[-0.31444948]
 [-1.17634671]]
result : [[ 0.292979  ]
 [-0.97341003]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.292979  ]
 [-0.97341003]]
dot product : [[ 1.20193069]
 [ 0.24935616]
 [ 0.75866127]]
result : [[ 1.21580248]
 [ 0.68184395]
 [ 0.86806219]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.46254887]
 [-0.98940729]
 [ 0.41317183]]
dot product : [[-0.27793995]
 [-1.4353348 ]]
result : [[ 0.32948853]
 [-1.23239812]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.32948853]
 [-1.23239812]]
dot product : [[ 1.46560577]
 [ 0.34315778]
 [ 0.93524647]]
result : [[ 1.47947757]
 [ 0.77564558]
 [ 1.04464738]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.61024572]
 [-0.06079305]
 [ 1.04673886]]
dot product : [[-0.41528688]
 [-0.42510848]]
result : [[ 0.1921416]
 [-0.2221718]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.1921416]
 [-0.2221718]]
dot product : [[ 0.4439548 ]
 [-0.02608672]
 [ 0.24953423]]
result : [[ 0.45782659]
 [ 0.40640108]
 [ 0.35893514]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.85956852]
 [-0.52593896]
 [ 0.74392399]]
dot product : [[-0.09673661]
 [-1.41861434]]
result : [[ 0.51069187]
 [-1.21567765]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.51069187]
 [-1.21567765]]
dot product : [[ 1.69713405]
 [ 0.21548235]
 [ 1.03576072]]
result : [[ 1.71100584]
 [ 0.64797014]
 [ 1.14516163]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.85221913]
 [-1.03110487]
 [ 0.39004821]]
dot product : [[-0.18030353]
 [-1.65923114]]
result : [[ 0.42712495]
 [-1.45629445]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.42712495]
 [-1.45629445]]
dot product : [[ 1.78302171]
 [ 0.38047196]
 [ 1.12818958]]
result : [[ 1.7968935 ]
 [ 0.81295975]
 [ 1.23759049]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.28086071]
 [-0.31698969]
 [ 0.8724642 ]]
dot product : [[-0.36844524]
 [-0.72128795]]
result : [[ 0.23898324]
 [-0.51835126]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.23898324]
 [-0.51835126]]
dot product : [[ 0.75238546]
 [ 0.07781314]
 [ 0.45458039]]
result : [[ 0.76625726]
 [ 0.51030094]
 [ 0.5639813 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.3027292 ]
 [-0.29732748]
 [ 0.88589238]]
dot product : [[-0.37112663]
 [-0.70034028]]
result : [[ 0.23630185]
 [-0.49740359]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.23630185]
 [-0.49740359]]
dot product : [[ 0.73142645]
 [ 0.07004626]
 [ 0.44046328]]
result : [[ 0.74529824]
 [ 0.50253406]
 [ 0.54986419]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.67627288]
 [-1.10732743]
 [ 0.33392676]]
dot product : [[-0.23974215]
 [-1.60413261]]
result : [[ 0.36768632]
 [-1.40119593]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.36768632]
 [-1.40119593]]
dot product : [[ 1.65696002]
 [ 0.39475142]
 [ 1.05911842]]
result : [[ 1.67083181]
 [ 0.82723921]
 [ 1.16851933]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.83331994]
 [-1.06496602]
 [ 0.36604096]]
dot product : [[-0.19083513]
 [-1.66573674]]
result : [[ 0.41659335]
 [-1.46280006]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.41659335]
 [-1.46280006]]
dot product : [[ 1.77414286]
 [ 0.39041362]
 [ 1.12564514]]
result : [[ 1.78801465]
 [ 0.82290141]
 [ 1.23504605]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.89042284]
 [-0.19731218]
 [ 0.94676709]]
dot product : [[-0.51238295]
 [-0.34469707]]
result : [[ 0.09504553]
 [-0.14176039]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.09504553]
 [-0.14176039]]
dot product : [[ 0.24596356]
 [ 0.00161081]
 [ 0.14242033]]
result : [[ 0.25983535]
 [ 0.4340986 ]
 [ 0.25182124]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.86696128]
 [-0.9878016 ]
 [ 0.42060282]]
dot product : [[-0.16936021]
 [-1.64598303]]
result : [[ 0.43806827]
 [-1.44304635]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.43806827]
 [-1.44304635]]
dot product : [[ 1.78688054]
 [ 0.36718571]
 [ 1.12696732]]
result : [[ 1.80075234]
 [ 0.79967351]
 [ 1.23636823]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.88477696]
 [-0.42422919]
 [ 0.78794808]]
dot product : [[-0.54752416]
 [-0.45745801]]
result : [[ 0.05990432]
 [-0.25452133]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.05990432]
 [-0.25452133]]
dot product : [[ 0.29165799]
 [ 0.07626621]
 [ 0.18818708]]
result : [[ 0.30552979]
 [ 0.50875401]
 [ 0.29758799]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.48228053]
 [-1.0036456 ]
 [ 0.40350862]]
dot product : [[-0.27495478]
 [-1.45254062]]
result : [[ 0.3324737 ]
 [-1.24960393]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.3324737 ]
 [-1.24960393]]
dot product : [[ 1.48388079]
 [ 0.34901866]
 [ 0.94731909]]
result : [[ 1.49775258]
 [ 0.78150646]
 [ 1.05672   ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.83754064]
 [-0.04312429]
 [ 1.05556754]]
dot product : [[-0.47331299]
 [-0.29772934]]
result : [[ 0.13411549]
 [-0.09479265]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.13411549]
 [-0.09479265]]
dot product : [[ 0.26001406]
 [-0.04567317]
 [ 0.13825372]]
result : [[ 0.27388585]
 [ 0.38681463]
 [ 0.24765463]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.52081854]
 [-1.02999117]
 [ 0.38566014]]
dot product : [[-0.26888806]
 [-1.48543725]]
result : [[ 0.33854042]
 [-1.28250056]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.33854042]
 [-1.28250056]]
dot product : [[ 1.51930808]
 [ 0.35998635]
 [ 0.97062033]]
result : [[ 1.53317988]
 [ 0.79247414]
 [ 1.08002124]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.82375085]
 [-0.03083545]
 [ 1.0643883 ]]
dot product : [[-0.46763446]
 [-0.29899179]]
result : [[ 0.13979402]
 [-0.09605511]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.13979402]
 [-0.09605511]]
dot product : [[ 0.26874744]
 [-0.04886037]
 [ 0.14246813]]
result : [[ 0.28261924]
 [ 0.38362742]
 [ 0.25186904]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.16929504]
 [-0.42001607]
 [ 0.80205595]]
dot product : [[-0.35520442]
 [-0.8294704 ]]
result : [[ 0.25222406]
 [-0.62653371]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.25222406]
 [-0.62653371]]
dot product : [[ 0.85980453]
 [ 0.11832673]
 [ 0.52711689]]
result : [[ 0.87367633]
 [ 0.55081452]
 [ 0.6365178 ]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.87249431]
 [-0.52297891]
 [ 0.71898646]]
dot product : [[-0.56018514]
 [-0.51166613]]
result : [[ 0.04724334]
 [-0.30872945]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.04724334]
 [-0.30872945]]
dot product : [[ 0.31935612]
 [ 0.10935131]
 [ 0.21276935]]
result : [[ 0.33322792]
 [ 0.5418391 ]
 [ 0.32217026]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.04803713]
 [-0.62653231]
 [ 0.66082445]]
dot product : [[-0.33035094]
 [-1.04302781]]
result : [[ 0.27707754]
 [-0.84009113]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.27707754]
 [-0.84009113]]
dot product : [[ 1.07011567]
 [ 0.1991536 ]
 [ 0.6695243 ]]
result : [[ 1.08398747]
 [ 0.63164139]
 [ 0.77892522]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.80326333]
 [-0.01910134]
 [ 1.07292504]]
dot product : [[-0.46025157]
 [-0.30402424]]
result : [[ 0.14717691]
 [-0.10108755]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.14717691]
 [-0.10108755]]
dot product : [[ 0.28290722]
 [-0.05145926]
 [ 0.14996813]]
result : [[ 0.29677902]
 [ 0.38102853]
 [ 0.25936904]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.60251976]
 [-1.07776145]
 [ 0.35348131]]
dot product : [[-0.25472093]
 [-1.55126724]]
result : [[ 0.35270755]
 [-1.34833055]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.35270755]
 [-1.34833055]]
dot product : [[ 1.59294682]
 [ 0.38059101]
 [ 1.01848463]]
result : [[ 1.60681862]
 [ 0.8130788 ]
 [ 1.12788554]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.20310013]
 [-0.38840343]
 [ 0.82366671]]
dot product : [[-0.35915267]
 [-0.79649929]]
result : [[ 0.24827581]
 [-0.59356261]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.24827581]
 [-0.59356261]]
dot product : [[ 0.82718416]
 [ 0.1059215 ]
 [ 0.50506288]]
result : [[ 0.84105595]
 [ 0.53840929]
 [ 0.61446379]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.79496623]
 [-1.10069716]
 [ 0.3404208 ]]
dot product : [[-0.20687961]
 [-1.66297653]]
result : [[ 0.40054887]
 [-1.46003984]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.40054887]
 [-1.46003984]]
dot product : [[ 1.75013442]
 [ 0.39978651]
 [ 1.11421824]]
result : [[ 1.76400621]
 [ 0.8322743 ]
 [ 1.22361915]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[-0.77334271]
 [-1.01494568]
 [ 0.37601468]]
dot product : [[-0.61309412]
 [-0.80157394]]
result : [[-0.00566564]
 [-0.59863725]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[-0.00566564]
 [-0.59863725]]
dot product : [[ 0.48753068]
 [ 0.27648453]
 [ 0.35326151]]
result : [[ 0.50140248]
 [ 0.70897232]
 [ 0.46266242]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.70617593]
 [-1.1138955 ]
 [ 0.32979354]]
dot product : [[-0.23279366]
 [-1.62294422]]
result : [[ 0.37463482]
 [-1.42000753]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.37463482]
 [-1.42000753]]
dot product : [[ 1.68192994]
 [ 0.39871794]
 [ 1.0745643 ]]
result : [[ 1.69580173]
 [ 0.83120573]
 [ 1.18396521]]
weights:  [[ 0.27128095  0.31576503 -0.22024837]
 [-0.51265292  0.93941443 -0.65044195]]
biases:  [[ 0.60742848]
 [ 0.20293669]]
inputs : [[ 0.8708618 ]
 [-0.61292545]
 [ 0.68318458]]
dot product : [[-0.10776249]
 [-1.46661277]]
result : [[ 0.49966598]
 [-1.26367609]]
weights:  [[ 1.35405737 -0.82721596]
 [-0.66255857 -0.45558592]
 [ 0.60968873 -0.5958797 ]]
biases:  [[ 0.0138718 ]
 [ 0.43248779]
 [ 0.10940091]]
inputs : [[ 0.49966598]
 [-1.26367609]]
dot product : [[ 1.72190944]
 [ 0.24465506]
 [ 1.05763965]]
result : [[ 1.73578124]
 [ 0.67714285]
 [ 1.16704057]]
Epoch 3: Score [[ 1.08059188]
 [ 1.64870942]
 [ 0.36355102]] / 300
input:  [[-0.84992859]
 [-0.05851777]
 [ 1.04459451]]
activations:  [array([[-0.84992859],
       [-0.05851777],
       [ 1.04459451]]), array([[ 0.12831094],
       [-0.09576547]]), array([[ 0.26683089],
       [ 0.39110368],
       [ 0.24469534]])]
cost derivative:  [[ 1.11675948]
 [ 0.44962145]
 [-0.79989916]]
unit step:  1
delta:  [[ 1.11675948]
 [ 0.44962145]
 [-0.79989916]]
delta b updated:  [array([[ 0.09322641],
       [ 0.06243897]]), array([[ 1.11675948],
       [ 0.44962145],
       [-0.79989916]])]
delta w updated: [array([[-0.07923579, -0.0054554 ,  0.0973838 ],
       [-0.05306866, -0.00365379,  0.0652234 ]]), array([[ 0.14329246, -0.10694699],
       [ 0.05769135, -0.04305821],
       [-0.10263581,  0.07660272]])]
input:  [[ 0.15071471]
 [-0.72317733]
 [ 0.59474638]]
activations:  [array([[ 0.15071471],
       [-0.72317733],
       [ 0.59474638]]), array([[ 0.28892076],
       [-0.94057082]]), array([[ 1.1827227 ],
       [ 0.66940277],
       [ 0.84632024]])]
cost derivative:  [[ 1.03200799]
 [ 1.3925801 ]
 [ 0.25157386]]
unit step:  1
delta:  [[ 1.03200799]
 [ 1.3925801 ]
 [ 0.25157386]]
delta b updated:  [array([[ 0.18145565],
       [ 1.54064633]]), array([[ 1.03200799],
       [ 1.3925801 ],
       [ 0.25157386]])]
delta w updated: [array([[ 0.02734804, -0.13122462,  0.10792009],
       [ 0.23219806, -1.1141605 ,  0.91629383]]), array([[ 0.29816853, -0.9706766 ],
       [ 0.4023453 , -1.30982021],
       [ 0.07268491, -0.23662304]])]
input:  [[ 0.38085591]
 [-0.92606427]
 [ 0.45625618]]
activations:  [array([[ 0.38085591],
       [-0.92606427],
       [ 0.45625618]]), array([[ 0.31768065],
       [-1.16008794]]), array([[ 1.40249317],
       [ 0.74933955],
       [ 0.99448415]])]
cost derivative:  [[ 1.02163726]
 [ 1.67540382]
 [ 0.53822797]]
unit step:  1
delta:  [[ 1.02163726]
 [ 1.67540382]
 [ 0.53822797]]
delta b updated:  [array([[ 0.19094258],
       [ 2.23661814]]), array([[ 1.02163726],
       [ 1.67540382],
       [ 0.53822797]])]
delta w updated: [array([[ 0.07272161, -0.1768251 ,  0.08711873],
       [ 0.85182924, -2.07125214,  1.02047085]]), array([[ 0.32455439, -1.18518906],
       [ 0.53224338, -1.94361576],
       [ 0.17098461, -0.62439177]])]
input:  [[-0.61887301]
 [-0.05599051]
 [ 1.04996748]]
activations:  [array([[-0.61887301],
       [-0.05599051],
       [ 1.04996748]]), array([[ 0.19034745],
       [-0.21716486]]), array([[ 0.44998619],
       [ 0.40383459],
       [ 0.35479537]])]
cost derivative:  [[ 1.0688592 ]
 [ 0.4598251 ]
 [-0.69517211]]
unit step:  1
delta:  [[ 1.0688592 ]
 [ 0.4598251 ]
 [-0.69517211]]
delta b updated:  [array([[ 0.1367465 ],
       [ 0.14730262]]), array([[ 1.0688592 ],
       [ 0.4598251 ],
       [-0.69517211]])]
delta w updated: [array([[-0.08462872, -0.00765651,  0.14357938],
       [-0.09116161, -0.00824755,  0.15466296]]), array([[ 0.20345462, -0.23211866],
       [ 0.08752653, -0.09985785],
       [-0.13232424,  0.15096695]])]
input:  [[ 0.64455448]
 [-1.09661287]
 [ 0.3409354 ]]
activations:  [array([[ 0.64455448],
       [-1.09661287],
       [ 0.3409354 ]]), array([[ 0.36056734],
       [-1.38237344]]), array([[ 1.64294279],
       [ 0.8203601 ],
       [ 1.15290519]])]
cost derivative:  [[ 0.99838831]
 [ 1.91697296]
 [ 0.81196979]]
unit step:  1
delta:  [[ 0.99838831]
 [ 1.91697296]
 [ 0.81196979]]
delta b updated:  [array([[ 0.20761541],
       [ 3.01342615]]), array([[ 0.99838831],
       [ 1.91697296],
       [ 0.81196979]])]
delta w updated: [array([[ 0.13381944, -0.22767373,  0.07078344],
       [ 1.94231732, -3.3045619 ,  1.02738365]]), array([[ 0.35998621, -1.38014548],
       [ 0.69119784, -2.64997252],
       [ 0.29276979, -1.12244547]])]
input:  [[-0.82375085]
 [-0.03083545]
 [ 1.0643883 ]]
activations:  [array([[-0.82375085],
       [-0.03083545],
       [ 1.0643883 ]]), array([[ 0.13935781],
       [-0.09879372]]), array([[ 0.28235875],
       [ 0.38291793],
       [ 0.25312757]])]
cost derivative:  [[ 1.1061096 ]
 [ 0.41375338]
 [-0.81126073]]
unit step:  1
delta:  [[ 1.1061096 ]
 [ 0.41375338]
 [-0.81126073]]
delta b updated:  [array([[ 0.10149855],
       [ 0.06108318]]), array([[ 1.1061096 ],
       [ 0.41375338],
       [-0.81126073]])]
delta w updated: [array([[-0.08360952, -0.00312975,  0.10803387],
       [-0.05031732, -0.00188353,  0.06501622]]), array([[ 0.15414501, -0.10927668],
       [ 0.05765976, -0.04087623],
       [-0.11305552,  0.08014746]])]
input:  [[ 0.69887632]
 [-1.1126556 ]
 [ 0.330548  ]]
activations:  [array([[ 0.69887632],
       [-1.1126556 ],
       [ 0.330548  ]]), array([[ 0.3723068 ],
       [-1.42137498]]), array([[ 1.68959418],
       [ 0.82815744],
       [ 1.18277819]])]
cost derivative:  [[ 0.99071786]
 [ 1.94081304]
 [ 0.8522302 ]]
unit step:  1
delta:  [[ 0.99071786]
 [ 1.94081304]
 [ 0.8522302 ]]
delta b updated:  [array([[ 0.21350126],
       [ 3.13532798]]), array([[ 0.99071786],
       [ 1.94081304],
       [ 0.8522302 ]])]
delta w updated: [array([[ 0.14921098, -0.23755337,  0.07057241],
       [ 2.19120649, -3.48854025,  1.03637638]]), array([[ 0.368851  , -1.40818158],
       [ 0.7225779 , -2.75862311],
       [ 0.3172911 , -1.21133869]])]
input:  [[ 0.48228053]
 [-1.0036456 ]
 [ 0.40350862]]
activations:  [array([[ 0.48228053],
       [-1.0036456 ],
       [ 0.40350862]]), array([[ 0.33172058],
       [-1.25772969]]), array([[ 1.49854413],
       [ 0.77896711],
       [ 1.05978728]])]
cost derivative:  [[ 1.0162636 ]
 [ 1.78261271]
 [ 0.65627865]]
unit step:  1
delta:  [[ 1.0162636 ]
 [ 1.78261271]
 [ 0.65627865]]
delta b updated:  [array([[ 0.19666568],
       [ 2.56092795]]), array([[ 1.0162636 ],
       [ 1.78261271],
       [ 0.65627865]])]
delta w updated: [array([[ 0.09484803, -0.19738265,  0.0793563 ],
       [ 1.2350857 , -2.57026407,  1.03335652]]), array([[ 0.33711555, -1.2781849 ],
       [ 0.59132933, -2.24204494],
       [ 0.21770114, -0.82542115]])]
input:  [[ 0.81540173]
 [-0.27239952]
 [ 0.92078564]]
activations:  [array([[ 0.81540173],
       [-0.27239952],
       [ 0.92078564]]), array([[ 0.53898814],
       [-1.07862175]]), array([[ 1.63037042],
       [ 0.55888647],
       [ 1.07901196]])]
cost derivative:  [[ 0.81496869]
 [ 0.83128599]
 [ 0.15822632]]
unit step:  1
delta:  [[ 0.81496869]
 [ 0.83128599]
 [ 0.15822632]]
delta b updated:  [array([[ 0.34910464],
       [ 1.23187321]]), array([[ 0.81496869],
       [ 0.83128599],
       [ 0.15822632]])]
delta w updated: [array([[ 0.28466053, -0.09509594,  0.32145054],
       [ 1.00447155, -0.33556167,  1.13429116]]), array([[ 0.43925845, -0.87904296],
       [ 0.44805329, -0.89664315],
       [ 0.08528211, -0.17066635]])]
input:  [[-0.81380157]
 [-0.02431671]
 [ 1.06910845]]
activations:  [array([[-0.81380157],
       [-0.02431671],
       [ 1.06910845]]), array([[ 0.14269882],
       [-0.10319936]]), array([[ 0.28902235],
       [ 0.38075363],
       [ 0.25740441]])]
cost derivative:  [[ 1.10282392]
 [ 0.40507034]
 [-0.81170404]]
unit step:  1
delta:  [[ 1.10282392]
 [ 0.40507034]
 [-0.81170404]]
delta b updated:  [array([[ 0.10399674],
       [ 0.06293067]]), array([[ 1.10282392],
       [ 0.40507034],
       [-0.81170404]])]
delta w updated: [array([[-0.08463271, -0.00252886,  0.11118379],
       [-0.05121307, -0.00153027,  0.06727971]]), array([[ 0.15737167, -0.11381072],
       [ 0.05780306, -0.041803  ],
       [-0.11582921,  0.08376734]])]
input:  [[-0.76825116]
 [-0.01096956]
 [ 1.07916561]]
activations:  [array([[-0.76825116],
       [-0.01096956],
       [ 1.07916561]]), array([[ 0.15695227],
       [-0.12068683]]), array([[ 0.32235134],
       [ 0.37905028],
       [ 0.27676852]])]
cost derivative:  [[ 1.0906025 ]
 [ 0.39001984]
 [-0.80239709]]
unit step:  1
delta:  [[ 1.0906025 ]
 [ 0.39001984]
 [-0.80239709]]
delta b updated:  [array([[ 0.11423191],
       [ 0.0722173 ]]), array([[ 1.0906025 ],
       [ 0.39001984],
       [-0.80239709]])]
delta w updated: [array([[-0.0877588 , -0.00125307,  0.12327515],
       [-0.05548102, -0.00079219,  0.07793443]]), array([[ 0.17117254, -0.13162135],
       [ 0.0612145 , -0.04707026],
       [-0.12593805,  0.09683876]])]
input:  [[-0.21431142]
 [-0.37798482]
 [ 0.8307879 ]]
activations:  [array([[-0.21431142],
       [-0.37798482],
       [ 0.8307879 ]]), array([[ 0.2458481 ],
       [-0.59030935]]), array([[ 0.82951495],
       [ 0.53196999],
       [ 0.61048738]])]
cost derivative:  [[ 1.04382637]
 [ 0.90995481]
 [-0.22030051]]
unit step:  1
delta:  [[ 1.04382637]
 [ 0.90995481]
 [-0.22030051]]
delta b updated:  [array([[ 0.16572009],
       [ 0.67334071]]), array([[ 1.04382637],
       [ 0.90995481],
       [-0.22030051]])]
delta w updated: [array([[-0.03551571, -0.06263968,  0.13767825],
       [-0.1443046 , -0.25451256,  0.55940331]]), array([[ 0.25662273, -0.61618047],
       [ 0.22371066, -0.53715483],
       [-0.05416046,  0.13004545]])]
input:  [[ 0.85618893]
 [-0.50293269]
 [ 0.75998228]]
activations:  [array([[ 0.85618893],
       [-0.50293269],
       [ 0.75998228]]), array([[ 0.51216827],
       [-1.21373003]]), array([[ 1.7033078 ],
       [ 0.63614189],
       [ 1.14365907]])]
cost derivative:  [[ 0.84711887]
 [ 1.13907458]
 [ 0.38367678]]
unit step:  1
delta:  [[ 0.84711887]
 [ 1.13907458]
 [ 0.38367678]]
delta b updated:  [array([[ 0.31949096],
       [ 1.74862285]]), array([[ 0.84711887],
       [ 1.13907458],
       [ 0.38367678]])]
delta w updated: [array([[ 0.27354462, -0.16068245,  0.24280747],
       [ 1.49715152, -0.87943959,  1.32892239]]), array([[ 0.43386741, -1.02817362],
       [ 0.58339785, -1.38252902],
       [ 0.19650707, -0.46568003]])]
input:  [[ 0.88430752]
 [-0.82759425]
 [ 0.53306447]]
activations:  [array([[ 0.88430752],
       [-0.82759425],
       [ 0.53306447]]), array([[ 0.46696636],
       [-1.38799088]]), array([[ 1.78498741],
       [ 0.7436982 ],
       [ 1.21936475]])]
cost derivative:  [[ 0.90067989]
 [ 1.57129244]
 [ 0.68630028]]
unit step:  1
delta:  [[ 0.90067989]
 [ 1.57129244]
 [ 0.68630028]]
delta b updated:  [array([[ 0.27705365],
       [ 2.57997111]]), array([[ 0.90067989],
       [ 1.57129244],
       [ 0.68630028]])]
delta w updated: [array([[ 0.24500063, -0.22928801,  0.14768746],
       [ 2.28148784, -2.13516924,  1.37529094]]), array([[ 0.42058721, -1.25013547],
       [ 0.73374072, -2.18093957],
       [ 0.32047914, -0.95257852]])]
input:  [[-0.3027292 ]
 [-0.29732748]
 [ 0.88589238]]
activations:  [array([[-0.3027292 ],
       [-0.29732748],
       [ 0.88589238]]), array([[ 0.234803  ],
       [-0.50720508]]), array([[ 0.74453403],
       [ 0.49975433],
       [ 0.55380057]])]
cost derivative:  [[ 1.04726323]
 [ 0.79708181]
 [-0.3320918 ]]
unit step:  1
delta:  [[ 1.04726323]
 [ 0.79708181]
 [-0.3320918 ]]
delta b updated:  [array([[ 0.16078539],
       [ 0.51942306]]), array([[ 1.04726323],
       [ 0.79708181],
       [-0.3320918 ]])]
delta w updated: [array([[-0.04867443, -0.04780592,  0.14243856],
       [-0.15724453, -0.15443875,  0.46015293]]), array([[ 0.24590055, -0.53117723],
       [ 0.1871572 , -0.40428394],
       [-0.07797615,  0.16843865]])]
input:  [[-0.69939058]
 [-0.02062908]
 [ 1.07347501]]
activations:  [array([[-0.69939058],
       [-0.02062908],
       [ 1.07347501]]), array([[ 0.17327246],
       [-0.16400672]]), array([[ 0.378233  ],
       [ 0.38582496],
       [ 0.31249763]])]
cost derivative:  [[ 1.07762358]
 [ 0.40645404]
 [-0.76097738]]
unit step:  1
delta:  [[ 1.07762358]
 [ 0.40645404]
 [-0.76097738]]
delta b updated:  [array([[ 0.12542504],
       [ 0.10137218]]), array([[ 1.07762358],
       [ 0.40645404],
       [-0.76097738]])]
delta w updated: [array([[-0.08772109, -0.0025874 ,  0.13464064],
       [-0.07089875, -0.00209122,  0.1088205 ]]), array([[ 0.18672249, -0.17673751],
       [ 0.07042729, -0.0666612 ],
       [-0.13185642,  0.12480541]])]
input:  [[-0.42968263]
 [-0.18852497]
 [ 0.96010561]]
activations:  [array([[-0.42968263],
       [-0.18852497],
       [ 0.96010561]]), array([[ 0.21821186],
       [-0.38781524]]), array([[ 0.62292412],
       [ 0.45654652],
       [ 0.47316499]])]
cost derivative:  [[ 1.05260676]
 [ 0.64507149]
 [-0.48694061]]
unit step:  1
delta:  [[ 1.05260676]
 [ 0.64507149]
 [-0.48694061]]
delta b updated:  [array([[ 0.15239469],
       [ 0.33648592]]), array([[ 1.05260676],
       [ 0.64507149],
       [-0.48694061]])]
delta w updated: [array([[-0.06548135, -0.02873021,  0.146315  ],
       [-0.14458216, -0.063436  ,  0.32306202]]), array([[ 0.22969127, -0.40821694],
       [ 0.14076225, -0.25016855],
       [-0.10625621,  0.18884299]])]
input:  [[-0.77443049]
 [-0.01156442]
 [ 1.07865268]]
activations:  [array([[-0.77443049],
       [-0.01156442],
       [ 1.07865268]]), array([[ 0.154425  ],
       [-0.12044923]]), array([[ 0.31611602],
       [ 0.37836909],
       [ 0.27556834]])]
cost derivative:  [[ 1.09054651]
 [ 0.38993351]
 [-0.80308434]]
unit step:  1
delta:  [[ 1.09054651]
 [ 0.38993351]
 [-0.80308434]]
delta b updated:  [array([[ 0.11217654],
       [ 0.07178092]]), array([[ 1.09054651],
       [ 0.38993351],
       [-0.80308434]])]
delta w updated: [array([[-0.08687293, -0.00129726,  0.12099953],
       [-0.05558934, -0.0008301 ,  0.07742669]]), array([[ 0.16840764, -0.13135549],
       [ 0.06021548, -0.04696719],
       [-0.1240163 ,  0.09673089]])]
input:  [[-0.85040337]
 [-0.65782519]
 [ 0.62489984]]
activations:  [array([[-0.85040337],
       [-0.65782519],
       [ 0.62489984]]), array([[ 0.02961029],
       [-0.3951646 ]]), array([[ 0.37309196],
       [ 0.58477374],
       [ 0.36306602]])]
cost derivative:  [[ 1.22349532]
 [ 1.24259893]
 [-0.26183383]]
unit step:  1
delta:  [[ 1.22349532]
 [ 1.24259893]
 [-0.26183383]]
delta b updated:  [array([[ 0.01982231],
       [ 0.55745209]]), array([[ 1.22349532],
       [ 1.24259893],
       [-0.26183383]])]
delta w updated: [array([[-0.01685696, -0.01303962,  0.01238696],
       [-0.47405914, -0.36670603,  0.34835173]]), array([[ 0.03622805, -0.48348204],
       [ 0.03679372, -0.49103111],
       [-0.00775298,  0.10346746]])]
input:  [[-0.89352823]
 [-0.26187376]
 [ 0.90150702]]
activations:  [array([[-0.89352823],
       [-0.26187376],
       [ 0.90150702]]), array([[ 0.0820009 ],
       [-0.18016111]]), array([[ 0.26650962],
       [ 0.45277914],
       [ 0.26729136]])]
cost derivative:  [[ 1.16003785]
 [ 0.7146529 ]
 [-0.63421566]]
unit step:  1
delta:  [[ 1.16003785]
 [ 0.7146529 ]
 [-0.63421566]]
delta b updated:  [array([[ 0.05800991],
       [ 0.16200565]]), array([[ 1.16003785],
       [ 0.7146529 ],
       [-0.63421566]])]
delta w updated: [array([[-0.05183349, -0.01519127,  0.05229634],
       [-0.14475662, -0.04242503,  0.14604923]]), array([[ 0.09512415, -0.2089937 ],
       [ 0.05860218, -0.12875266],
       [-0.05200626,  0.11426099]])]
input:  [[-0.47005138]
 [-0.15648523]
 [ 0.9819131 ]]
activations:  [array([[-0.47005138],
       [-0.15648523],
       [ 0.9819131 ]]), array([[ 0.21232487],
       [-0.35178716]]), array([[ 0.58360467],
       [ 0.44311789],
       [ 0.44897362]])]
cost derivative:  [[ 1.05365605]
 [ 0.59960312]
 [-0.53293948]]
unit step:  1
delta:  [[ 1.05365605]
 [ 0.59960312]
 [-0.53293948]]
delta b updated:  [array([[ 0.14898381],
       [ 0.28846663]]), array([[ 1.05365605],
       [ 0.59960312],
       [-0.53293948]])]
delta w updated: [array([[-0.07003004, -0.02331377,  0.14628915],
       [-0.13559414, -0.04514077,  0.28324916]]), array([[ 0.22371738, -0.37066266],
       [ 0.12731065, -0.21093268],
       [-0.11315631,  0.18748126]])]
input:  [[-0.81885068]
 [-0.02741125]
 [ 1.06686264]]
activations:  [array([[-0.81885068],
       [-0.02741125],
       [ 1.06686264]]), array([[ 0.13968402],
       [-0.10567439]]), array([[ 0.2824396 ],
       [ 0.38048926],
       [ 0.25857814]])]
cost derivative:  [[ 1.10129028]
 [ 0.40790051]
 [-0.8082845 ]]
unit step:  1
delta:  [[ 1.10129028]
 [ 0.40790051]
 [-0.8082845 ]]
delta b updated:  [array([[ 0.10134456],
       [ 0.0643651 ]]), array([[ 1.10129028],
       [ 0.40790051],
       [-0.8082845 ]])]
delta w updated: [array([[-0.08298606, -0.00277798,  0.10812072],
       [-0.05270541, -0.00176433,  0.06866872]]), array([[ 0.15383265, -0.11637818],
       [ 0.05697718, -0.04310464],
       [-0.11290443,  0.08541497]])]
input:  [[ 0.42222839]
 [-0.95895256]
 [ 0.43387011]]
activations:  [array([[ 0.42222839],
       [-0.95895256],
       [ 0.43387011]]), array([[ 0.32145994],
       [-1.21207575]]), array([[ 1.43826401],
       [ 0.75703942],
       [ 1.02750008]])]
cost derivative:  [[ 1.01603562]
 [ 1.71599198]
 [ 0.59362997]]
unit step:  1
delta:  [[ 1.01603562]
 [ 1.71599198]
 [ 0.59362997]]
delta b updated:  [array([[ 0.19140933],
       [ 2.37637848]]), array([[ 1.01603562],
       [ 1.71599198],
       [ 0.59362997]])]
delta w updated: [array([[ 0.08081845, -0.18355246,  0.08304679],
       [ 1.00337446, -2.27883422,  1.03103959]]), array([[ 0.32661475, -1.23151213],
       [ 0.55162268, -2.07991226],
       [ 0.19082825, -0.71952449]])]
input:  [[-0.88275463]
 [-0.44301392]
 [ 0.77482491]]
activations:  [array([[-0.88275463],
       [-0.44301392],
       [ 0.77482491]]), array([[ 0.05529161],
       [-0.27553686]]), array([[ 0.30725369],
       [ 0.5120375 ],
       [ 0.30813938]])]
cost derivative:  [[ 1.19000832]
 [ 0.95505142]
 [-0.46668553]]
unit step:  1
delta:  [[ 1.19000832]
 [ 0.95505142]
 [-0.46668553]]
delta b updated:  [array([[ 0.03813734],
       [ 0.31138697]]), array([[ 1.19000832],
       [ 0.95505142],
       [-0.46668553]])]
delta w updated: [array([[-0.03366592, -0.01689537,  0.02954976],
       [-0.27487829, -0.13794876,  0.24127038]]), array([[ 0.06579748, -0.32789116],
       [ 0.05280633, -0.26315187],
       [-0.0258038 ,  0.12858907]])]
input:  [[ 0.86696128]
 [-0.9878016 ]
 [ 0.42060282]]
activations:  [array([[ 0.86696128],
       [-0.9878016 ],
       [ 0.42060282]]), array([[ 0.43569731],
       [-1.46214836]]), array([[ 1.79696035],
       [ 0.7914468 ],
       [ 1.24546978]])]
cost derivative:  [[ 0.92999907]
 [ 1.7792484 ]
 [ 0.82486696]]
unit step:  1
delta:  [[ 0.92999907]
 [ 1.7792484 ]
 [ 0.82486696]]
delta b updated:  [array([[ 0.25161109],
       [ 3.00279343]]), array([[ 0.92999907],
       [ 1.7792484 ],
       [ 0.82486696]])]
delta w updated: [array([[ 0.21813707, -0.24854183,  0.10582833],
       [ 2.60330564, -2.96616415,  1.2629834 ]]), array([[ 0.4051981 , -1.35979661],
       [ 0.77521375, -2.60152513],
       [ 0.35939232, -1.20607787]])]
input:  [[-0.62740077]
 [-0.05140675]
 [ 1.05304444]]
activations:  [array([[-0.62740077],
       [-0.05140675],
       [ 1.05304444]]), array([[ 0.18678204],
       [-0.22030874]]), array([[ 0.43876654],
       [ 0.39866249],
       [ 0.35524276]])]
cost derivative:  [[ 1.06616731]
 [ 0.45006924]
 [-0.69780169]]
unit step:  1
delta:  [[ 1.06616731]
 [ 0.45006924]
 [-0.69780169]]
delta b updated:  [array([[ 0.13390301],
       [ 0.14615425]]), array([[ 1.06616731],
       [ 0.45006924],
       [-0.69780169]])]
delta w updated: [array([[-0.08401085, -0.00688352,  0.14100582],
       [-0.09169729, -0.00751331,  0.15390692]]), array([[ 0.1991409 , -0.23488598],
       [ 0.08406485, -0.09915419],
       [-0.13033682,  0.15373181]])]
input:  [[ 0.55803192]
 [-1.05329141]
 [ 0.36992359]]
activations:  [array([[ 0.55803192],
       [-1.05329141],
       [ 0.36992359]]), array([[ 0.34214386],
       [-1.33421142]]), array([[ 1.56381536],
       [ 0.79416827],
       [ 1.11186682]])]
cost derivative:  [[ 1.00578344]
 [ 1.84745968]
 [ 0.74194323]]
unit step:  1
delta:  [[ 1.00578344]
 [ 1.84745968]
 [ 0.74194323]]
delta b updated:  [array([[ 0.19956684],
       [ 2.79500888]]), array([[ 1.00578344],
       [ 1.84745968],
       [ 0.74194323]])]
delta w updated: [array([[ 0.11136467, -0.21020204,  0.07382448],
       [ 1.55970418, -2.94395885,  1.03393973]]), array([[ 0.34412263, -1.34192774],
       [ 0.63209699, -2.4649018 ],
       [ 0.25385132, -0.98990913]])]
input:  [[-0.70682931]
 [-0.01844346]
 [ 1.07488957]]
activations:  [array([[-0.70682931],
       [-0.01844346],
       [ 1.07488957]]), array([[ 0.17066622],
       [-0.16342858]]), array([[ 0.36942254],
       [ 0.38295122],
       [ 0.31156897]])]
cost derivative:  [[ 1.07625185]
 [ 0.40139468]
 [-0.76332061]]
unit step:  1
delta:  [[ 1.07625185]
 [ 0.40139468]
 [-0.76332061]]
delta b updated:  [array([[ 0.12334228],
       [ 0.09973654]]), array([[ 1.07625185],
       [ 0.40139468],
       [-0.76332061]])]
delta w updated: [array([[-0.08718194, -0.00227486,  0.13257933],
       [-0.07049671, -0.00183949,  0.10720577]]), array([[ 0.18367983, -0.17589031],
       [ 0.06850451, -0.06559936],
       [-0.13027304,  0.1247484 ]])]
input:  [[ 0.03656671]
 [-0.6156325 ]
 [ 0.66827857]]
activations:  [array([[ 0.03656671],
       [-0.6156325 ],
       [ 0.66827857]]), array([[ 0.27305938],
       [-0.84760276]]), array([[ 1.06935632],
       [ 0.6205999 ],
       [ 0.78045667]])]
cost derivative:  [[ 1.03278961]
 [ 1.2362324 ]
 [ 0.1121781 ]]
unit step:  1
delta:  [[ 1.03278961]
 [ 1.2362324 ]
 [ 0.1121781 ]]
delta b updated:  [array([[ 0.17530322],
       [ 1.24391441]]), array([[ 1.03278961],
       [ 1.2362324 ],
       [ 0.1121781 ]])]
delta w updated: [array([[ 0.00641026, -0.10792236,  0.11715138],
       [ 0.04548586, -0.76579414,  0.83128135]]), array([[ 0.28201289, -0.87539532],
       [ 0.33756485, -1.04783399],
       [ 0.03063128, -0.09508247]])]
input:  [[ 0.11663588]
 [-0.69133326]
 [ 0.61651493]]
activations:  [array([[ 0.11663588],
       [-0.69133326],
       [ 0.61651493]]), array([[ 0.28215377],
       [-0.92760841]]), array([[ 1.14671573],
       [ 0.64955413],
       [ 0.83343153]])]
cost derivative:  [[ 1.03007985]
 [ 1.34088739]
 [ 0.2169166 ]]
unit step:  1
delta:  [[ 1.03007985]
 [ 1.34088739]
 [ 0.2169166 ]]
delta b updated:  [array([[ 0.17840261],
       [ 1.45963549]]), array([[ 1.03007985],
       [ 1.34088739],
       [ 0.2169166 ]])]
delta w updated: [array([[ 0.02080814, -0.12333566,  0.10998787],
       [ 0.17024587, -1.00909457,  0.89988708]]), array([[ 0.29064092, -0.95551073],
       [ 0.37833644, -1.24381842],
       [ 0.06120384, -0.20121366]])]
input:  [[ 0.51130396]
 [-1.02368072]
 [ 0.38993089]]
activations:  [array([[ 0.51130396],
       [-1.02368072],
       [ 0.38993089]]), array([[ 0.33397711],
       [-1.29927094]]), array([[ 1.52110627],
       [ 0.78009258],
       [ 1.08550446]])]
cost derivative:  [[ 1.00980231]
 [ 1.8037733 ]
 [ 0.69557357]]
unit step:  1
delta:  [[ 1.00980231]
 [ 1.8037733 ]
 [ 0.69557357]]
delta b updated:  [array([[ 0.1964579 ],
       [ 2.65930767]]), array([[ 1.00980231],
       [ 1.8037733 ],
       [ 0.69557357]])]
delta w updated: [array([[ 0.1004497 , -0.20111016,  0.076605  ],
       [ 1.35971455, -2.72228198,  1.03694621]]), array([[ 0.33725085, -1.31200679],
       [ 0.60241899, -2.34359022],
       [ 0.23230565, -0.90373852]])]
input:  [[ 0.80968627]
 [-0.24410611]
 [ 0.94051003]]
activations:  [array([[ 0.80968627],
       [-0.24410611],
       [ 0.94051003]]), array([[ 0.53965855],
       [-1.07741451]]), array([[ 1.61615544],
       [ 0.54262969],
       [ 1.07854295]])]
cost derivative:  [[ 0.80646917]
 [ 0.7867358 ]
 [ 0.13803292]]
unit step:  1
delta:  [[ 0.80646917]
 [ 0.7867358 ]
 [ 0.13803292]]
delta b updated:  [array([[ 0.350918  ],
       [ 1.17863652]]), array([[ 0.80646917],
       [ 0.7867358 ],
       [ 0.13803292]])]
delta w updated: [array([[ 0.28413349, -0.08566123,  0.3300419 ],
       [ 0.95432581, -0.28771237,  1.10851946]]), array([[ 0.43521798, -0.86890158],
       [ 0.42456869, -0.84764056],
       [ 0.07449065, -0.14871867]])]
input:  [[-0.11248479]
 [-0.47366382]
 [ 0.76537305]]
activations:  [array([[-0.11248479],
       [-0.47366382],
       [ 0.76537305]]), array([[ 0.25557057],
       [-0.70340861]]), array([[ 0.9249429 ],
       [ 0.56460575],
       [ 0.68344765]])]
cost derivative:  [[ 1.03742769]
 [ 1.03826958]
 [-0.0819254 ]]
unit step:  1
delta:  [[ 1.03742769]
 [ 1.03826958]
 [-0.0819254 ]]
delta b updated:  [array([[ 0.16883481],
       [ 0.88936794]]), array([[ 1.03742769],
       [ 1.03826958],
       [-0.0819254 ]])]
delta w updated: [array([[-0.01899135, -0.07997094,  0.12922161],
       [-0.10004037, -0.42126142,  0.68069825]]), array([[ 0.26513599, -0.72973557],
       [ 0.26535115, -0.73032776],
       [-0.02093772,  0.05762703]])]
input:  [[-0.83105005]
 [-0.75801209]
 [ 0.55504205]]
activations:  [array([[-0.83105005],
       [-0.75801209],
       [ 0.55504205]]), array([[ 0.01729627],
       [-0.4633574 ]]), array([[ 0.40567345],
       [ 0.61590841],
       [ 0.3958885 ]])]
cost derivative:  [[ 1.23672351]
 [ 1.3739205 ]
 [-0.15915355]]
unit step:  1
delta:  [[ 1.23672351]
 [ 1.3739205 ]
 [-0.15915355]]
delta b updated:  [array([[ 0.01140077],
       [ 0.70930202]]), array([[ 1.23672351],
       [ 1.3739205 ],
       [-0.15915355]])]
delta w updated: [array([[-0.00947461, -0.00864192,  0.0063279 ],
       [-0.58946548, -0.5376595 ,  0.39369245]]), array([[ 0.0213907 , -0.57304499],
       [ 0.0237637 , -0.63661623],
       [-0.00275276,  0.07374498]])]
input:  [[-0.89286411]
 [-0.23476572]
 [ 0.92050079]]
activations:  [array([[-0.89286411],
       [-0.23476572],
       [ 0.92050079]]), array([[ 0.0852885 ],
       [-0.17520719]]), array([[ 0.26090046],
       [ 0.44189178],
       [ 0.26641158]])]
cost derivative:  [[ 1.15376457]
 [ 0.6766575 ]
 [-0.6540892 ]]
unit step:  1
delta:  [[ 1.15376457]
 [ 0.6766575 ]
 [-0.6540892 ]]
delta b updated:  [array([[ 0.06053925],
       [ 0.15040484]]), array([[ 1.15376457],
       [ 0.6766575 ],
       [-0.6540892 ]])]
delta w updated: [array([[-0.05405332, -0.01421254,  0.05572643],
       [-0.13429109, -0.0353099 ,  0.13844778]]), array([[ 0.09840285, -0.20214785],
       [ 0.0577111 , -0.11855526],
       [-0.05578629,  0.11460113]])]
input:  [[ 0.73415457]
 [-1.11607237]
 [ 0.32870542]]
activations:  [array([[ 0.73415457],
       [-1.11607237],
       [ 0.32870542]]), array([[ 0.37814749],
       [-1.46612654]]), array([[ 1.71404417],
       [ 0.82082213],
       [ 1.21107071]])]
cost derivative:  [[ 0.9798896 ]
 [ 1.9368945 ]
 [ 0.88236529]]
unit step:  1
delta:  [[ 0.9798896 ]
 [ 1.9368945 ]
 [ 0.88236529]]
delta b updated:  [array([[ 0.21619102],
       [ 3.20798216]]), array([[ 0.9798896 ],
       [ 1.9368945 ],
       [ 0.88236529]])]
delta w updated: [array([[ 0.15871763, -0.24128483,  0.07106316],
       [ 2.35515476, -3.58034026,  1.05448112]]), array([[ 0.3705428 , -1.43664215],
       [ 0.7324318 , -2.83973244],
       [ 0.33366422, -1.29365917]])]
input:  [[-0.891427  ]
 [-0.20937399]
 [ 0.9383047 ]]
activations:  [array([[-0.891427  ],
       [-0.20937399],
       [ 0.9383047 ]]), array([[ 0.08965676],
       [-0.16462336]]), array([[ 0.25731411],
       [ 0.43321748],
       [ 0.26264432]])]
cost derivative:  [[ 1.14874111]
 [ 0.64259147]
 [-0.67566038]]
unit step:  1
delta:  [[ 1.14874111]
 [ 0.64259147]
 [-0.67566038]]
delta b updated:  [array([[ 0.06386131],
       [ 0.13587596]]), array([[ 1.14874111],
       [ 0.64259147],
       [-0.67566038]])]
delta w updated: [array([[-0.0569277 , -0.0133709 ,  0.05992137],
       [-0.1211235 , -0.02844889,  0.12749306]]), array([[ 0.10299241, -0.18910962],
       [ 0.05761267, -0.10578557],
       [-0.06057752,  0.11122948]])]
input:  [[-0.18059023]
 [-0.40942288]
 [ 0.80929809]]
activations:  [array([[-0.18059023],
       [-0.40942288],
       [ 0.80929809]]), array([[ 0.24742244],
       [-0.63886337]]), array([[ 0.85841886],
       [ 0.53836277],
       [ 0.64020339]])]
cost derivative:  [[ 1.03900909]
 [ 0.94778564]
 [-0.1690947 ]]
unit step:  1
delta:  [[ 1.03900909]
 [ 0.94778564]
 [-0.1690947 ]]
delta b updated:  [array([[ 0.16558727],
       [ 0.74825321]]), array([[ 1.03900909],
       [ 0.94778564],
       [-0.1690947 ]])]
delta w updated: [array([[-0.02990344, -0.06779522,  0.13400946],
       [-0.13512722, -0.30635198,  0.6055599 ]]), array([[ 0.25707416, -0.66378485],
       [ 0.23450344, -0.60550553],
       [-0.04183782,  0.10802841]])]
input:  [[-0.89171727]
 [-0.33735345]
 [ 0.84867781]]
activations:  [array([[-0.89171727],
       [-0.33735345],
       [ 0.84867781]]), array([[ 0.06872862],
       [-0.22784404]]), array([[ 0.2800127 ],
       [ 0.47463003],
       [ 0.28768145]])]
cost derivative:  [[ 1.17172996]
 [ 0.81198348]
 [-0.56099636]]
unit step:  1
delta:  [[ 1.17172996]
 [ 0.81198348]
 [-0.56099636]]
delta b updated:  [array([[ 0.04811745],
       [ 0.22483856]]), array([[ 1.17172996],
       [ 0.81198348],
       [-0.56099636]])]
delta w updated: [array([[-0.04290716, -0.01623259,  0.04083621],
       [-0.20049242, -0.07585006,  0.19081549]]), array([[ 0.08053138, -0.26697169],
       [ 0.0558065 , -0.18500559],
       [-0.0385565 ,  0.12781968]])]
input:  [[-0.81402889]
 [-0.83872816]
 [ 0.49878306]]
activations:  [array([[-0.81402889],
       [-0.83872816],
       [ 0.49878306]]), array([[ 0.00844876],
       [-0.51495234]]), array([[ 0.43319349],
       [ 0.64185864],
       [ 0.42142441]])]
cost derivative:  [[ 1.24722238]
 [ 1.48058681]
 [-0.07735865]]
unit step:  1
delta:  [[ 1.24722238]
 [ 1.48058681]
 [-0.07735865]]
delta b updated:  [array([[ 0.00550164],
       [ 0.84030615]]), array([[ 1.24722238],
       [ 1.48058681],
       [-0.07735865]])]
delta w updated: [array([[-0.0044785 , -0.00461438,  0.00274413],
       [-0.68403348, -0.70478843,  0.41913047]]), array([[  1.05374789e-02,  -6.42260084e-01],
       [  1.25091183e-02,  -7.62431644e-01],
       [ -6.53584417e-04,   3.98360164e-02]])]
input:  [[ 0.88371162]
 [-0.85694283]
 [ 0.51250275]]
activations:  [array([[ 0.88371162],
       [-0.85694283],
       [ 0.51250275]]), array([[ 0.45970016],
       [-1.42212927]]), array([[ 1.78467775],
       [ 0.74270042],
       [ 1.23439582]])]
cost derivative:  [[ 0.90096613]
 [ 1.59964325]
 [ 0.72189307]]
unit step:  1
delta:  [[ 0.90096613]
 [ 1.59964325]
 [ 0.72189307]]
delta b updated:  [array([[ 0.27169162],
       [ 2.66590466]]), array([[ 0.90096613],
       [ 1.59964325],
       [ 0.72189307]])]
delta w updated: [array([[ 0.24009705, -0.23282419,  0.1392427 ],
       [ 2.35589093, -2.28452788,  1.36628346]]), array([[ 0.41417428, -1.28129031],
       [ 0.73535626, -2.27489948],
       [ 0.33185436, -1.02662526]])]
input:  [[-0.38826665]
 [-0.22284173]
 [ 0.93671988]]
activations:  [array([[-0.38826665],
       [-0.22284173],
       [ 0.93671988]]), array([[ 0.2217559 ],
       [-0.43989106]]), array([[ 0.65887566],
       [ 0.46490392],
       [ 0.50648121]])]
cost derivative:  [[ 1.04714232]
 [ 0.68774565]
 [-0.43023867]]
unit step:  1
delta:  [[ 1.04714232]
 [ 0.68774565]
 [-0.43023867]]
delta b updated:  [array([[ 0.15388168],
       [ 0.39847873]]), array([[ 1.04714232],
       [ 0.68774565],
       [-0.43023867]])]
delta w updated: [array([[-0.05974713, -0.03429126,  0.14414403],
       [-0.154716  , -0.08879769,  0.37326295]]), array([[ 0.23220999, -0.46062854],
       [ 0.15251166, -0.30253316],
       [-0.09540796,  0.18925814]])]
input:  [[-0.56567595]
 [-0.08795369]
 [ 1.02841365]]
activations:  [array([[-0.56567595],
       [-0.08795369],
       [ 1.02841365]]), array([[ 0.1959986 ],
       [-0.28004181]]), array([[ 0.49292721],
       [ 0.41106582],
       [ 0.39621233]])]
cost derivative:  [[ 1.05860316]
 [ 0.49901951]
 [-0.63220133]]
unit step:  1
delta:  [[ 1.05860316]
 [ 0.49901951]
 [-0.63220133]]
delta b updated:  [array([[ 0.13956204],
       [ 0.19932033]]), array([[ 1.05860316],
       [ 0.49901951],
       [-0.63220133]])]
delta w updated: [array([[-0.07894689, -0.012275  ,  0.14352751],
       [-0.11275072, -0.01753096,  0.20498375]]), array([[ 0.20748474, -0.29645315],
       [ 0.09780712, -0.13974633],
       [-0.12391057,  0.1770428 ]])]
input:  [[-0.51887351]
 [-0.1200104 ]
 [ 1.00669461]]
activations:  [array([[-0.51887351],
       [-0.1200104 ],
       [ 1.00669461]]), array([[ 0.20322693],
       [-0.32070826]]), array([[ 0.53554881],
       [ 0.42405178],
       [ 0.4249602 ]])]
cost derivative:  [[ 1.05442232]
 [ 0.54406218]
 [-0.58173441]]
unit step:  1
delta:  [[ 1.05442232]
 [ 0.54406218]
 [-0.58173441]]
delta b updated:  [array([[ 0.14368357],
       [ 0.24310134]]), array([[ 1.05442232],
       [ 0.54406218],
       [-0.58173441]])]
delta w updated: [array([[-0.0745536 , -0.01724352,  0.14464547],
       [-0.12613884, -0.02917469,  0.24472881]]), array([[ 0.21428702, -0.33816195],
       [ 0.11056809, -0.17448523],
       [-0.1182241 ,  0.18656703]])]
input:  [[ 0.69145814]
 [-1.11114508]
 [ 0.33149012]]
activations:  [array([[ 0.69145814],
       [-1.11114508],
       [ 0.33149012]]), array([[ 0.36677167],
       [-1.44792388]]), array([[ 1.67761954],
       [ 0.81341706],
       [ 1.19315703]])]
cost derivative:  [[ 0.9861614 ]
 [ 1.92456214]
 [ 0.86166691]]
unit step:  1
delta:  [[ 0.9861614 ]
 [ 1.92456214]
 [ 0.86166691]]
delta b updated:  [array([[ 0.21041959],
       [ 3.13977721]]), array([[ 0.9861614 ],
       [ 1.92456214],
       [ 0.86166691]])]
delta w updated: [array([[ 0.14549634, -0.23380669,  0.06975201],
       [ 2.17102452, -3.48874798,  1.04080511]]), array([[ 0.36169606, -1.42788664],
       [ 0.70587486, -2.78661949],
       [ 0.31603501, -1.2476281 ]])]
input:  [[-0.80860522]
 [-0.02154802]
 [ 1.07112836]]
activations:  [array([[-0.80860522],
       [-0.02154802],
       [ 1.07112836]]), array([[ 0.14145852],
       [-0.12007422]]), array([[ 0.28728684],
       [ 0.37549137],
       [ 0.26824015]])]
cost derivative:  [[ 1.09589206]
 [ 0.39703939]
 [-0.80288821]]
unit step:  1
delta:  [[ 1.09589206]
 [ 0.39703939]
 [-0.80288821]]
delta b updated:  [array([[ 0.10270469],
       [ 0.07144638]]), array([[ 1.09589206],
       [ 0.39703939],
       [-0.80288821]])]
delta w updated: [array([[-0.08304755, -0.00221308,  0.1100099 ],
       [-0.05777191, -0.00153953,  0.07652824]]), array([[ 0.15502326, -0.13158839],
       [ 0.0561646 , -0.0476742 ],
       [-0.11357537,  0.09640618]])]
input:  [[-0.41942256]
 [-0.19690025]
 [ 0.95440051]]
activations:  [array([[-0.41942256],
       [-0.19690025],
       [ 0.95440051]]), array([[ 0.21713096],
       [-0.4126272 ]]), array([[ 0.62813063],
       [ 0.45401466],
       [ 0.48795999]])]
cost derivative:  [[ 1.04755319]
 [ 0.65091492]
 [-0.46644052]]
unit step:  1
delta:  [[ 1.04755319]
 [ 0.65091492]
 [-0.46644052]]
delta b updated:  [array([[ 0.15118921],
       [ 0.35768764]]), array([[ 1.04755319],
       [ 0.65091492],
       [-0.46644052]])]
delta w updated: [array([[-0.06341216, -0.02976919,  0.14429506],
       [-0.15002226, -0.07042879,  0.34137726]]), array([[ 0.22745623, -0.43224894],
       [ 0.14133378, -0.2685852 ],
       [-0.10127868,  0.19246604]])]
input:  [[-0.89304525]
 [-0.30582081]
 [ 0.870739  ]]
activations:  [array([[-0.89304525],
       [-0.30582081],
       [ 0.870739  ]]), array([[ 0.07272176],
       [-0.21541405]]), array([[ 0.27160258],
       [ 0.46304141],
       [ 0.28330699]])]
cost derivative:  [[ 1.16464783]
 [ 0.76886223]
 [-0.587432  ]]
unit step:  1
delta:  [[ 1.16464783]
 [ 0.76886223]
 [-0.587432  ]]
delta b updated:  [array([[ 0.0510441 ],
       [ 0.20305463]]), array([[ 1.16464783],
       [ 0.76886223],
       [-0.587432  ]])]
delta w updated: [array([[-0.04558469, -0.01561035,  0.04444608],
       [-0.18133697, -0.06209833,  0.17680759]]), array([[ 0.08469524, -0.2508815 ],
       [ 0.05591302, -0.16562373],
       [-0.04271909,  0.12654111]])]
input:  [[ 0.41197964]
 [-0.95094907]
 [ 0.43931503]]
activations:  [array([[ 0.41197964],
       [-0.95094907],
       [ 0.43931503]]), array([[ 0.31757917],
       [-1.22426802]]), array([[ 1.42589018],
       [ 0.74460018],
       [ 1.03056507]])]
cost derivative:  [[ 1.01391054]
 [ 1.69554925]
 [ 0.59125004]]
unit step:  1
delta:  [[ 1.01391054]
 [ 1.69554925]
 [ 0.59125004]]
delta b updated:  [array([[ 0.19000215],
       [ 2.35886248]]), array([[ 1.01391054],
       [ 1.69554925],
       [ 0.59125004]])]
delta w updated: [array([[ 0.07827702, -0.18068237,  0.0834708 ],
       [ 0.9718033 , -2.24315808,  1.03628373]]), array([[ 0.32199687, -1.24129825],
       [ 0.53847113, -2.07580673],
       [ 0.1877687 , -0.72384852]])]
input:  [[ 0.8708618 ]
 [-0.61292545]
 [ 0.68318458]]
activations:  [array([[ 0.8708618 ],
       [-0.61292545],
       [ 0.68318458]]), array([[ 0.49481913],
       [-1.30304262]]), array([[ 1.72862697],
       [ 0.65958061],
       [ 1.18468626]])]
cost derivative:  [[ 0.85776517]
 [ 1.27250606]
 [ 0.50150168]]
unit step:  1
delta:  [[ 0.85776517]
 [ 1.27250606]
 [ 0.50150168]]
delta b updated:  [array([[ 0.30411368],
       [ 2.03013612]]), array([[ 0.85776517],
       [ 1.27250606],
       [ 0.50150168]])]
delta w updated: [array([[ 0.26484098, -0.18639901,  0.20776578],
       [ 1.767968  , -1.2443221 ,  1.3869577 ]]), array([[ 0.42443862, -1.11770458],
       [ 0.62966034, -1.65812963],
       [ 0.24815262, -0.65347806]])]
input:  [[-0.88818223]
 [-0.38808078]
 [ 0.81320924]]
activations:  [array([[-0.88818223],
       [-0.38808078],
       [ 0.81320924]]), array([[ 0.06049715],
       [-0.26036577]]), array([[ 0.2905626 ],
       [ 0.48942381],
       [ 0.30221258]])]
cost derivative:  [[ 1.17874483]
 [ 0.87750459]
 [-0.51099666]]
unit step:  1
delta:  [[ 1.17874483]
 [ 0.87750459]
 [-0.51099666]]
delta b updated:  [array([[ 0.04201088],
       [ 0.27219336]]), array([[ 1.17874483],
       [ 0.87750459],
       [-0.51099666]])]
delta w updated: [array([[-0.03731332, -0.01630362,  0.03416364],
       [-0.24175731, -0.10563301,  0.22135016]]), array([[ 0.0713107 , -0.30690481],
       [ 0.05308652, -0.22847216],
       [-0.03091384,  0.13304604]])]
input:  [[ 0.88131382]
 [-0.72870994]
 [ 0.60226519]]
activations:  [array([[ 0.88131382],
       [-0.72870994],
       [ 0.60226519]]), array([[ 0.47862271],
       [-1.36742472]]), array([[ 1.75791532],
       [ 0.69706522],
       [ 1.21269057]])]
cost derivative:  [[ 0.8766015 ]
 [ 1.42577516]
 [ 0.61042538]]
unit step:  1
delta:  [[ 0.8766015 ]
 [ 1.42577516]
 [ 0.61042538]]
delta b updated:  [array([[ 0.28889911],
       [ 2.33009882]]), array([[ 0.8766015 ],
       [ 1.42577516],
       [ 0.61042538]])]
delta w updated: [array([[ 0.25461078, -0.21052365,  0.17399388],
       [ 2.05354829, -1.69796617,  1.40333741]]), array([[ 0.41956138, -1.19868656],
       [ 0.68240837, -1.94964019],
       [ 0.29216345, -0.83471075]])]
input:  [[ 0.81535065]
 [-1.08557778]
 [ 0.35132659]]
activations:  [array([[ 0.81535065],
       [-1.08557778],
       [ 0.35132659]]), array([[ 0.40304134],
       [-1.51015571]]), array([[ 1.77139096],
       [ 0.80875316],
       [ 1.25051932]])]
cost derivative:  [[ 0.95604031]
 [ 1.89433094]
 [ 0.89919273]]
unit step:  1
delta:  [[ 0.95604031]
 [ 1.89433094]
 [ 0.89919273]]
delta b updated:  [array([[ 0.23108479],
       [ 3.23792931]]), array([[ 0.95604031],
       [ 1.89433094],
       [ 0.89919273]])]
delta w updated: [array([[ 0.18841514, -0.25086051,  0.08118623],
       [ 2.64004778, -3.5150241 ,  1.13757067]]), array([[ 0.38532377, -1.44376974],
       [ 0.76349369, -2.86073469],
       [ 0.36241185, -1.35792104]])]
input:  [[ 0.79752477]
 [-0.18586622]
 [ 0.98110502]]
activations:  [array([[ 0.79752477],
       [-0.18586622],
       [ 0.98110502]]), array([[ 0.54354901],
       [-1.06005594]]), array([[ 1.59307638],
       [ 0.51544352],
       [ 1.06881122]])]
cost derivative:  [[ 0.79555161]
 [ 0.70130975]
 [ 0.08770621]]
unit step:  1
delta:  [[ 0.79555161]
 [ 0.70130975]
 [ 0.08770621]]
delta b updated:  [array([[ 0.35807017],
       [ 1.06822769]]), array([[ 0.79555161],
       [ 0.70130975],
       [ 0.08770621]])]
delta w updated: [array([[ 0.28556983, -0.06655315,  0.35130444],
       [ 0.85193804, -0.19854745,  1.04804354]]), array([[ 0.43242129, -0.8433292 ],
       [ 0.38119622, -0.74342756],
       [ 0.04767262, -0.09297348]])]
input:  [[-0.50926384]
 [-0.12696721]
 [ 1.0019727 ]]
activations:  [array([[-0.50926384],
       [-0.12696721],
       [ 1.0019727 ]]), array([[ 0.20360343],
       [-0.33591272]]), array([[ 0.54362622],
       [ 0.4247458 ],
       [ 0.43346409]])]
cost derivative:  [[ 1.05289006]
 [ 0.55171301]
 [-0.56850861]]
unit step:  1
delta:  [[ 1.05289006]
 [ 0.55171301]
 [-0.56850861]]
delta b updated:  [array([[ 0.14379522],
       [ 0.2564122 ]]), array([[ 1.05289006],
       [ 0.55171301],
       [-0.56850861]])]
delta w updated: [array([[-0.07322971, -0.01825728,  0.14407889],
       [-0.13058146, -0.03255594,  0.25691803]]), array([[ 0.21437203, -0.35367917],
       [ 0.11233066, -0.18532742],
       [-0.1157503 ,  0.19096927]])]
input:  [[-0.59269937]
 [-0.07103919]
 [ 1.03983725]]
activations:  [array([[-0.59269937],
       [-0.07103919],
       [ 1.03983725]]), array([[ 0.19023932],
       [-0.26409503]]), array([[ 0.46667821],
       [ 0.40200468],
       [ 0.383064  ]])]
cost derivative:  [[ 1.05937757]
 [ 0.47304387]
 [-0.65677325]]
unit step:  1
delta:  [[ 1.05937757]
 [ 0.47304387]
 [-0.65677325]]
delta b updated:  [array([[ 0.13577409],
       [ 0.18004741]]), array([[ 1.05937757],
       [ 0.47304387],
       [-0.65677325]])]
delta w updated: [array([[-0.08047322, -0.00964528,  0.14118296],
       [-0.10671399, -0.01279042,  0.18722001]]), array([[ 0.20153527, -0.27977635],
       [ 0.08999155, -0.12492853],
       [-0.1249441 ,  0.17345055]])]
input:  [[ 0.76625553]
 [-1.11224554]
 [ 0.33188589]]
activations:  [array([[ 0.76625553],
       [-1.11224554],
       [ 0.33188589]]), array([[ 0.38502627],
       [-1.50129109]]), array([[ 1.73693591],
       [ 0.81354846],
       [ 1.23381495]])]
cost derivative:  [[ 0.97068038]
 [ 1.925794  ]
 [ 0.90192906]]
unit step:  1
delta:  [[ 0.97068038]
 [ 1.925794  ]
 [ 0.90192906]]
delta b updated:  [array([[ 0.22041198],
       [ 3.2543472 ]]), array([[ 0.97068038],
       [ 1.925794  ],
       [ 0.90192906]])]
delta w updated: [array([[ 0.1688919 , -0.24515225,  0.07315163],
       [ 2.49366155, -3.61963316,  1.08007193]]), array([[ 0.37373745, -1.4572738 ],
       [ 0.74148129, -2.89117737],
       [ 0.34726638, -1.35405805]])]
input:  [[-0.86937796]
 [-0.5441958 ]
 [ 0.70417715]]
activations:  [array([[-0.86937796],
       [-0.5441958 ],
       [ 0.70417715]]), array([[ 0.03964186],
       [-0.35144065]]), array([[ 0.33371621],
       [ 0.53970979],
       [ 0.34280932]])]
cost derivative:  [[ 1.20309417]
 [ 1.08390559]
 [-0.36136783]]
unit step:  1
delta:  [[ 1.20309417]
 [ 1.08390559]
 [-0.36136783]]
delta b updated:  [array([[ 0.02691338],
       [ 0.43560837]]), array([[ 1.20309417],
       [ 1.08390559],
       [-0.36136783]])]
delta w updated: [array([[-0.0233979 , -0.01464615,  0.01895179],
       [-0.37870832, -0.23705624,  0.30674546]]), array([[ 0.0476929 , -0.4228162 ],
       [ 0.04296804, -0.38092849],
       [-0.01432529,  0.12699934]])]
input:  [[ 0.33854048]
 [-0.89098712]
 [ 0.48016037]]
activations:  [array([[ 0.33854048],
       [-0.89098712],
       [ 0.48016037]]), array([[ 0.3062915 ],
       [-1.16726133]]), array([[ 1.35709502],
       [ 0.71749969],
       [ 0.98757471]])]
cost derivative:  [[ 1.01855454]
 [ 1.60848681]
 [ 0.50741434]]
unit step:  1
delta:  [[ 1.01855454]
 [ 1.60848681]
 [ 0.50741434]]
delta b updated:  [array([[ 0.18628731],
       [ 2.13811825]]), array([[ 1.01855454],
       [ 1.60848681],
       [ 0.50741434]])]
delta w updated: [array([[ 0.06306579, -0.16597959,  0.08944778],
       [ 0.72383958, -1.90503583,  1.02663965]]), array([[ 0.3119746 , -1.18891933],
       [ 0.49266583, -1.87752445],
       [ 0.1554167 , -0.59228513]])]
input:  [[ 0.8800997 ]
 [-0.71060845]
 [ 0.6149225 ]]
activations:  [array([[ 0.8800997 ],
       [-0.71060845],
       [ 0.6149225 ]]), array([[ 0.4800109 ],
       [-1.36854092]]), array([[ 1.75439487],
       [ 0.687855  ],
       [ 1.21186546]])]
cost derivative:  [[ 0.87429518]
 [ 1.39846345]
 [ 0.59694296]]
unit step:  1
delta:  [[ 0.87429518]
 [ 1.39846345]
 [ 0.59694296]]
delta b updated:  [array([[ 0.29188613],
       [ 2.29114338]]), array([[ 0.87429518],
       [ 1.39846345],
       [ 0.59694296]])]
delta w updated: [array([[ 0.25688889, -0.20741675,  0.17948735],
       [ 2.0164346 , -1.62810586,  1.40887561]]), array([[ 0.41967122, -1.19650872],
       [ 0.67127771, -1.91385446],
       [ 0.28653913, -0.81694087]])]
input:  [[-0.73538449]
 [-0.01234762]
 [ 1.07871312]]
activations:  [array([[-0.73538449],
       [-0.01234762],
       [ 1.07871312]]), array([[ 0.16122326],
       [-0.16223881]]), array([[ 0.34251403],
       [ 0.37411374],
       [ 0.3046489 ]])]
cost derivative:  [[ 1.07789851]
 [ 0.38646135]
 [-0.77406421]]
unit step:  1
delta:  [[ 1.07789851]
 [ 0.38646135]
 [-0.77406421]]
delta b updated:  [array([[ 0.11681265],
       [ 0.09533367]]), array([[ 1.07789851],
       [ 0.38646135],
       [-0.77406421]])]
delta w updated: [array([[-0.08590221, -0.00144236,  0.12600734],
       [-0.0701069 , -0.00117714,  0.10283768]]), array([[ 0.17378231, -0.17487697],
       [ 0.06230656, -0.06269903],
       [-0.12479716,  0.12558326]])]
input:  [[-0.79480844]
 [-0.92433828]
 [ 0.43913113]]
activations:  [array([[-0.79480844],
       [-0.92433828],
       [ 0.43913113]]), array([[-0.00222338],
       [-0.5816193 ]]), array([[ 0.46264495],
       [ 0.66596784],
       [ 0.45317147]])]
cost derivative:  [[ 1.25745339]
 [ 1.59030611]
 [ 0.01404034]]
unit step:  1
delta:  [[ 1.25745339]
 [ 1.59030611]
 [ 0.01404034]]
delta b updated:  [array([[-0.00142583],
       [ 1.00239766]]), array([[ 1.25745339],
       [ 1.59030611],
       [ 0.01404034]])]
delta w updated: [array([[  1.13326324e-03,   1.31795102e-03,  -6.26127179e-04],
       [ -7.96714123e-01,  -9.26554531e-01,   4.40184017e-01]]), array([[ -2.79579936e-03,  -7.31359161e-01],
       [ -3.53585816e-03,  -9.24952732e-01],
       [ -3.12170343e-05,  -8.16613108e-03]])]
input:  [[ 0.47245184]
 [-0.99661205]
 [ 0.40828086]]
activations:  [array([[ 0.47245184],
       [-0.99661205],
       [ 0.40828086]]), array([[ 0.32458183],
       [-1.2948729 ]]), array([[ 1.48271617],
       [ 0.75716979],
       [ 1.07344345]])]
cost derivative:  [[ 1.01026433]
 [ 1.75378184]
 [ 0.6651626 ]]
unit step:  1
delta:  [[ 1.01026433]
 [ 1.75378184]
 [ 0.6651626 ]]
delta b updated:  [array([[ 0.19308028],
       [ 2.56065618]]), array([[ 1.01026433],
       [ 1.75378184],
       [ 0.6651626 ]])]
delta w updated: [array([[ 0.09122114, -0.19242614,  0.07883098],
       [ 1.20978671, -2.5519808 ,  1.04546689]]), array([[ 0.32791344, -1.3081639 ],
       [ 0.56924571, -2.27092458],
       [ 0.21589969, -0.86130102]])]
input:  [[ 0.77023174]
 [-0.06266718]
 [ 1.0669541 ]]
activations:  [array([[ 0.77023174],
       [-0.06266718],
       [ 1.0669541 ]]), array([[ 0.5550189 ],
       [-0.99336177]]), array([[ 1.54765977],
       [ 0.47037332],
       [ 1.03505494]])]
cost derivative:  [[ 0.77742803]
 [ 0.5330405 ]
 [-0.03189916]]
unit step:  1
delta:  [[ 0.77742803]
 [ 0.5330405 ]
 [-0.03189916]]
delta b updated:  [array([[ 0.37334106],
       [ 0.83878037]]), array([[ 0.77742803],
       [ 0.5330405 ],
       [-0.03189916]])]
delta w updated: [array([[ 0.28755913, -0.02339623,  0.39833777],
       [ 0.64605526, -0.052564  ,  0.89494015]]), array([[ 0.43148725, -0.77226729],
       [ 0.29584756, -0.52950206],
       [-0.01770464,  0.03168741]])]
input:  [[ 0.44252695]
 [-0.97449941]
 [ 0.42329939]]
activations:  [array([[ 0.44252695],
       [-0.97449941],
       [ 0.42329939]]), array([[ 0.31978225],
       [-1.27048186]]), array([[ 1.45485725],
       [ 0.74772205],
       [ 1.05552962]])]
cost derivative:  [[ 1.01233031]
 [ 1.72222146]
 [ 0.63223023]]
unit step:  1
delta:  [[ 1.01233031]
 [ 1.72222146]
 [ 0.63223023]]
delta b updated:  [array([[ 0.19120135],
       [ 2.46922899]]), array([[ 1.01233031],
       [ 1.72222146],
       [ 0.63223023]])]
delta w updated: [array([[ 0.08461175, -0.18632561,  0.08093542],
       [ 1.09270037, -2.4062622 ,  1.04522313]]), array([[ 0.32372527, -1.28614729],
       [ 0.55073586, -2.18805112],
       [ 0.20217601, -0.80323703]])]
input:  [[ 0.85862676]
 [-1.01494338]
 [ 0.40146581]]
activations:  [array([[ 0.85862676],
       [-1.01494338],
       [ 0.40146581]]), array([[ 0.4241707 ],
       [-1.51501922]]), array([[ 1.79322203],
       [ 0.78233848],
       [ 1.26281076]])]
cost derivative:  [[ 0.93459527]
 [ 1.79728186]
 [ 0.86134494]]
unit step:  1
delta:  [[ 0.93459527]
 [ 1.79728186]
 [ 0.86134494]]
delta b updated:  [array([[ 0.24678642],
       [ 3.100256  ]]), array([[ 0.93459527],
       [ 1.79728186],
       [ 0.86134494]])]
delta w updated: [array([[ 0.21189742, -0.25047424,  0.09907631],
       [ 2.66196277, -3.14658431,  1.24464679]]), array([[ 0.39642793, -1.4159298 ],
       [ 0.76235431, -2.72291656],
       [ 0.36535729, -1.30495415]])]
input:  [[-0.83754064]
 [-0.04312429]
 [ 1.05556754]]
activations:  [array([[-0.83754064],
       [-0.04312429],
       [ 1.05556754]]), array([[ 0.12846912],
       [-0.12673072]]), array([[ 0.26711887],
       [ 0.37749268],
       [ 0.26313539]])]
cost derivative:  [[ 1.10465951]
 [ 0.42061697]
 [-0.79243215]]
unit step:  1
delta:  [[ 1.10465951]
 [ 0.42061697]
 [-0.79243215]]
delta b updated:  [array([[ 0.09325159],
       [ 0.07741138]]), array([[ 1.10465951],
       [ 0.42061697],
       [-0.79243215]])]
delta w updated: [array([[-0.07810199, -0.00402141,  0.09843335],
       [-0.06483518, -0.00333831,  0.08171294]]), array([[ 0.14191464, -0.13999429],
       [ 0.05403629, -0.05330509],
       [-0.10180306,  0.10042549]])]
input:  [[ 0.77227571]
 [-1.11056888]
 [ 0.33315392]]
activations:  [array([[ 0.77227571],
       [-1.11056888],
       [ 0.33315392]]), array([[ 0.38539265],
       [-1.51927634]]), array([[ 1.74284327],
       [ 0.80788644],
       [ 1.24105659]])]
cost derivative:  [[ 0.97056756]
 [ 1.91845532]
 [ 0.90790267]]
unit step:  1
delta:  [[ 0.97056756]
 [ 1.91845532]
 [ 0.90790267]]
delta b updated:  [array([[ 0.2222892 ],
       [ 3.27088973]]), array([[ 0.97056756],
       [ 1.91845532],
       [ 0.90790267]])]
delta w updated: [array([[ 0.17166855, -0.24686747,  0.07405652],
       [ 2.52602869, -3.63254835,  1.08970972]]), array([[ 0.3740496 , -1.47456033],
       [ 0.73935858, -2.91466378],
       [ 0.34989901, -1.37935505]])]
input:  [[ 0.8756188 ]
 [-0.94603947]
 [ 0.44998331]]
activations:  [array([[ 0.8756188 ],
       [-0.94603947],
       [ 0.44998331]]), array([[ 0.43937324],
       [-1.49609581]]), array([[ 1.79571578],
       [ 0.75951389],
       [ 1.25919036]])]
cost derivative:  [[ 0.92009697]
 [ 1.70555337]
 [ 0.80920705]]
unit step:  1
delta:  [[ 0.92009697]
 [ 1.70555337]
 [ 0.80920705]]
delta b updated:  [array([[ 0.25948724],
       [ 2.93110597]]), array([[ 0.92009697],
       [ 1.70555337],
       [ 0.80920705]])]
delta w updated: [array([[ 0.22721191, -0.24548518,  0.11676493],
       [ 2.56653151, -2.77294195,  1.31894877]]), array([[ 0.40426599, -1.37655322],
       [ 0.74937452, -2.55167124],
       [ 0.35554393, -1.21065127]])]
input:  [[ 0.87886468]
 [-0.92270113]
 [ 0.46637747]]
activations:  [array([[ 0.87886468],
       [-0.92270113],
       [ 0.46637747]]), array([[ 0.44376899],
       [-1.48901503]]), array([[ 1.79485242],
       [ 0.75156695],
       [ 1.25676851]])]
cost derivative:  [[ 0.91598774]
 [ 1.67426808]
 [ 0.79039104]]
unit step:  1
delta:  [[ 0.91598774]
 [ 1.67426808]
 [ 0.79039104]]
delta b updated:  [array([[ 0.26356128],
       [ 2.87242852]]), array([[ 0.91598774],
       [ 1.67426808],
       [ 0.79039104]])]
delta w updated: [array([[ 0.2316347 , -0.24318829,  0.12291904],
       [ 2.52447598, -2.65039303,  1.33963595]]), array([[ 0.40648695, -1.36391951],
       [ 0.74298825, -2.49301034],
       [ 0.35075103, -1.17690415]])]
input:  [[-0.78075027]
 [-0.98418159]
 [ 0.39744286]]
activations:  [array([[-0.78075027],
       [-0.98418159],
       [ 0.39744286]]), array([[-0.00903697],
       [-0.62895941]]), array([[ 0.48691726],
       [ 0.68329684],
       [ 0.47432309]])]
cost derivative:  [[ 1.26766753]
 [ 1.66747843]
 [ 0.07688023]]
unit step:  1
delta:  [[ 1.26766753]
 [ 1.66747843]
 [ 0.07688023]]
delta b updated:  [array([[-0.0057656 ],
       [ 1.12515152]]), array([[ 1.26766753],
       [ 1.66747843],
       [ 0.07688023]])]
delta w updated: [array([[ 0.0045015 ,  0.0056744 , -0.0022915 ],
       [-0.87846235, -1.1073534 ,  0.44718344]]), array([[ -1.14558764e-02,  -7.97311418e-01],
       [ -1.50689565e-02,  -1.04877624e+00],
       [ -6.94764488e-04,  -4.83545420e-02]])]
input:  [[-0.43987726]
 [-0.18029201]
 [ 0.96571207]]
activations:  [array([[-0.43987726],
       [-0.18029201],
       [ 0.96571207]]), array([[ 0.21203505],
       [-0.41233744]]), array([[ 0.60898232],
       [ 0.44126409],
       [ 0.48124574]])]
cost derivative:  [[ 1.04885957]
 [ 0.62155609]
 [-0.48446633]]
unit step:  1
delta:  [[ 1.04885957]
 [ 0.62155609]
 [-0.48446633]]
delta b updated:  [array([[ 0.14899761],
       [ 0.34267768]]), array([[ 1.04885957],
       [ 0.62155609],
       [-0.48446633]])]
delta w updated: [array([[-0.06554066, -0.02686308,  0.14388879],
       [-0.15073612, -0.06178205,  0.33092797]]), array([[ 0.22239499, -0.43248407],
       [ 0.13179167, -0.25629085],
       [-0.10272384,  0.1997636 ]])]
input:  [[ 0.88371996]
 [-0.780213  ]
 [ 0.56623579]]
activations:  [array([[ 0.88371996],
       [-0.780213  ],
       [ 0.56623579]]), array([[ 0.46782307],
       [-1.42393791]]), array([[ 1.77214752],
       [ 0.70415218],
       [ 1.23242115]])]
cost derivative:  [[ 0.88842756]
 [ 1.48436518]
 [ 0.66618536]]
unit step:  1
delta:  [[ 0.88842756]
 [ 1.48436518]
 [ 0.66618536]]
delta b updated:  [array([[ 0.2843352 ],
       [ 2.49032574]]), array([[ 0.88842756],
       [ 1.48436518],
       [ 0.66618536]])]
delta w updated: [array([[ 0.25127269, -0.22184202,  0.16100077],
       [ 2.20075055, -1.94298451,  1.41011155]]), array([[ 0.41562691, -1.26506568],
       [ 0.69442027, -2.11364385],
       [ 0.31165688, -0.94860659]])]
input:  [[ 0.02509018]
 [-0.60471442]
 [ 0.6757454 ]]
activations:  [array([[ 0.02509018],
       [-0.60471442],
       [ 0.6757454 ]]), array([[ 0.26705202],
       [-0.87600994]]), array([[ 1.05731407],
       [ 0.60215953],
       [ 0.78728644]])]
cost derivative:  [[ 1.03222389]
 [ 1.20687395]
 [ 0.11154104]]
unit step:  1
delta:  [[ 1.03222389]
 [ 1.20687395]
 [ 0.11154104]]
delta b updated:  [array([[ 0.1735475],
       [ 1.2424444]]), array([[ 1.03222389],
       [ 1.20687395],
       [ 0.11154104]])]
delta w updated: [array([[ 0.00435434, -0.10494667,  0.11727392],
       [ 0.03117315, -0.75132405,  0.83957608]]), array([[ 0.27565748, -0.90423839],
       [ 0.32229813, -1.05723358],
       [ 0.02978726, -0.09771106]])]
input:  [[ 0.52081854]
 [-1.02999117]
 [ 0.38566014]]
activations:  [array([[ 0.52081854],
       [-1.02999117],
       [ 0.38566014]]), array([[ 0.33025286],
       [-1.35614175]]), array([[ 1.53013271],
       [ 0.76479735],
       [ 1.10807971]])]
cost derivative:  [[ 1.00931416]
 [ 1.79478852]
 [ 0.72241958]]
unit step:  1
delta:  [[ 1.00931416]
 [ 1.79478852]
 [ 0.72241958]]
delta b updated:  [array([[ 0.1968103 ],
       [ 2.72628885]]), array([[ 1.00931416],
       [ 1.79478852],
       [ 0.72241958]])]
delta w updated: [array([[ 0.10250245, -0.20271287,  0.07590189],
       [ 1.41990179, -2.80805344,  1.05142093]]), array([[ 0.33332889, -1.36877308],
       [ 0.59273405, -2.43398765],
       [ 0.23858113, -0.97970335]])]
input:  [[-0.88477696]
 [-0.42422919]
 [ 0.78794808]]
activations:  [array([[-0.88477696],
       [-0.42422919],
       [ 0.78794808]]), array([[ 0.053498  ],
       [-0.29763441]]), array([[ 0.30066414],
       [ 0.49592219],
       [ 0.31679856]])]
cost derivative:  [[ 1.1854411 ]
 [ 0.92015138]
 [-0.47114952]]
unit step:  1
delta:  [[ 1.1854411 ]
 [ 0.92015138]
 [-0.47114952]]
delta b updated:  [array([[ 0.03711877],
       [ 0.31986557]]), array([[ 1.1854411 ],
       [ 0.92015138],
       [-0.47114952]])]
delta w updated: [array([[-0.03284183, -0.01574687,  0.02924766],
       [-0.28300969, -0.13569631,  0.25203746]]), array([[ 0.06341873, -0.35282806],
       [ 0.04922626, -0.27386871],
       [-0.02520556,  0.14023031]])]
input:  [[ 0.31706324]
 [-0.8727042 ]
 [ 0.49262874]]
activations:  [array([[ 0.31706324],
       [-0.8727042 ],
       [ 0.49262874]]), array([[ 0.3012308 ],
       [-1.17005492]]), array([[ 1.33909083],
       [ 0.70248685],
       [ 0.98053659]])]
cost derivative:  [[ 1.02202759]
 [ 1.57519105]
 [ 0.48790785]]
unit step:  1
delta:  [[ 1.02202759]
 [ 1.57519105]
 [ 0.48790785]]
delta b updated:  [array([[ 0.18593101],
       [ 2.09019277]]), array([[ 1.02202759],
       [ 1.57519105],
       [ 0.48790785]])]
delta w updated: [array([[ 0.05895189, -0.16226277,  0.09159496],
       [ 0.66272328, -1.82412001,  1.02968903]]), array([[ 0.30786619, -1.19582841],
       [ 0.47449606, -1.84306003],
       [ 0.14697287, -0.57087898]])]
input:  [[-0.6841651 ]
 [-0.02576757]
 [ 1.07011403]]
activations:  [array([[-0.6841651 ],
       [-0.02576757],
       [ 1.07011403]]), array([[ 0.17140927],
       [-0.20781128]]), array([[ 0.38610619],
       [ 0.37739324],
       [ 0.33563702]])]
cost derivative:  [[ 1.07027128]
 [ 0.40316081]
 [-0.73447701]]
unit step:  1
delta:  [[ 1.07027128]
 [ 0.40316081]
 [-0.73447701]]
delta b updated:  [array([[ 0.12430081],
       [ 0.12571058]]), array([[ 1.07027128],
       [ 0.40316081],
       [-0.73447701]])]
delta w updated: [array([[-0.08504228, -0.00320293,  0.13301604],
       [-0.08600679, -0.00323926,  0.13452465]]), array([[ 0.18345442, -0.22241445],
       [ 0.0691055 , -0.08378136],
       [-0.12589617,  0.15263261]])]
input:  [[-0.36720003]
 [-0.24077752]
 [ 0.9244882 ]]
activations:  [array([[-0.36720003],
       [-0.24077752],
       [ 0.9244882 ]]), array([[ 0.22097781],
       [-0.4864247 ]]), array([[ 0.67753216],
       [ 0.4629574 ],
       [ 0.52981067]])]
cost derivative:  [[ 1.04473219]
 [ 0.70373492]
 [-0.39467753]]
unit step:  1
delta:  [[ 1.04473219]
 [ 0.70373492]
 [-0.39467753]]
delta b updated:  [array([[ 0.15370111],
       [ 0.44374608]]), array([[ 1.04473219],
       [ 0.70373492],
       [-0.39467753]])]
delta w updated: [array([[-0.05643905, -0.03700777,  0.14209486],
       [-0.16294357, -0.10684408,  0.41023801]]), array([[ 0.23086263, -0.50818354],
       [ 0.1555098 , -0.34231405],
       [-0.08721498,  0.1919809 ]])]
input:  [[ 0.56711552]
 [-1.05861197]
 [ 0.36633933]]
activations:  [array([[ 0.56711552],
       [-1.05861197],
       [ 0.36633933]]), array([[ 0.3375257 ],
       [-1.39963993]]), array([[ 1.57150561],
       [ 0.77428932],
       [ 1.13770553]])]
cost derivative:  [[ 1.00439009]
 [ 1.83290129]
 [ 0.7713662 ]]
unit step:  1
delta:  [[ 1.00439009]
 [ 1.83290129]
 [ 0.7713662 ]]
delta b updated:  [array([[ 0.19990731],
       [ 2.86497166]]), array([[ 1.00439009],
       [ 1.83290129],
       [ 0.7713662 ]])]
delta w updated: [array([[ 0.11337053, -0.21162427,  0.07323391],
       [ 1.62476988, -3.03289329,  1.0495518 ]]), array([[ 0.33900747, -1.40578448],
       [ 0.6186513 , -2.56540182],
       [ 0.26035592, -1.07963493]])]
input:  [[-0.72842907]
 [-0.01346693]
 [ 1.07803774]]
activations:  [array([[-0.72842907],
       [-0.01346693],
       [ 1.07803774]]), array([[ 0.16130988],
       [-0.17918116]]), array([[ 0.3481644 ],
       [ 0.37073999],
       [ 0.3127421 ]])]
cost derivative:  [[ 1.07659346]
 [ 0.38420692]
 [-0.76529564]]
unit step:  1
delta:  [[ 1.07659346]
 [ 0.38420692]
 [-0.76529564]]
delta b updated:  [array([[ 0.11732147],
       [ 0.104438  ]]), array([[ 1.07659346],
       [ 0.38420692],
       [-0.76529564]])]
delta w updated: [array([[-0.08546037, -0.00157996,  0.12647697],
       [-0.07607568, -0.00140646,  0.11258811]]), array([[ 0.17366516, -0.19290527],
       [ 0.06197637, -0.06884264],
       [-0.12344975,  0.13712656]])]
input:  [[-0.19185916]
 [-0.39888405]
 [ 0.81650256]]
activations:  [array([[-0.19185916],
       [-0.39888405],
       [ 0.81650256]]), array([[ 0.24182907],
       [-0.66197569]]), array([[ 0.84584211],
       [ 0.52222956],
       [ 0.6456399 ]])]
cost derivative:  [[ 1.03770127]
 [ 0.92111362]
 [-0.17086266]]
unit step:  1
delta:  [[ 1.03770127]
 [ 0.92111362]
 [-0.17086266]]
delta b updated:  [array([[ 0.16342164],
       [ 0.74761371]]), array([[ 1.03770127],
       [ 0.92111362],
       [-0.17086266]])]
delta w updated: [array([[-0.03135394, -0.06518629,  0.13343419],
       [-0.14343654, -0.29821119,  0.61042851]]), array([[ 0.25094634, -0.68693302],
       [ 0.22275205, -0.60975482],
       [-0.04131956,  0.11310693]])]
input:  [[-0.20310013]
 [-0.38840343]
 [ 0.82366671]]
activations:  [array([[-0.20310013],
       [-0.38840343],
       [ 0.82366671]]), array([[ 0.24042813],
       [-0.65112308]]), array([[ 0.83468235],
       [ 0.51808941],
       [ 0.63849634]])]
cost derivative:  [[ 1.03778248]
 [ 0.90649283]
 [-0.18517037]]
unit step:  1
delta:  [[ 1.03778248]
 [ 0.90649283]
 [-0.18517037]]
delta b updated:  [array([[ 0.16273198],
       [ 0.72559108]]), array([[ 1.03778248],
       [ 0.90649283],
       [-0.18517037]])]
delta w updated: [array([[-0.03305089, -0.06320566,  0.13403691],
       [-0.14736764, -0.28182206,  0.59764522]]), array([[ 0.2495121 , -0.67572413],
       [ 0.21794637, -0.59023841],
       [-0.04452017,  0.1205687 ]])]
input:  [[ 0.32782706]
 [-0.8819045 ]
 [ 0.48635374]]
activations:  [array([[ 0.32782706],
       [-0.8819045 ],
       [ 0.48635374]]), array([[ 0.30195893],
       [-1.1852779 ]]), array([[ 1.34783686],
       [ 0.70367161],
       [ 0.98989222]])]
cost derivative:  [[ 1.02000979]
 [ 1.58557612]
 [ 0.50353848]]
unit step:  1
delta:  [[ 1.02000979]
 [ 1.58557612]
 [ 0.50353848]]
delta b updated:  [array([[ 0.18585733],
       [ 2.12563214]]), array([[ 1.02000979],
       [ 1.58557612],
       [ 0.50353848]])]
delta w updated: [array([[ 0.06092906, -0.16390842,  0.09039241],
       [ 0.69683975, -1.87460455,  1.03380914]]), array([[ 0.30800106, -1.20899506],
       [ 0.47877886, -1.87934833],
       [ 0.15204794, -0.59683303]])]
input:  [[-0.82850036]
 [-0.03459315]
 [ 1.06168277]]
activations:  [array([[-0.82850036],
       [-0.03459315],
       [ 1.06168277]]), array([[ 0.13080035],
       [-0.137747  ]]), array([[ 0.27206212],
       [ 0.37211509],
       [ 0.27004894]])]
cost derivative:  [[ 1.10056249]
 [ 0.40670824]
 [-0.79163383]]
unit step:  1
delta:  [[ 1.10056249]
 [ 0.40670824]
 [-0.79163383]]
delta b updated:  [array([[ 0.09521906],
       [ 0.08195069]]), array([[ 1.10056249],
       [ 0.40670824],
       [-0.79163383]])]
delta w updated: [array([[-0.07888903, -0.00329393,  0.10109244],
       [-0.06789618, -0.00283493,  0.08700564]]), array([[ 0.14395396, -0.15159918],
       [ 0.05319758, -0.05602284],
       [-0.10354598,  0.10904519]])]
input:  [[ 0.76009975]
 [-1.11361334]
 [ 0.33083205]]
activations:  [array([[ 0.76009975],
       [-1.11361334],
       [ 0.33083205]]), array([[ 0.37951597],
       [-1.53634143]]), array([[ 1.73397297],
       [ 0.79929123],
       [ 1.24318801]])]
cost derivative:  [[ 0.97387322]
 [ 1.91290456]
 [ 0.91235596]]
unit step:  1
delta:  [[ 0.97387322]
 [ 1.91290456]
 [ 0.91235596]]
delta b updated:  [array([[ 0.22073786],
       [ 3.2783776 ]]), array([[ 0.97387322],
       [ 1.91290456],
       [ 0.91235596]])]
delta w updated: [array([[ 0.16778279, -0.24581662,  0.07302716],
       [ 2.49189398, -3.65084502,  1.08459238]]), array([[ 0.36960044, -1.49620178],
       [ 0.72597782, -2.93887453],
       [ 0.34625365, -1.40169026]])]
input:  [[-0.72135026]
 [-0.01485856]
 [ 1.07717359]]
activations:  [array([[-0.72135026],
       [-0.01485856],
       [ 1.07717359]]), array([[ 0.1624173],
       [-0.1866883]]), array([[ 0.35327688],
       [ 0.37067833],
       [ 0.31788709]])]
cost derivative:  [[ 1.07462714]
 [ 0.38553688]
 [-0.7592865 ]]
unit step:  1
delta:  [[ 1.07462714]
 [ 0.38553688]
 [-0.7592865 ]]
delta b updated:  [array([[ 0.11802882],
       [ 0.10891158]]), array([[ 1.07462714],
       [ 0.38553688],
       [-0.7592865 ]])]
delta w updated: [array([[-0.08514012, -0.00175374,  0.12713752],
       [-0.0785634 , -0.00161827,  0.11731668]]), array([[ 0.17453804, -0.20062032],
       [ 0.06261786, -0.07197523],
       [-0.12332126,  0.14174991]])]
input:  [[ 0.84514637]
 [-1.04575562]
 [ 0.37967818]]
activations:  [array([[ 0.84514637],
       [-1.04575562],
       [ 0.37967818]]), array([[ 0.41293634],
       [-1.55148637]]), array([[ 1.78955878],
       [ 0.78084919],
       [ 1.27167123]])]
cost derivative:  [[ 0.9444124 ]
 [ 1.82660481]
 [ 0.89199305]]
unit step:  1
delta:  [[ 0.9444124 ]
 [ 1.82660481]
 [ 0.89199305]]
delta b updated:  [array([[ 0.24231654],
       [ 3.19413841]]), array([[ 0.9444124 ],
       [ 1.82660481],
       [ 0.89199305]])]
delta w updated: [array([[ 0.20479295, -0.25340388,  0.0920023 ],
       [ 2.69951449, -3.34028819,  1.21274466]]), array([[ 0.3899822 , -1.46524297],
       [ 0.75427151, -2.83395246],
       [ 0.36833635, -1.38391505]])]
input:  [[-0.77334271]
 [-1.01494568]
 [ 0.37601468]]
activations:  [array([[-0.77334271],
       [-1.01494568],
       [ 0.37601468]]), array([[-0.01370323],
       [-0.66248029]]), array([[ 0.49830408],
       [ 0.68936721],
       [ 0.48980834]])]
cost derivative:  [[ 1.2716468 ]
 [ 1.70431289]
 [ 0.11379366]]
unit step:  1
delta:  [[ 1.2716468 ]
 [ 1.70431289]
 [ 0.11379366]]
delta b updated:  [array([[-0.00871512],
       [ 1.1999833 ]]), array([[ 1.2716468 ],
       [ 1.70431289],
       [ 0.11379366]])]
delta w updated: [array([[ 0.00673977,  0.00884537, -0.00327701],
       [-0.92799834, -1.21791786,  0.45121133]]), array([[-0.01742567, -0.84244094],
       [-0.0233546 , -1.1290737 ],
       [-0.00155934, -0.07538606]])]
input:  [[-0.82561786]
 [-0.78438004]
 [ 0.53666163]]
activations:  [array([[-0.82561786],
       [-0.78438004],
       [ 0.53666163]]), array([[ 0.0097403 ],
       [-0.51925822]]), array([[ 0.41401432],
       [ 0.61225976],
       [ 0.41999184]])]
cost derivative:  [[ 1.23963218]
 [ 1.39663979]
 [-0.11666979]]
unit step:  1
delta:  [[ 1.23963218]
 [ 1.39663979]
 [-0.11666979]]
delta b updated:  [array([[ 0.00642497],
       [ 0.7889426 ]]), array([[ 1.23963218],
       [ 1.39663979],
       [-0.11666979]])]
delta w updated: [array([[-0.00530457, -0.00503962,  0.00344804],
       [-0.6513651 , -0.61883083,  0.42339522]]), array([[ 0.01207439, -0.6436892 ],
       [ 0.0136037 , -0.72521669],
       [-0.0011364 ,  0.06058175]])]
input:  [[ 0.88234155]
 [-0.88453597]
 [ 0.49315826]]
activations:  [array([[ 0.88234155],
       [-0.88453597],
       [ 0.49315826]]), array([[ 0.44874339],
       [-1.49457537]]), array([[ 1.78926182],
       [ 0.72857237],
       [ 1.25898054]])]
cost derivative:  [[ 0.90692026]
 [ 1.61310834]
 [ 0.76582228]]
unit step:  1
delta:  [[ 0.90692026]
 [ 1.61310834]
 [ 0.76582228]]
delta b updated:  [array([[ 0.27034988],
       [ 2.78021793]]), array([[ 0.90692026],
       [ 1.61310834],
       [ 0.76582228]])]
delta w updated: [array([[ 0.23854094, -0.2391342 ,  0.13332528],
       [ 2.4531018 , -2.45920276,  1.37108744]]), array([[ 0.40697448, -1.35546069],
       [ 0.72387171, -2.41091198],
       [ 0.34365769, -1.14457912]])]
input:  [[ 0.16203029]
 [-0.7336841 ]
 [ 0.58756508]]
activations:  [array([[ 0.16203029],
       [-0.7336841 ],
       [ 0.58756508]]), array([[ 0.28101262],
       [-1.03079268]]), array([[ 1.18949111],
       [ 0.64397421],
       [ 0.88430142]])]
cost derivative:  [[ 1.02746083]
 [ 1.37765831]
 [ 0.29673634]]
unit step:  1
delta:  [[ 1.02746083]
 [ 1.37765831]
 [ 0.29673634]]
delta b updated:  [array([[ 0.17912442],
       [ 1.62955245]]), array([[ 1.02746083],
       [ 1.37765831],
       [ 0.29673634]])]
delta w updated: [array([[ 0.02902358, -0.13142074,  0.10524725],
       [ 0.26403685, -1.19557672,  0.95746812]]), array([[ 0.28872946, -1.0590991 ],
       [ 0.38713937, -1.4200801 ],
       [ 0.08338665, -0.30587364]])]
input:  [[-0.71414978]
 [-0.01651868]
 [ 1.07612332]]
activations:  [array([[-0.71414978],
       [-0.01651868],
       [ 1.07612332]]), array([[ 0.16372349],
       [-0.19542961]]), array([[ 0.35949132],
       [ 0.37007468],
       [ 0.323202  ]])]
cost derivative:  [[ 1.0736411 ]
 [ 0.38659335]
 [-0.75292132]]
unit step:  1
delta:  [[ 1.0736411 ]
 [ 0.38659335]
 [-0.75292132]]
delta b updated:  [array([[ 0.11919137],
       [ 0.11420078]]), array([[ 1.0736411 ],
       [ 0.38659335],
       [-0.75292132]])]
delta w updated: [array([[-0.08512049, -0.00196888,  0.12826462],
       [-0.08155646, -0.00188645,  0.12289413]]), array([[ 0.17578026, -0.20982126],
       [ 0.06329441, -0.07555179],
       [-0.1232709 ,  0.14714312]])]
input:  [[ 0.82464401]
 [-1.07597374]
 [ 0.3581971 ]]
activations:  [array([[ 0.82464401],
       [-1.07597374],
       [ 0.3581971 ]]), array([[ 0.4019201 ],
       [-1.56355108]]), array([[ 1.77921172],
       [ 0.78586123],
       [ 1.27015954]])]
cost derivative:  [[ 0.95456771]
 [ 1.86183497]
 [ 0.91196244]]
unit step:  1
delta:  [[ 0.95456771]
 [ 1.86183497]
 [ 0.91196244]]
delta b updated:  [array([[ 0.23599304],
       [ 3.26105169]]), array([[ 0.95456771],
       [ 1.86183497],
       [ 0.91196244]])]
delta w updated: [array([[ 0.19461025, -0.25392232,  0.08453202],
       [ 2.68920673, -3.50880598,  1.16809926]]), array([[ 0.38365995, -1.49251538],
       [ 0.74830891, -2.91107407],
       [ 0.36653604, -1.42589985]])]
input:  [[-0.67638176]
 [-0.02871278]
 [ 1.06817291]]
activations:  [array([[-0.67638176],
       [-0.02871278],
       [ 1.06817291]]), array([[ 0.17163768],
       [-0.22307818]]), array([[ 0.39153223],
       [ 0.37537784],
       [ 0.34405421]])]
cost derivative:  [[ 1.06791399]
 [ 0.40409062]
 [-0.7241187 ]]
unit step:  1
delta:  [[ 1.06791399]
 [ 0.40409062]
 [-0.7241187 ]]
delta b updated:  [array([[ 0.12457089],
       [ 0.1345843 ]]), array([[ 1.06791399],
       [ 0.40409062],
       [-0.7241187 ]])]
delta w updated: [array([[-0.08425748, -0.00357678,  0.13306325],
       [-0.09103036, -0.00386429,  0.1437593 ]]), array([[ 0.18329428, -0.23822831],
       [ 0.06935718, -0.0901438 ],
       [-0.12428605,  0.16153508]])]
input:  [[-0.89042284]
 [-0.19731218]
 [ 0.94676709]]
activations:  [array([[-0.89042284],
       [-0.19731218],
       [ 0.94676709]]), array([[ 0.08716227],
       [-0.19211352]]), array([[ 0.25256948],
       [ 0.41906034],
       [ 0.2748495 ]])]
cost derivative:  [[ 1.14299232]
 [ 0.61637253]
 [-0.67191759]]
unit step:  1
delta:  [[ 1.14299232]
 [ 0.61637253]
 [-0.67191759]]
delta b updated:  [array([[ 0.06237585],
       [ 0.1504663 ]]), array([[ 1.14299232],
       [ 0.61637253],
       [-0.67191759]])]
delta w updated: [array([[-0.05554088, -0.01230752,  0.0590554 ],
       [-0.13397863, -0.02968883,  0.14245654]]), array([[ 0.0996258 , -0.21958428],
       [ 0.05372443, -0.1184135 ],
       [-0.05856586,  0.12908446]])]
input:  [[-0.89340573]
 [-0.2907287 ]
 [ 0.88130219]]
activations:  [array([[-0.89340573],
       [-0.2907287 ],
       [ 0.88130219]]), array([[ 0.07116421],
       [-0.23779158]]), array([[ 0.2673139 ],
       [ 0.44879744],
       [ 0.29212003]])]
cost derivative:  [[ 1.16071963]
 [ 0.73952614]
 [-0.58918216]]
unit step:  1
delta:  [[ 1.16071963]
 [ 0.73952614]
 [-0.58918216]]
delta b updated:  [array([[ 0.05030171],
       [ 0.21342036]]), array([[ 1.16071963],
       [ 0.73952614],
       [-0.58918216]])]
delta w updated: [array([[-0.04493984, -0.01462415,  0.04433101],
       [-0.19067097, -0.06204742,  0.18808783]]), array([[ 0.0826017 , -0.27600936],
       [ 0.05262779, -0.17585309],
       [-0.04192868,  0.14010256]])]
input:  [[ 0.85550694]
 [-1.02321488]
 [ 0.39562474]]
activations:  [array([[ 0.85550694],
       [-1.02321488],
       [ 0.39562474]]), array([[ 0.41839747],
       [-1.55703638]]), array([[ 1.79345798],
       [ 0.76898963],
       [ 1.27617546]])]
cost derivative:  [[ 0.93795104]
 [ 1.79220451]
 [ 0.88055072]]
unit step:  1
delta:  [[ 0.93795104]
 [ 1.79220451]
 [ 0.88055072]]
delta b updated:  [array([[ 0.24756829],
       [ 3.14774538]]), array([[ 0.93795104],
       [ 1.79220451],
       [ 0.88055072]])]
delta w updated: [array([[ 0.21179639, -0.25331555,  0.09794414],
       [ 2.69291801, -3.22081991,  1.24532593]]), array([[ 0.39243634, -1.4604239 ],
       [ 0.74985383, -2.79052762],
       [ 0.36842019, -1.37104951]])]
input:  [[-0.35658302]
 [-0.24992639]
 [ 0.91824693]]
activations:  [array([[-0.35658302],
       [-0.24992639],
       [ 0.91824693]]), array([[ 0.22067565],
       [-0.51014102]]), array([[ 0.68622021],
       [ 0.46119815],
       [ 0.54217469]])]
cost derivative:  [[ 1.04280324]
 [ 0.71112454]
 [-0.37607224]]
unit step:  1
delta:  [[ 1.04280324]
 [ 0.71112454]
 [-0.37607224]]
delta b updated:  [array([[ 0.15367892],
       [ 0.46656631]]), array([[ 1.04280324],
       [ 0.71112454],
       [-0.37607224]])]
delta w updated: [array([[-0.05479929, -0.03840842,  0.1411152 ],
       [-0.16636963, -0.11660723,  0.42842308]]), array([[ 0.23012128, -0.53197671],
       [ 0.15692787, -0.3627738 ],
       [-0.08298998,  0.19184988]])]
input:  [[-0.85373844]
 [-0.0643567 ]
 [ 1.04044617]]
activations:  [array([[-0.85373844],
       [-0.0643567 ],
       [ 1.04044617]]), array([[ 0.11821428],
       [-0.14637282]]), array([[ 0.25605705],
       [ 0.37745776],
       [ 0.26712529]])]
cost derivative:  [[ 1.10979549]
 [ 0.44181446]
 [-0.77332088]]
unit step:  1
delta:  [[ 1.10979549]
 [ 0.44181446]
 [-0.77332088]]
delta b updated:  [array([[ 0.08586788],
       [ 0.09113697]]), array([[ 1.10979549],
       [ 0.44181446],
       [-0.77332088]])]
delta w updated: [array([[-0.07330871, -0.00552617,  0.0893409 ],
       [-0.07780714, -0.00586527,  0.09482312]]), array([[ 0.13119368, -0.1624439 ],
       [ 0.05222878, -0.06466963],
       [-0.09141757,  0.11319316]])]
input:  [[ 0.35980925]
 [-0.90878401]
 [ 0.46802911]]
activations:  [array([[ 0.35980925],
       [-0.90878401],
       [ 0.46802911]]), array([[ 0.30454664],
       [-1.2330299 ]]), array([[ 1.37808665],
       [ 0.70710801],
       [ 1.01681393]])]
cost derivative:  [[ 1.0182774 ]
 [ 1.61589202]
 [ 0.54878481]]
unit step:  1
delta:  [[ 1.0182774 ]
 [ 1.61589202]
 [ 0.54878481]]
delta b updated:  [array([[ 0.18761853],
       [ 2.23800608]]), array([[ 1.0182774 ],
       [ 1.61589202],
       [ 0.54878481]])]
delta w updated: [array([[ 0.06750688, -0.17050472,  0.08781093],
       [ 0.80525528, -2.03386413,  1.047452  ]]), array([[ 0.31011296, -1.25556648],
       [ 0.49211449, -1.99244318],
       [ 0.16713057, -0.67666808]])]
input:  [[ 0.27353785]
 [-0.83480259]
 [ 0.51849199]]
activations:  [array([[ 0.27353785],
       [-0.83480259],
       [ 0.51849199]]), array([[ 0.29342541],
       [-1.15029925]]), array([[ 1.29590729],
       [ 0.6785852 ],
       [ 0.96116147]])]
cost derivative:  [[ 1.02236944]
 [ 1.51338779]
 [ 0.44266947]]
unit step:  1
delta:  [[ 1.02236944]
 [ 1.51338779]
 [ 0.44266947]]
delta b updated:  [array([[ 0.18360107],
       [ 1.96899642]]), array([[ 1.02236944],
       [ 1.51338779],
       [ 0.44266947]])]
delta w updated: [array([[ 0.05022184, -0.15327065,  0.09519568],
       [ 0.53859505, -1.64372332,  1.02090888]]), array([[ 0.29998917, -1.1760308 ],
       [ 0.44406643, -1.74084884],
       [ 0.12989047, -0.50920236]])]
input:  [[ 0.86565678]
 [-0.57043228]
 [ 0.71286083]]
activations:  [array([[ 0.86565678],
       [-0.57043228],
       [ 0.71286083]]), array([[ 0.49392979],
       [-1.33995143]]), array([[ 1.71685733],
       [ 0.62154935],
       [ 1.19356959]])]
cost derivative:  [[ 0.85120056]
 [ 1.19198164]
 [ 0.48070876]]
unit step:  1
delta:  [[ 0.85120056]
 [ 1.19198164]
 [ 0.48070876]]
delta b updated:  [array([[ 0.31345555],
       [ 1.95796094]]), array([[ 0.85120056],
       [ 1.19198164],
       [ 0.48070876]])]
delta w updated: [array([[ 0.27134492, -0.17880517,  0.22345019],
       [ 1.69492216, -1.11688413,  1.39575367]]), array([[ 0.42043331, -1.14056741],
       [ 0.58875524, -1.5971975 ],
       [ 0.23743638, -0.64412639]])]
input:  [[-0.85867859]
 [-0.61084914]
 [ 0.65766752]]
activations:  [array([[-0.85867859],
       [-0.61084914],
       [ 0.65766752]]), array([[ 0.02789181],
       [-0.4229562 ]]), array([[ 0.35449831],
       [ 0.55177119],
       [ 0.37369327]])]
cost derivative:  [[ 1.21317689]
 [ 1.16262033]
 [-0.28397424]]
unit step:  1
delta:  [[ 1.21317689]
 [ 1.16262033]
 [-0.28397424]]
delta b updated:  [array([[ 0.01887049],
       [ 0.54586518]]), array([[ 1.21317689],
       [ 1.16262033],
       [-0.28397424]])]
delta w updated: [array([[-0.01620369, -0.01152702,  0.01241051],
       [-0.46872274, -0.33344127,  0.35899779]]), array([[ 0.0338377 , -0.51312068],
       [ 0.03242759, -0.49173747],
       [-0.00792056,  0.12010867]])]
input:  [[-0.88051691]
 [-0.46227744]
 [ 0.76136981]]
activations:  [array([[-0.88051691],
       [-0.46227744],
       [ 0.76136981]]), array([[ 0.0461627 ],
       [-0.33630099]]), array([[ 0.30921249],
       [ 0.50287064],
       [ 0.33421764]])]
cost derivative:  [[ 1.1897294 ]
 [ 0.96514808]
 [-0.42715217]]
unit step:  1
delta:  [[ 1.1897294 ]
 [ 0.96514808]
 [-0.42715217]]
delta b updated:  [array([[ 0.03190092],
       [ 0.37172011]]), array([[ 1.1897294 ],
       [ 0.96514808],
       [-0.42715217]])]
delta w updated: [array([[-0.0280893 , -0.01474708,  0.0242884 ],
       [-0.32730584, -0.17183782,  0.28301647]]), array([[ 0.05492112, -0.40010717],
       [ 0.04455384, -0.32458025],
       [-0.0197185 ,  0.1436517 ]])]
input:  [[ 0.75381005]
 [-1.11467609]
 [ 0.32998973]]
activations:  [array([[ 0.75381005],
       [-1.11467609],
       [ 0.32998973]]), array([[ 0.37556197],
       [-1.5566405 ]]), array([[ 1.7290063 ],
       [ 0.789334  ],
       [ 1.24829729]])]
cost derivative:  [[ 0.97519625]
 [ 1.9040101 ]
 [ 0.91830756]]
unit step:  1
delta:  [[ 0.97519625]
 [ 1.9040101 ]
 [ 0.91830756]]
delta b updated:  [array([[ 0.22049451],
       [ 3.28715585]]), array([[ 0.97519625],
       [ 1.9040101 ],
       [ 0.91830756]])]
delta w updated: [array([[ 0.16621098, -0.24577995,  0.07276092],
       [ 2.47789113, -3.66411404,  1.08472767]]), array([[ 0.36624662, -1.51802997],
       [ 0.71507378, -2.96385924],
       [ 0.34488139, -1.42947474]])]
input:  [[ 0.8261106 ]
 [-0.32735242]
 [ 0.88246983]]
activations:  [array([[ 0.8261106 ],
       [-0.32735242],
       [ 0.88246983]]), array([[ 0.52237705],
       [-1.19985281]]), array([[ 1.63988055],
       [ 0.53974077],
       [ 1.1278321 ]])]
cost derivative:  [[ 0.81376995]
 [ 0.86709319]
 [ 0.24536227]]
unit step:  1
delta:  [[ 0.81376995]
 [ 0.86709319]
 [ 0.24536227]]
delta b updated:  [array([[ 0.34445834],
       [ 1.38601499]]), array([[ 0.81376995],
       [ 0.86709319],
       [ 0.24536227]])]
delta w updated: [array([[ 0.28456068, -0.11275927,  0.30397409],
       [ 1.14500167, -0.45371536,  1.22311642]]), array([[ 0.42509475, -0.97640417],
       [ 0.45294958, -1.0403842 ],
       [ 0.12817162, -0.29439861]])]
input:  [[-0.57477534]
 [-0.08211458]
 [ 1.03236081]]
activations:  [array([[-0.57477534],
       [-0.08211458],
       [ 1.03236081]]), array([[ 0.18899467],
       [-0.31234229]]), array([[ 0.48085201],
       [ 0.39488337],
       [ 0.40652184]])]
cost derivative:  [[ 1.05562735]
 [ 0.47699795]
 [-0.62583896]]
unit step:  1
delta:  [[ 1.05562735]
 [ 0.47699795]
 [-0.62583896]]
delta b updated:  [array([[ 0.13577555],
       [ 0.21139004]]), array([[ 1.05562735],
       [ 0.47699795],
       [-0.62583896]])]
delta w updated: [array([[-0.07804044, -0.01114915,  0.14016935],
       [-0.12150178, -0.0173582 ,  0.21823079]]), array([[ 0.19950794, -0.32971706],
       [ 0.09015007, -0.14898663],
       [-0.11828023,  0.19547597]])]
input:  [[ 0.59381163]
 [-1.07330163]
 [ 0.35646866]]
activations:  [array([[ 0.59381163],
       [-1.07330163],
       [ 0.35646866]]), array([[ 0.33916124],
       [-1.45269247]]), array([[ 1.594379  ],
       [ 0.767287  ],
       [ 1.16442301]])]
cost derivative:  [[ 1.00056737]
 [ 1.84058863]
 [ 0.80795435]]
unit step:  1
delta:  [[ 1.00056737]
 [ 1.84058863]
 [ 0.80795435]]
delta b updated:  [array([[ 0.20205205],
       [ 2.95930812]]), array([[ 1.00056737],
       [ 1.84058863],
       [ 0.80795435]])]
delta w updated: [array([[ 0.11998085, -0.21686279,  0.07202522],
       [ 1.75727156, -3.17623024,  1.05490059]]), array([[ 0.33935367, -1.45351668],
       [ 0.62425632, -2.67380924],
       [ 0.2740268 , -1.1737092 ]])]
input:  [[-0.74221482]
 [-0.01150444]
 [ 1.07919707]]
activations:  [array([[-0.74221482],
       [-0.01150444],
       [ 1.07919707]]), array([[ 0.15570439],
       [-0.18629918]]), array([[ 0.33443661],
       [ 0.36396212],
       [ 0.31251992]])]
cost derivative:  [[ 1.07665143]
 [ 0.37546656]
 [-0.76667715]]
unit step:  1
delta:  [[ 1.07665143]
 [ 0.37546656]
 [-0.76667715]]
delta b updated:  [array([[ 0.11356529],
       [ 0.10588643]]), array([[ 1.07665143],
       [ 0.37546656],
       [-0.76667715]])]
delta w updated: [array([[-0.08428984, -0.0013065 ,  0.12255932],
       [-0.07859047, -0.00121816,  0.11427232]]), array([[ 0.16763935, -0.20057927],
       [ 0.05846179, -0.06994911],
       [-0.119375  ,  0.14283132]])]
input:  [[-0.88050667]
 [-0.13357725]
 [ 0.99155448]]
activations:  [array([[-0.88050667],
       [-0.13357725],
       [ 0.99155448]]), array([[ 0.09898268],
       [-0.17287142]]), array([[ 0.24703922],
       [ 0.39651293],
       [ 0.27050381]])]
cost derivative:  [[ 1.12754589]
 [ 0.53009018]
 [-0.72105067]]
unit step:  1
delta:  [[ 1.12754589]
 [ 0.53009018]
 [-0.72105067]]
delta b updated:  [array([[ 0.07138154],
       [ 0.12095426]]), array([[ 1.12754589],
       [ 0.53009018],
       [-0.72105067]])]
delta w updated: [array([[-0.06285192, -0.00953495,  0.07077869],
       [-0.10650103, -0.01615674,  0.11993274]]), array([[ 0.11160752, -0.19492046],
       [ 0.05246975, -0.09163744],
       [-0.07137153,  0.12464906]])]
input:  [[ 0.72734629]
 [-1.11595321]
 [ 0.32868269]]
activations:  [array([[ 0.72734629],
       [-1.11595321],
       [ 0.32868269]]), array([[ 0.36755249],
       [-1.54994532]]), array([[ 1.70824168],
       [ 0.78608594],
       [ 1.2382517 ]])]
cost derivative:  [[ 0.98089539]
 [ 1.90203915]
 [ 0.90956901]]
unit step:  1
delta:  [[ 0.98089539]
 [ 1.90203915]
 [ 0.90956901]]
delta b updated:  [array([[ 0.21644078],
       [ 3.26051373]]), array([[ 0.98089539],
       [ 1.90203915],
       [ 0.90956901]])]
delta w updated: [array([[ 0.1574274 , -0.24153779,  0.07114034],
       [ 2.37152256, -3.63858078,  1.07167443]]), array([[ 0.36053054, -1.52033422],
       [ 0.69909923, -2.94805669],
       [ 0.33431435, -1.40978223]])]
input:  [[ 0.7843778 ]
 [-0.12539678]
 [ 1.02324597]]
activations:  [array([[ 0.7843778 ],
       [-0.12539678],
       [ 1.02324597]]), array([[ 0.54330073],
       [-1.08023061]]), array([[ 1.5683231 ],
       [ 0.47102281],
       [ 1.06972581]])]
cost derivative:  [[ 0.7839453 ]
 [ 0.59641959]
 [ 0.04647984]]
unit step:  1
delta:  [[ 0.7839453 ]
 [ 0.59641959]
 [ 0.04647984]]
delta b updated:  [array([[ 0.36949974],
       [ 0.97202497]]), array([[ 0.7839453 ],
       [ 0.59641959],
       [ 0.04647984]])]
delta w updated: [array([[ 0.28982739, -0.04633408,  0.37808912],
       [ 0.76243481, -0.1218888 ,  0.99462064]]), array([[ 0.42591806, -0.84684171],
       [ 0.3240352 , -0.6442707 ],
       [ 0.02525253, -0.05020894]])]
input:  [[ 0.39129169]
 [-0.9345011 ]
 [ 0.45051071]]
activations:  [array([[ 0.39129169],
       [-0.9345011 ],
       [ 0.45051071]]), array([[ 0.30712135],
       [-1.27757457]]), array([[ 1.40764472],
       [ 0.71145897],
       [ 1.04147391]])]
cost derivative:  [[ 1.01635303]
 [ 1.64596007]
 [ 0.5909632 ]]
unit step:  1
delta:  [[ 1.01635303]
 [ 1.64596007]
 [ 0.5909632 ]]
delta b updated:  [array([[ 0.1888405 ],
       [ 2.34643834]]), array([[ 1.01635303],
       [ 1.64596007],
       [ 0.5909632 ]])]
delta w updated: [array([[ 0.07389172, -0.17647166,  0.08507467],
       [ 0.91814182, -2.19274921,  1.0570956 ]]), array([[ 0.31214372, -1.29846678],
       [ 0.50550948, -2.10283672],
       [ 0.18149742, -0.75499955]])]
input:  [[ 0.85956852]
 [-0.52593896]
 [ 0.74392399]]
activations:  [array([[ 0.85956852],
       [-0.52593896],
       [ 0.74392399]]), array([[ 0.49785693],
       [-1.32766652]]), array([[ 1.70313604],
       [ 0.60191074],
       [ 1.18595269]])]
cost derivative:  [[ 0.84356751]
 [ 1.1278497 ]
 [ 0.4420287 ]]
unit step:  1
delta:  [[ 0.84356751]
 [ 1.1278497 ]
 [ 0.4420287 ]]
delta b updated:  [array([[ 0.31931784],
       [ 1.85387916]]), array([[ 0.84356751],
       [ 1.1278497 ],
       [ 0.4420287 ]])]
delta w updated: [array([[ 0.27447557, -0.1679417 ,  0.2375482 ],
       [ 1.59353617, -0.97502729,  1.37914518]]), array([[ 0.41997593, -1.11997634],
       [ 0.56150779, -1.49740829],
       [ 0.22006705, -0.58686671]])]
input:  [[ 0.79107532]
 [-0.15591211]
 [ 1.00198092]]
activations:  [array([[ 0.79107532],
       [-0.15591211],
       [ 1.00198092]]), array([[ 0.53941519],
       [-1.10332521]]), array([[ 1.57925034],
       [ 0.48026071],
       [ 1.07989782]])]
cost derivative:  [[ 0.78817501]
 [ 0.63617282]
 [ 0.0779169 ]]
unit step:  1
delta:  [[ 0.78817501]
 [ 0.63617282]
 [ 0.0779169 ]]
delta b updated:  [array([[ 0.3654262 ],
       [ 1.03293784]]), array([[ 0.78817501],
       [ 0.63617282],
       [ 0.0779169 ]])]
delta w updated: [array([[ 0.28907965, -0.05697437,  0.36615008],
       [ 0.81713164, -0.16104752,  1.03498401]]), array([[ 0.42515358, -0.86961336],
       [ 0.34316128, -0.70190551],
       [ 0.04202956, -0.08596768]])]
input:  [[ 0.79496623]
 [-1.10069716]
 [ 0.3404208 ]]
activations:  [array([[ 0.79496623],
       [-1.10069716],
       [ 0.3404208 ]]), array([[ 0.38687268],
       [-1.58722093]]), array([[ 1.75929785],
       [ 0.78204974],
       [ 1.26943791]])]
cost derivative:  [[ 0.96433162]
 [ 1.88274691]
 [ 0.92901711]]
unit step:  1
delta:  [[ 0.96433162]
 [ 1.88274691]
 [ 0.92901711]]
delta b updated:  [array([[ 0.22787323],
       [ 3.31108862]]), array([[ 0.96433162],
       [ 1.88274691],
       [ 0.92901711]])]
delta w updated: [array([[ 0.18115152, -0.25081942,  0.07757279],
       [ 2.63220363, -3.64450586,  1.12716343]]), array([[ 0.37307356, -1.53060733],
       [ 0.72838335, -2.98833529],
       [ 0.35941134, -1.4745554 ]])]
input:  [[-0.78638149]
 [-0.01365519]
 [ 1.07700217]]
activations:  [array([[-0.78638149],
       [-0.01365519],
       [ 1.07700217]]), array([[ 0.14275898],
       [-0.16779463]]), array([[ 0.29916141],
       [ 0.3613471 ],
       [ 0.29307384]])]
cost derivative:  [[ 1.0855429 ]
 [ 0.37500229]
 [-0.78392833]]
unit step:  1
delta:  [[ 1.0855429 ]
 [ 0.37500229]
 [-0.78392833]]
delta b updated:  [array([[ 0.10422366],
       [ 0.09432608]]), array([[ 1.0855429 ],
       [ 0.37500229],
       [-0.78392833]])]
delta w updated: [array([[-0.08195955, -0.00142319,  0.1122491 ],
       [-0.07417628, -0.00128804,  0.10158939]]), array([[ 0.154971  , -0.18214827],
       [ 0.05353494, -0.06292337],
       [-0.11191281,  0.13153897]])]
input:  [[-0.87822135]
 [-0.1243584 ]
 [ 0.99804596]]
activations:  [array([[-0.87822135],
       [-0.1243584 ],
       [ 0.99804596]]), array([[ 0.10028931],
       [-0.17389495]]), array([[ 0.24655962],
       [ 0.39240837],
       [ 0.27112733]])]
cost derivative:  [[ 1.12478097]
 [ 0.51676676]
 [-0.72691863]]
unit step:  1
delta:  [[ 1.12478097]
 [ 0.51676676]
 [-0.72691863]]
delta b updated:  [array([[ 0.0723648 ],
       [ 0.11907892]]), array([[ 1.12478097],
       [ 0.51676676],
       [-0.72691863]])]
delta w updated: [array([[-0.06355231, -0.00899917,  0.07222339],
       [-0.10457765, -0.01480846,  0.11884623]]), array([[ 0.11280351, -0.19559373],
       [ 0.05182618, -0.08986313],
       [-0.07290217,  0.12640748]])]
input:  [[-0.89356616]
 [-0.27608096]
 [ 0.89155731]]
activations:  [array([[-0.89356616],
       [-0.27608096],
       [ 0.89155731]]), array([[ 0.07152828],
       [-0.24293624]]), array([[ 0.26250958],
       [ 0.44002336],
       [ 0.2941587 ]])]
cost derivative:  [[ 1.15607574]
 [ 0.71610432]
 [-0.59739861]]
unit step:  1
delta:  [[ 1.15607574]
 [ 0.71610432]
 [-0.59739861]]
delta b updated:  [array([[ 0.05060762],
       [ 0.21061782]]), array([[ 1.15607574],
       [ 0.71610432],
       [-0.59739861]])]
delta w updated: [array([[-0.04522126, -0.0139718 ,  0.0451196 ],
       [-0.18820096, -0.05814757,  0.18777786]]), array([[ 0.0826921 , -0.28085269],
       [ 0.05122171, -0.17396769],
       [-0.04273089,  0.14512977]])]
input:  [[-0.07819255]
 [-0.50626023]
 [ 0.74308096]]
activations:  [array([[-0.07819255],
       [-0.50626023],
       [ 0.74308096]]), array([[ 0.25090139],
       [-0.80814617]]), array([[ 0.9533489 ],
       [ 0.55080566],
       [ 0.73265771]])]
cost derivative:  [[ 1.03154145]
 [ 1.0570659 ]
 [-0.01042325]]
unit step:  1
delta:  [[ 1.03154145]
 [ 1.0570659 ]
 [-0.01042325]]
delta b updated:  [array([[ 0.16711205],
       [ 1.01000177]]), array([[ 1.03154145],
       [ 1.0570659 ],
       [-0.01042325]])]
delta w updated: [array([[-0.01306692, -0.08460218,  0.12417778],
       [-0.07897462, -0.51132373,  0.75051309]]), array([[ 0.25881518, -0.83363628],
       [ 0.2652193 , -0.85426376],
       [-0.00261521,  0.00842351]])]
input:  [[-0.55648726]
 [-0.09398864]
 [ 1.02433075]]
activations:  [array([[-0.55648726],
       [-0.09398864],
       [ 1.02433075]]), array([[ 0.19053046],
       [-0.33597949]]), array([[ 0.49569094],
       [ 0.39714545],
       [ 0.42083122]])]
cost derivative:  [[ 1.0521782 ]
 [ 0.49113408]
 [-0.60349953]]
unit step:  1
delta:  [[ 1.0521782 ]
 [ 0.49113408]
 [-0.60349953]]
delta b updated:  [array([[ 0.13641064],
       [ 0.23102836]]), array([[ 1.0521782 ],
       [ 0.49113408],
       [-0.60349953]])]
delta w updated: [array([[-0.07591078, -0.01282105,  0.13972962],
       [-0.12856434, -0.02171404,  0.23664945]]), array([[ 0.200472  , -0.35351029],
       [ 0.09357601, -0.16501098],
       [-0.11498504,  0.20276346]])]
input:  [[-0.04380197]
 [-0.53903629]
 [ 0.72066461]]
activations:  [array([[-0.04380197],
       [-0.53903629],
       [ 0.72066461]]), array([[ 0.2545432 ],
       [-0.84448774]]), array([[ 0.98612068],
       [ 0.56244204],
       [ 0.75632282]])]
cost derivative:  [[ 1.02992265]
 [ 1.10147833]
 [ 0.03565821]]
unit step:  1
delta:  [[ 1.02992265]
 [ 1.10147833]
 [ 0.03565821]]
delta b updated:  [array([[ 0.16839376],
       [ 1.09176233]]), array([[ 1.02992265],
       [ 1.10147833],
       [ 0.03565821]])]
delta w updated: [array([[-0.00737598, -0.09077035,  0.12135542],
       [-0.04782134, -0.58849952,  0.78679448]]), array([[ 0.2621598 , -0.86975706],
       [ 0.28037382, -0.93018495],
       [ 0.00907656, -0.03011292]])]
input:  [[ 0.80372785]
 [-0.21526295]
 [ 0.9606156 ]]
activations:  [array([[ 0.80372785],
       [-0.21526295],
       [ 0.9606156 ]]), array([[ 0.53229257],
       [-1.1453508 ]]), array([[ 1.59816058],
       [ 0.49752202],
       [ 1.10025945]])]
cost derivative:  [[ 0.79443272]
 [ 0.71278497]
 [ 0.13964385]]
unit step:  1
delta:  [[ 0.79443272]
 [ 0.71278497]
 [ 0.13964385]]
delta b updated:  [array([[ 0.35699283],
       [ 1.15216888]]), array([[ 0.79443272],
       [ 0.71278497],
       [ 0.13964385]])]
delta w updated: [array([[ 0.28692508, -0.07684733,  0.34293289],
       [ 0.92603022, -0.24801927,  1.1067914 ]]), array([[ 0.42287063, -0.90990415],
       [ 0.37941014, -0.81638883],
       [ 0.07433138, -0.1599412 ]])]
input:  [[-0.10106781]
 [-0.48450296]
 [ 0.75796058]]
activations:  [array([[-0.10106781],
       [-0.48450296],
       [ 0.75796058]]), array([[ 0.24785321],
       [-0.78658235]]), array([[ 0.92990214],
       [ 0.54207567],
       [ 0.71839433]])]
cost derivative:  [[ 1.03096995]
 [ 1.02657863]
 [-0.03956625]]
unit step:  1
delta:  [[ 1.03096995]
 [ 1.02657863]
 [-0.03956625]]
delta b updated:  [array([[ 0.16542748],
       [ 0.95793519]]), array([[ 1.03096995],
       [ 1.02657863],
       [-0.03956625]])]
delta w updated: [array([[-0.01671939, -0.08015011,  0.12538751],
       [-0.09681641, -0.46412243,  0.72607711]]), array([[ 0.25552921, -0.81094277],
       [ 0.25444081, -0.80748863],
       [-0.00980662,  0.03112211]])]
input:  [[ 0.3062507 ]
 [-0.86339003]
 [ 0.49898272]]
activations:  [array([[ 0.3062507 ],
       [-0.86339003],
       [ 0.49898272]]), array([[ 0.29457467],
       [-1.20396274]]), array([[ 1.32400124],
       [ 0.6808918 ],
       [ 0.99004033]])]
cost derivative:  [[ 1.01775054]
 [ 1.54428183]
 [ 0.49105762]]
unit step:  1
delta:  [[ 1.01775054]
 [ 1.54428183]
 [ 0.49105762]]
delta b updated:  [array([[ 0.18312567],
       [ 2.08058036]]), array([[ 1.01775054],
       [ 1.54428183],
       [ 0.49105762]])]
delta w updated: [array([[ 0.05608236, -0.15810887,  0.09137654],
       [ 0.63717919, -1.79635235,  1.03817364]]), array([[ 0.29980353, -1.22533373],
       [ 0.45490631, -1.85925779],
       [ 0.14465313, -0.59121507]])]
input:  [[-0.85465634]
 [-0.63408057]
 [ 0.64146157]]
activations:  [array([[-0.85465634],
       [-0.63408057],
       [ 0.64146157]]), array([[ 0.02311339],
       [-0.45059596]]), array([[ 0.35967402],
       [ 0.5549755 ],
       [ 0.38592771]])]
cost derivative:  [[ 1.21433036]
 [ 1.18905607]
 [-0.25553386]]
unit step:  1
delta:  [[ 1.21433036]
 [ 1.18905607]
 [-0.25553386]]
delta b updated:  [array([[ 0.01554202],
       [ 0.58694508]]), array([[ 1.21433036],
       [ 1.18905607],
       [-0.25553386]])]
delta w updated: [array([[-0.01328309, -0.0098549 ,  0.00996961],
       [-0.50163634, -0.37217047,  0.37650271]]), array([[ 0.02806729, -0.54717235],
       [ 0.02748311, -0.53578386],
       [-0.00590625,  0.11514253]])]
input:  [[-0.80146246]
 [-0.89525142]
 [ 0.45939652]]
activations:  [array([[-0.80146246],
       [-0.89525142],
       [ 0.45939652]]), array([[-0.00511897],
       [-0.61350843]]), array([[ 0.45071197],
       [ 0.64018836],
       [ 0.46382136]])]
cost derivative:  [[ 1.25217443]
 [ 1.53543978]
 [ 0.00442485]]
unit step:  1
delta:  [[ 1.25217443]
 [ 1.53543978]
 [ 0.00442485]]
delta b updated:  [array([[-0.00331116],
       [ 0.99714101]]), array([[ 1.25217443],
       [ 1.53543978],
       [ 0.00442485]])]
delta w updated: [array([[ 0.00265377,  0.00296432, -0.00152113],
       [-0.79917109, -0.8926919 ,  0.45808311]]), array([[ -6.40983940e-03,  -7.68219565e-01],
       [ -7.85986535e-03,  -9.42005245e-01],
       [ -2.26506396e-05,  -2.71468026e-03]])]
input:  [[ 0.78950553]
 [-1.1036475 ]
 [ 0.33826956]]
activations:  [array([[ 0.78950553],
       [-1.1036475 ],
       [ 0.33826956]]), array([[ 0.38390792],
       [-1.59420842]]), array([[ 1.75179768],
       [ 0.77710959],
       [ 1.27136071]])]
cost derivative:  [[ 0.96229215]
 [ 1.88075709]
 [ 0.93309116]]
unit step:  1
delta:  [[ 0.96229215]
 [ 1.88075709]
 [ 0.93309116]]
delta b updated:  [array([[ 0.22557787],
       [ 3.31024113]]), array([[ 0.96229215],
       [ 1.88075709],
       [ 0.93309116]])]
delta w updated: [array([[ 0.17809498, -0.24895846,  0.07630613],
       [ 2.61345368, -3.65333936,  1.1197538 ]]), array([[ 0.36943158, -1.53409424],
       [ 0.72203754, -2.99831878],
       [ 0.35822108, -1.48754177]])]
input:  [[ 0.4324114 ]
 [-0.96680394]
 [ 0.42853068]]
activations:  [array([[ 0.4324114 ],
       [-0.96680394],
       [ 0.42853068]]), array([[ 0.31100631],
       [-1.33115323]]), array([[ 1.44385885],
       [ 0.71690126],
       [ 1.07283031]])]
cost derivative:  [[ 1.01144746]
 [ 1.6837052 ]
 [ 0.64429963]]
unit step:  1
delta:  [[ 1.01144746]
 [ 1.6837052 ]
 [ 0.64429963]]
delta b updated:  [array([[ 0.19001187],
       [ 2.4815001 ]]), array([[ 1.01144746],
       [ 1.6837052 ],
       [ 0.64429963]])]
delta w updated: [array([[ 0.0821633 , -0.18370423,  0.08142592],
       [ 1.07302892, -2.39912408,  1.06339893]]), array([[ 0.31456654, -1.34639155],
       [ 0.52364294, -2.24126962],
       [ 0.20038125, -0.85766154]])]
input:  [[ 0.86939212]
 [-0.97796583]
 [ 0.42752859]]
activations:  [array([[ 0.86939212],
       [-0.97796583],
       [ 0.42752859]]), array([[ 0.42514412],
       [-1.57923125]]), array([[ 1.79302708],
       [ 0.73899036],
       [ 1.28582135]])]
cost derivative:  [[ 0.92363496]
 [ 1.71695619]
 [ 0.85829276]]
unit step:  1
delta:  [[ 0.92363496]
 [ 1.71695619]
 [ 0.85829276]]
delta b updated:  [array([[ 0.25504772],
       [ 3.04894919]]), array([[ 0.92363496],
       [ 1.71695619],
       [ 0.85829276]])]
delta w updated: [array([[ 0.22173648, -0.24942795,  0.10904019],
       [ 2.65073241, -2.98176813,  1.30351296]]), array([[ 0.39267797, -1.45863318],
       [ 0.72995384, -2.71147086],
       [ 0.36489812, -1.35544275]])]
input:  [[ 0.5761078 ]
 [-1.06372307]
 [ 0.36290032]]
activations:  [array([[ 0.5761078 ],
       [-1.06372307],
       [ 0.36290032]]), array([[ 0.33307922],
       [-1.46446572]]), array([[ 1.57724685],
       [ 0.75260975],
       [ 1.16219251]])]
cost derivative:  [[ 1.00113905]
 [ 1.81633283]
 [ 0.79929219]]
unit step:  1
delta:  [[ 1.00113905]
 [ 1.81633283]
 [ 0.79929219]]
delta b updated:  [array([[ 0.19995382],
       [ 2.92270347]]), array([[ 1.00113905],
       [ 1.81633283],
       [ 0.79929219]])]
delta w updated: [array([[ 0.11519495, -0.21269549,  0.0725633 ],
       [ 1.68379227, -3.10894711,  1.06065003]]), array([[ 0.33345861, -1.46613382],
       [ 0.60498272, -2.65995716],
       [ 0.26622762, -1.17053601]])]
input:  [[-0.88658559]
 [-0.40591942]
 [ 0.80074197]]
activations:  [array([[-0.88658559],
       [-0.40591942],
       [ 0.80074197]]), array([[ 0.05129465],
       [-0.32241341]]), array([[ 0.29274275],
       [ 0.47887833],
       [ 0.32682058]])]
cost derivative:  [[ 1.17932834]
 [ 0.88479774]
 [-0.47392139]]
unit step:  1
delta:  [[ 1.17932834]
 [ 0.88479774]
 [-0.47392139]]
delta b updated:  [array([[ 0.03577341],
       [ 0.32804903]]), array([[ 1.17932834],
       [ 0.88479774],
       [-0.47392139]])]
delta w updated: [array([[-0.03171619, -0.01452112,  0.02864527],
       [-0.29084354, -0.13316147,  0.26268262]]), array([[ 0.06049324, -0.38023127],
       [ 0.04538539, -0.28527065],
       [-0.02430963,  0.15279861]])]
input:  [[-0.8641857 ]
 [-0.08405028]
 [ 1.02649209]]
activations:  [array([[-0.8641857 ],
       [-0.08405028],
       [ 1.02649209]]), array([[ 0.10948241],
       [-0.16988523]]), array([[ 0.24960216],
       [ 0.37740695],
       [ 0.2736529 ]])]
cost derivative:  [[ 1.11378786]
 [ 0.46145723]
 [-0.75283919]]
unit step:  1
delta:  [[ 1.11378786]
 [ 0.46145723]
 [-0.75283919]]
delta b updated:  [array([[ 0.07956663],
       [ 0.10733521]]), array([[ 1.11378786],
       [ 0.46145723],
       [-0.75283919]])]
delta w updated: [array([[-0.06876034, -0.0066876 ,  0.08167452],
       [-0.09275756, -0.00902155,  0.11017875]]), array([[ 0.12194018, -0.18921611],
       [ 0.05052145, -0.07839477],
       [-0.08242265,  0.12789626]])]
input:  [[-0.83309753]
 [-0.03868815]
 [ 1.0587434 ]]
activations:  [array([[-0.83309753],
       [-0.03868815],
       [ 1.0587434 ]]), array([[ 0.12503063],
       [-0.16385742]]), array([[ 0.26531993],
       [ 0.36428112],
       [ 0.27984194]])]
cost derivative:  [[ 1.09841746]
 [ 0.40296927]
 [-0.77890146]]
unit step:  1
delta:  [[ 1.09841746]
 [ 0.40296927]
 [-0.77890146]]
delta b updated:  [array([[ 0.09125025],
       [ 0.09515094]]), array([[ 1.09841746],
       [ 0.40296927],
       [-0.77890146]])]
delta w updated: [array([[-0.07602035, -0.0035303 ,  0.0966106 ],
       [-0.07927001, -0.00368121,  0.10074043]]), array([[ 0.13733583, -0.17998385],
       [ 0.0503835 , -0.0660295 ],
       [-0.09738654,  0.12762879]])]
input:  [[-0.87031495]
 [-0.09903159]
 [ 1.01590529]]
activations:  [array([[-0.87031495],
       [-0.09903159],
       [ 1.01590529]]), array([[ 0.10526211],
       [-0.17438106]]), array([[ 0.24672865],
       [ 0.38178401],
       [ 0.27423746]])]
cost derivative:  [[ 1.1170436 ]
 [ 0.4808156 ]
 [-0.74166783]]
unit step:  1
delta:  [[ 1.1170436 ]
 [ 0.4808156 ]
 [-0.74166783]]
delta b updated:  [array([[ 0.07627705],
       [ 0.11308533]]), array([[ 1.1170436 ],
       [ 0.4808156 ],
       [-0.74166783]])]
delta w updated: [array([[-0.06638506, -0.00755384,  0.07749026],
       [-0.09841986, -0.01119902,  0.11488399]]), array([[ 0.11758236, -0.19479125],
       [ 0.05061166, -0.08384514],
       [-0.07806952,  0.12933283]])]
input:  [[ 0.13937598]
 [-0.71261405]
 [ 0.60196689]]
activations:  [array([[ 0.13937598],
       [-0.71261405],
       [ 0.60196689]]), array([[ 0.27379777],
       [-1.04620003]]), array([[ 1.16323091],
       [ 0.62043887],
       [ 0.883463  ]])]
cost derivative:  [[ 1.02385494]
 [ 1.33305292]
 [ 0.28149611]]
unit step:  1
delta:  [[ 1.02385494]
 [ 1.33305292]
 [ 0.28149611]]
delta b updated:  [array([[ 0.17609357],
       [ 1.58420925]]), array([[ 1.02385494],
       [ 1.33305292],
       [ 0.28149611]])]
delta w updated: [array([[ 0.02454321, -0.12548675,  0.1060025 ],
       [ 0.22080071, -1.12892977,  0.95364151]]), array([[ 0.2803292 , -1.07115707],
       [ 0.36498692, -1.39464001],
       [ 0.07707301, -0.29450124]])]
input:  [[ 0.82906   ]
 [-1.07064725]
 [ 0.36199604]]
activations:  [array([[ 0.82906   ],
       [-1.07064725],
       [ 0.36199604]]), array([[ 0.39876037],
       [-1.6114027 ]]), array([[ 1.77778216],
       [ 0.7633968 ],
       [ 1.28752057]])]
cost derivative:  [[ 0.94872215]
 [ 1.83404405]
 [ 0.92552454]]
unit step:  1
delta:  [[ 0.94872215]
 [ 1.83404405]
 [ 0.92552454]]
delta b updated:  [array([[ 0.23664173],
       [ 3.27209965]]), array([[ 0.94872215],
       [ 1.83404405],
       [ 0.92552454]])]
delta w updated: [array([[ 0.1961902 , -0.25335982,  0.08566337],
       [ 2.71276694, -3.50326449,  1.1844871 ]]), array([[ 0.3783128 , -1.52877344],
       [ 0.73134408, -2.95538353],
       [ 0.36906251, -1.49139274]])]
input:  [[ 0.86836884]
 [-0.59192698]
 [ 0.69785067]]
activations:  [array([[ 0.86836884],
       [-0.59192698],
       [ 0.69785067]]), array([[ 0.48672061],
       [-1.39023132]]), array([[ 1.71968835],
       [ 0.61231042],
       [ 1.21128612]])]
cost derivative:  [[ 0.85131951]
 [ 1.20423739]
 [ 0.51343544]]
unit step:  1
delta:  [[ 0.85131951]
 [ 1.20423739]
 [ 0.51343544]]
delta b updated:  [array([[ 0.31085384],
       [ 2.02620622]]), array([[ 0.85131951],
       [ 1.20423739],
       [ 0.51343544]])]
delta w updated: [array([[ 0.26993578, -0.18400277,  0.21692956],
       [ 1.75949435, -1.19936612,  1.41398937]]), array([[ 0.41435475, -1.18353105],
       [ 0.58612716, -1.67416855],
       [ 0.24989961, -0.71379404]])]
input:  [[-0.84591795]
 [-0.68208683]
 [ 0.60797968]]
activations:  [array([[-0.84591795],
       [-0.68208683],
       [ 0.60797968]]), array([[ 0.01670444],
       [-0.49011634]]), array([[ 0.37595693],
       [ 0.56692982],
       [ 0.40330502]])]
cost derivative:  [[ 1.22187488]
 [ 1.24901665]
 [-0.20467465]]
unit step:  1
delta:  [[ 1.22187488]
 [ 1.24901665]
 [-0.20467465]]
delta b updated:  [array([[ 0.01119093],
       [ 0.66196511]]), array([[ 1.22187488],
       [ 1.24901665],
       [-0.20467465]])]
delta w updated: [array([[-0.0094666 , -0.00763318,  0.00680386],
       [-0.55996817, -0.45151768,  0.40246133]]), array([[ 0.02041073, -0.59886085],
       [ 0.02086412, -0.61216347],
       [-0.00341897,  0.10031439]])]
input:  [[ 0.1280158 ]
 [-0.70199809]
 [ 0.60922395]]
activations:  [array([[ 0.1280158 ],
       [-0.70199809],
       [ 0.60922395]]), array([[ 0.27202013],
       [-1.03945195]]), array([[ 1.1525325 ],
       [ 0.61458335],
       [ 0.87706302]])]
cost derivative:  [[ 1.0245167 ]
 [ 1.31658144]
 [ 0.26783907]]
unit step:  1
delta:  [[ 1.0245167 ]
 [ 1.31658144]
 [ 0.26783907]]
delta b updated:  [array([[ 0.17564996],
       [ 1.55454828]]), array([[ 1.0245167 ],
       [ 1.31658144],
       [ 0.26783907]])]
delta w updated: [array([[ 0.02248597, -0.12330593,  0.10701016],
       [ 0.19900674, -1.09128992,  0.94706805]]), array([[ 0.27868916, -1.06493588],
       [ 0.35813665, -1.36852315],
       [ 0.07285762, -0.27840584]])]
input:  [[-0.88628836]
 [-0.1636171 ]
 [ 0.97042779]]
activations:  [array([[-0.88628836],
       [-0.1636171 ],
       [ 0.97042779]]), array([[ 0.09010135],
       [-0.20255529]]), array([[ 0.24620086],
       [ 0.40037103],
       [ 0.28087569]])]
cost derivative:  [[ 1.13248922]
 [ 0.56398814]
 [-0.6895521 ]]
unit step:  1
delta:  [[ 1.13248922]
 [ 0.56398814]
 [-0.6895521 ]]
delta b updated:  [array([[ 0.06486279],
       [ 0.1461693 ]]), array([[ 1.13248922],
       [ 0.56398814],
       [-0.6895521 ]])]
delta w updated: [array([[-0.05748714, -0.01061266,  0.06294465],
       [-0.12954815, -0.0239158 ,  0.14184675]]), array([[ 0.10203881, -0.22939168],
       [ 0.05081609, -0.11423878],
       [-0.06212958,  0.13967242]])]
input:  [[-0.78790495]
 [-0.95398039]
 [ 0.41848079]]
activations:  [array([[-0.78790495],
       [-0.95398039],
       [ 0.41848079]]), array([[-0.01222427],
       [-0.66363542]]), array([[ 0.47280575],
       [ 0.65491848],
       [ 0.48667419]])]
cost derivative:  [[ 1.2607107 ]
 [ 1.60889887]
 [ 0.0681934 ]]
unit step:  1
delta:  [[ 1.2607107 ]
 [ 1.60889887]
 [ 0.0681934 ]]
delta b updated:  [array([[-0.00786388],
       [ 1.11673562]]), array([[ 1.2607107 ],
       [ 1.60889887],
       [ 0.0681934 ]])]
delta w updated: [array([[ 0.00619599,  0.00750199, -0.00329088],
       [-0.87988151, -1.06534388,  0.46733241]]), array([[ -1.54112695e-02,  -8.36652270e-01],
       [ -1.96676162e-02,  -1.06772228e+00],
       [ -8.33614616e-04,  -4.52555555e-02]])]
input:  [[-0.6015206 ]
 [-0.06581055]
 [ 1.04336123]]
activations:  [array([[-0.6015206 ],
       [-0.06581055],
       [ 1.04336123]]), array([[ 0.18153767],
       [-0.31058446]]), array([[ 0.45340252],
       [ 0.38100151],
       [ 0.39923372]])]
cost derivative:  [[ 1.05492313]
 [ 0.44681206]
 [-0.64412751]]
unit step:  1
delta:  [[ 1.05492313]
 [ 0.44681206]
 [-0.64412751]]
delta b updated:  [array([[ 0.13119137],
       [ 0.1984623 ]]), array([[ 1.05492313],
       [ 0.44681206],
       [-0.64412751]])]
delta w updated: [array([[-0.07891431, -0.00863378,  0.13687999],
       [-0.11937916, -0.01306091,  0.20706787]]), array([[ 0.19150829, -0.32764273],
       [ 0.08111322, -0.13877288],
       [-0.11693341,  0.20005599]])]
input:  [[ 0.82087594]
 [-0.30014702]
 [ 0.90143979]]
activations:  [array([[ 0.82087594],
       [-0.30014702],
       [ 0.90143979]]), array([[ 0.52103813],
       [-1.21741229]]), array([[ 1.62494531],
       [ 0.51502191],
       [ 1.13171599]])]
cost derivative:  [[ 0.80406937]
 [ 0.81516893]
 [ 0.23027619]]
unit step:  1
delta:  [[ 0.80406937]
 [ 0.81516893]
 [ 0.23027619]]
delta b updated:  [array([[ 0.34725661],
       [ 1.33451799]]), array([[ 0.80406937],
       [ 0.81516893],
       [ 0.23027619]])]
delta w updated: [array([[ 0.2850546 , -0.10422804,  0.31303093],
       [ 1.09547371, -0.40055159,  1.20298762]]), array([[ 0.4189508 , -0.97888393],
       [ 0.42473409, -0.99239667],
       [ 0.11998268, -0.28034107]])]
input:  [[ 0.84876504]
 [-1.03861718]
 [ 0.38473357]]
activations:  [array([[ 0.84876504],
       [-1.03861718],
       [ 0.38473357]]), array([[ 0.40823674],
       [-1.61387187]]), array([[ 1.7858211 ],
       [ 0.74986146],
       [ 1.29318812]])]
cost derivative:  [[ 0.93705606]
 [ 1.78847864]
 [ 0.90845454]]
unit step:  1
delta:  [[ 0.93705606]
 [ 1.78847864]
 [ 0.90845454]]
delta b updated:  [array([[ 0.24338936],
       [ 3.20331797]]), array([[ 0.93705606],
       [ 1.78847864],
       [ 0.90845454]])]
delta w updated: [array([[ 0.20658038, -0.25278837,  0.09364006],
       [ 2.71886431, -3.32702107,  1.23242397]]), array([[ 0.38254072, -1.51228842],
       [ 0.7301227 , -2.88637537],
       [ 0.37086453, -1.46612924]])]
input:  [[-0.24775025]
 [-0.34713934]
 [ 0.85186713]]
activations:  [array([[-0.24775025],
       [-0.34713934],
       [ 0.85186713]]), array([[ 0.22935805],
       [-0.65334211]]), array([[ 0.78672956],
       [ 0.48430903],
       [ 0.62662845]])]
cost derivative:  [[ 1.03447981]
 [ 0.83144837]
 [-0.22523868]]
unit step:  1
delta:  [[ 1.03447981]
 [ 0.83144837]
 [-0.22523868]]
delta b updated:  [array([[ 0.15777899],
       [ 0.66543878]]), array([[ 1.03447981],
       [ 0.83144837],
       [-0.22523868]])]
delta w updated: [array([[-0.03908978, -0.05477129,  0.13440673],
       [-0.16486262, -0.23099998,  0.56686543]]), array([[ 0.23726627, -0.67586922],
       [ 0.19069938, -0.54322023],
       [-0.0516603 ,  0.14715791]])]
input:  [[ 0.88410719]
 [-0.84248988]
 [ 0.52263013]]
activations:  [array([[ 0.88410719],
       [-0.84248988],
       [ 0.52263013]]), array([[ 0.44915316],
       [-1.53587808]]), array([[ 1.77728918],
       [ 0.68805527],
       [ 1.27178481]])]
cost derivative:  [[ 0.89318198]
 [ 1.53054515]
 [ 0.74915468]]
unit step:  1
delta:  [[ 0.89318198]
 [ 1.53054515]
 [ 0.74915468]]
delta b updated:  [array([[ 0.27614901],
       [ 2.69012222]]), array([[ 0.89318198],
       [ 1.53054515],
       [ 0.74915468]])]
delta w updated: [array([[ 0.24414533, -0.23265275,  0.14432379],
       [ 2.37835641, -2.26640074,  1.40593892]]), array([[ 0.40117551, -1.37181863],
       [ 0.6874492 , -2.35073075],
       [ 0.3364852 , -1.15061025]])]
input:  [[-0.47996716]
 [-0.14885975]
 [ 0.98709849]]
activations:  [array([[-0.47996716],
       [-0.14885975],
       [ 0.98709849]]), array([[ 0.19972901],
       [-0.42408406]]), array([[ 0.56510809],
       [ 0.41134942],
       [ 0.475393  ]])]
cost derivative:  [[ 1.04507525]
 [ 0.56020918]
 [-0.5117055 ]]
unit step:  1
delta:  [[ 1.04507525]
 [ 0.56020918]
 [-0.5117055 ]]
delta b updated:  [array([[ 0.14221687],
       [ 0.31851971]]), array([[ 1.04507525],
       [ 0.56020918],
       [-0.5117055 ]])]
delta w updated: [array([[-0.06825943, -0.02117037,  0.14038206],
       [-0.152879  , -0.04741477,  0.31441032]]), array([[ 0.20873184, -0.44319976],
       [ 0.11189002, -0.23757578],
       [-0.10220243,  0.21700615]])]
input:  [[ 0.66063379]
 [-1.10247317]
 [ 0.33708225]]
activations:  [array([[ 0.66063379],
       [-1.10247317],
       [ 0.33708225]]), array([[ 0.34732246],
       [-1.54857969]]), array([[ 1.64900612],
       [ 0.76007021],
       [ 1.21682499]])]
cost derivative:  [[ 0.98837233]
 [ 1.86254338]
 [ 0.87974274]]
unit step:  1
delta:  [[ 0.98837233]
 [ 1.86254338]
 [ 0.87974274]]
delta b updated:  [array([[ 0.20694131],
       [ 3.14784166]]), array([[ 0.98837233],
       [ 1.86254338],
       [ 0.87974274]])]
delta w updated: [array([[ 0.13671242, -0.22814724,  0.06975624],
       [ 2.07957056, -3.47041098,  1.06108157]]), array([[ 0.34328391, -1.53057331],
       [ 0.64690316, -2.88429685],
       [ 0.30555442, -1.36235173]])]
input:  [[ 0.18458517]
 [-0.75451282]
 [ 0.57333073]]
activations:  [array([[ 0.18458517],
       [-0.75451282],
       [ 0.57333073]]), array([[ 0.2774004 ],
       [-1.10740632]]), array([[ 1.20654454],
       [ 0.62957426],
       [ 0.91791171]])]
cost derivative:  [[ 1.02195936]
 [ 1.38408708]
 [ 0.34458098]]
unit step:  1
delta:  [[ 1.02195936]
 [ 1.38408708]
 [ 0.34458098]]
delta b updated:  [array([[ 0.17770668],
       [ 1.72305532]]), array([[ 1.02195936],
       [ 1.38408708],
       [ 0.34458098]])]
delta w updated: [array([[ 0.03280202, -0.13408196,  0.1018847 ],
       [ 0.31805046, -1.30006733,  0.98788057]]), array([[ 0.28349194, -1.13172425],
       [ 0.38394632, -1.53274677],
       [ 0.0955869 , -0.38159116]])]
input:  [[ 0.58500707]
 [-1.0686209 ]
 [ 0.35960921]]
activations:  [array([[ 0.58500707],
       [-1.0686209 ],
       [ 0.35960921]]), array([[ 0.33244669],
       [-1.49321797]]), array([[ 1.58334791],
       [ 0.744658  ],
       [ 1.17439933]])]
cost derivative:  [[ 0.99834084]
 [ 1.8132789 ]
 [ 0.81479011]]
unit step:  1
delta:  [[ 0.99834084]
 [ 1.8132789 ]
 [ 0.81479011]]
delta b updated:  [array([[ 0.20023306],
       [ 2.95542953]]), array([[ 0.99834084],
       [ 1.8132789 ],
       [ 0.81479011]])]
delta w updated: [array([[ 0.11713775, -0.21397323,  0.07200565],
       [ 1.72894717, -3.15823377,  1.06279968]]), array([[ 0.33189511, -1.49074048],
       [ 0.60281857, -2.70762064],
       [ 0.27087428, -1.21665924]])]
input:  [[-0.87249431]
 [-0.52297891]
 [ 0.71898646]]
activations:  [array([[-0.87249431],
       [-0.52297891],
       [ 0.71898646]]), array([[ 0.03444456],
       [-0.40303281]]), array([[ 0.32475523],
       [ 0.51218456],
       [ 0.36211979]])]
cost derivative:  [[ 1.19724954]
 [ 1.03516348]
 [-0.35686666]]
unit step:  1
delta:  [[ 1.19724954]
 [ 1.03516348]
 [-0.35686666]]
delta b updated:  [array([[ 0.02365961],
       [ 0.46205244]]), array([[ 1.19724954],
       [ 1.03516348],
       [-0.35686666]])]
delta w updated: [array([[-0.02064287, -0.01237348,  0.01701094],
       [-0.40313812, -0.24164368,  0.33220945]]), array([[ 0.04123874, -0.48253085],
       [ 0.03565575, -0.41720485],
       [-0.01229212,  0.14382898]])]
input:  [[ 0.21820126]
 [-0.78523648]
 [ 0.55233957]]
activations:  [array([[ 0.21820126],
       [-0.78523648],
       [ 0.55233957]]), array([[ 0.28105194],
       [-1.1454442 ]]), array([[ 1.23908482],
       [ 0.63896549],
       [ 0.94129823]])]
cost derivative:  [[ 1.02088356]
 [ 1.42420197]
 [ 0.38895866]]
unit step:  1
delta:  [[ 1.02088356]
 [ 1.42420197]
 [ 0.38895866]]
delta b updated:  [array([[ 0.17933641],
       [ 1.82505553]]), array([[ 1.02088356],
       [ 1.42420197],
       [ 0.38895866]])]
delta w updated: [array([[ 0.03913143, -0.14082149,  0.0990546 ],
       [ 0.39822942, -1.43310018,  1.00805038]]), array([[ 0.28692131, -1.16936515],
       [ 0.40027473, -1.63134389],
       [ 0.10931759, -0.44553044]])]
input:  [[-0.25882582]
 [-0.33700705]
 [ 0.85878993]]
activations:  [array([[-0.25882582],
       [-0.33700705],
       [ 0.85878993]]), array([[ 0.22730888],
       [-0.64934269]]), array([[ 0.77613356],
       [ 0.47772151],
       [ 0.62142411]])]
cost derivative:  [[ 1.03495938]
 [ 0.81472856]
 [-0.23736582]]
unit step:  1
delta:  [[ 1.03495938]
 [ 0.81472856]
 [-0.23736582]]
delta b updated:  [array([[ 0.15708243],
       [ 0.64887742]]), array([[ 1.03495938],
       [ 0.81472856],
       [-0.23736582]])]
delta w updated: [array([[-0.04065699, -0.05293789,  0.13490081],
       [-0.16794623, -0.21867627,  0.55724939]]), array([[ 0.23525546, -0.67204331],
       [ 0.18519504, -0.52903804],
       [-0.05395536,  0.15413176]])]
input:  [[-0.15797529]
 [-0.43065982]
 [ 0.7947788 ]]
activations:  [array([[-0.15797529],
       [-0.43065982],
       [ 0.7947788 ]]), array([[ 0.23872863],
       [-0.75430885]]), array([[ 0.87344618],
       [ 0.51114528],
       [ 0.6891898 ]])]
cost derivative:  [[ 1.03142147]
 [ 0.9418051 ]
 [-0.105589  ]]
unit step:  1
delta:  [[ 1.03142147]
 [ 0.9418051 ]
 [-0.105589  ]]
delta b updated:  [array([[ 0.16226774],
       [ 0.84685809]]), array([[ 1.03142147],
       [ 0.9418051 ],
       [-0.105589  ]])]
delta w updated: [array([[-0.02563429, -0.06988219,  0.12896696],
       [-0.13378265, -0.36470775,  0.67306485]]), array([[ 0.24622984, -0.77801034],
       [ 0.22483584, -0.71041192],
       [-0.02520712,  0.07964672]])]
input:  [[ 0.46254887]
 [-0.98940729]
 [ 0.41317183]]
activations:  [array([[ 0.46254887],
       [-0.98940729],
       [ 0.41317183]]), array([[ 0.3123638 ],
       [-1.38902429]]), array([[ 1.4703704 ],
       [ 0.71189553],
       [ 1.10110534]])]
cost derivative:  [[ 1.00782153]
 [ 1.70130282]
 [ 0.68793351]]
unit step:  1
delta:  [[ 1.00782153]
 [ 1.70130282]
 [ 0.68793351]]
delta b updated:  [array([[ 0.19143861],
       [ 2.58838536]]), array([[ 1.00782153],
       [ 1.70130282],
       [ 0.68793351]])]
delta w updated: [array([[ 0.08854971, -0.18941076,  0.07909704],
       [ 1.19725473, -2.56096734,  1.06944791]]), array([[ 0.31480696, -1.39988858],
       [ 0.53142542, -2.36315094],
       [ 0.21488553, -0.95555635]])]
input:  [[ 0.8615769 ]
 [-1.00628655]
 [ 0.40757408]]
activations:  [array([[ 0.8615769 ],
       [-1.00628655],
       [ 0.40757408]]), array([[ 0.41528522],
       [-1.62180478]]), array([[ 1.79017227],
       [ 0.73222356],
       [ 1.29738033]])]
cost derivative:  [[ 0.92859538]
 [ 1.73851011]
 [ 0.88980624]]
unit step:  1
delta:  [[ 0.92859538]
 [ 1.73851011]
 [ 0.88980624]]
delta b updated:  [array([[ 0.25050201],
       [ 3.13113461]]), array([[ 0.92859538],
       [ 1.73851011],
       [ 0.88980624]])]
delta w updated: [array([[ 0.21582674, -0.2520768 ,  0.10209813],
       [ 2.69771324, -3.15081864,  1.27616932]]), array([[ 0.38563194, -1.50600042],
       [ 0.72197756, -2.819524  ],
       [ 0.36952338, -1.44309202]])]
input:  [[ 0.71335526]
 [-1.11486096]
 [ 0.32922941]]
activations:  [array([[ 0.71335526],
       [-1.11486096],
       [ 0.32922941]]), array([[ 0.35808259],
       [-1.59860722]]), array([[ 1.69408774],
       [ 0.75975494],
       [ 1.24819744]])]
cost derivative:  [[ 0.98073248]
 [ 1.8746159 ]
 [ 0.91896803]]
unit step:  1
delta:  [[ 0.98073248]
 [ 1.8746159 ]
 [ 0.91896803]]
delta b updated:  [array([[ 0.21399961],
       [ 3.26041311]]), array([[ 0.98073248],
       [ 1.8746159 ],
       [ 0.91896803]])]
delta w updated: [array([[ 0.15265775, -0.23857981,  0.07045496],
       [ 2.32583285, -3.63490727,  1.07342387]]), array([[ 0.35118323, -1.56780601],
       [ 0.67126732, -2.9967745 ],
       [ 0.32906645, -1.46906892]])]
input:  [[-0.75549339]
 [-0.01066178]
 [ 1.0795801 ]]
activations:  [array([[-0.75549339],
       [-0.01066178],
       [ 1.0795801 ]]), array([[ 0.14824194],
       [-0.20793489]]), array([[ 0.32088411],
       [ 0.35336044],
       [ 0.317145  ]])]
cost derivative:  [[ 1.0763775 ]
 [ 0.36402223]
 [-0.76243509]]
unit step:  1
delta:  [[ 1.0763775 ]
 [ 0.36402223]
 [-0.76243509]]
delta b updated:  [array([[ 0.10879535],
       [ 0.11376739]]), array([[ 1.0763775 ],
       [ 0.36402223],
       [-0.76243509]])]
delta w updated: [array([[-0.08219417, -0.00115995,  0.1174533 ],
       [-0.08595051, -0.00121296,  0.12282101]]), array([[ 0.15956429, -0.22381644],
       [ 0.05396336, -0.07569292],
       [-0.11302486,  0.15853686]])]
input:  [[ 0.01360924]
 [-0.59378189]
 [ 0.68322227]]
activations:  [array([[ 0.01360924],
       [-0.59378189],
       [ 0.68322227]]), array([[ 0.25714094],
       [-0.94037146]]), array([[ 1.04087209],
       [ 0.56713851],
       [ 0.80624824]])]
cost derivative:  [[ 1.02726285]
 [ 1.1609204 ]
 [ 0.12302597]]
unit step:  1
delta:  [[ 1.02726285]
 [ 1.1609204 ]
 [ 0.12302597]]
delta b updated:  [array([[ 0.17034793],
       [ 1.25351234]]), array([[ 1.02726285],
       [ 1.1609204 ],
       [ 0.12302597]])]
delta w updated: [array([[ 0.00231831, -0.10114952,  0.1163855 ],
       [ 0.01705935, -0.74431293,  0.85642755]]), array([[ 0.26415133, -0.96600867],
       [ 0.29852016, -1.09169642],
       [ 0.03163501, -0.11569011]])]
input:  [[ 0.86435564]
 [-0.99724056]
 [ 0.41395221]]
activations:  [array([[ 0.86435564],
       [-0.99724056],
       [ 0.41395221]]), array([[ 0.41690895],
       [-1.62563934]]), array([[ 1.79155164],
       [ 0.72689578],
       [ 1.29855116]])]
cost derivative:  [[ 0.92719601]
 [ 1.72413635]
 [ 0.88459895]]
unit step:  1
delta:  [[ 0.92719601]
 [ 1.72413635]
 [ 0.88459895]]
delta b updated:  [array([[ 0.25281151],
       [ 3.11258182]]), array([[ 0.92719601],
       [ 1.72413635],
       [ 0.88459895]])]
delta w updated: [array([[ 0.21851905, -0.25211389,  0.10465188],
       [ 2.69037764, -3.10399285,  1.28846011]]), array([[ 0.38655632, -1.50728631],
       [ 0.71880788, -2.80282388],
       [ 0.36879722, -1.43803886]])]
input:  [[ 0.87867669]
 [-0.69203369]
 [ 0.62790797]]
activations:  [array([[ 0.87867669],
       [-0.69203369],
       [ 0.62790797]]), array([[ 0.47014127],
       [-1.47774305]]), array([[ 1.74587371],
       [ 0.63053964],
       [ 1.24435014]])]
cost derivative:  [[ 0.86719702]
 [ 1.32257334]
 [ 0.61644217]]
unit step:  1
delta:  [[ 0.86719702]
 [ 1.32257334]
 [ 0.61644217]]
delta b updated:  [array([[ 0.29905688],
       [ 2.29515687]]), array([[ 0.86719702],
       [ 1.32257334],
       [ 0.61644217]])]
delta w updated: [array([[ 0.26277431, -0.20695744,  0.1877802 ],
       [ 2.01670084, -1.58832588,  1.44114729]]), array([[ 0.40770511, -1.28149437],
       [ 0.62179631, -1.95442356],
       [ 0.28981491, -0.91094313]])]
input:  [[-0.26986321]
 [-0.32695589]
 [ 0.8656565 ]]
activations:  [array([[-0.26986321],
       [-0.32695589],
       [ 0.8656565 ]]), array([[ 0.22503595],
       [-0.64688909]]), array([[ 0.76585367],
       [ 0.47080119],
       [ 0.61623555]])]
cost derivative:  [[ 1.03571689]
 [ 0.79775708]
 [-0.24942095]]
unit step:  1
delta:  [[ 1.03571689]
 [ 0.79775708]
 [-0.24942095]]
delta b updated:  [array([[ 0.15626185],
       [ 0.63341713]]), array([[ 1.03571689],
       [ 0.79775708],
       [-0.24942095]])]
delta w updated: [array([[-0.04216932, -0.05109073,  0.13526908],
       [-0.17093598, -0.20709946,  0.54832166]]), array([[ 0.23307354, -0.66999395],
       [ 0.17952403, -0.51606035],
       [-0.05612868,  0.16134769]])]
input:  [[-0.63582729]
 [-0.0470456 ]
 [ 1.0559671 ]]
activations:  [array([[-0.63582729],
       [-0.0470456 ],
       [ 1.0559671 ]]), array([[ 0.17354441],
       [-0.2967388 ]]), array([[ 0.42226612],
       [ 0.36853678],
       [ 0.38328966]])]
cost derivative:  [[ 1.05809342]
 [ 0.41558238]
 [-0.67267744]]
unit step:  1
delta:  [[ 1.05809342]
 [ 0.41558238]
 [-0.67267744]]
delta b updated:  [array([[ 0.1263477 ],
       [ 0.17888243]]), array([[ 1.05809342],
       [ 0.41558238],
       [-0.67267744]])]
delta w updated: [array([[-0.08033532, -0.0059441 ,  0.13341902],
       [-0.11373833, -0.00841563,  0.18889396]]), array([[ 0.1836262 , -0.31397737],
       [ 0.072122  , -0.12331942],
       [-0.11673941,  0.1996095 ]])]
input:  [[-0.8199447 ]
 [-0.81128412]
 [ 0.51790952]]
activations:  [array([[-0.8199447 ],
       [-0.81128412],
       [ 0.51790952]]), array([[  2.62410046e-04],
       [ -5.91889661e-01]]), array([[ 0.42062173],
       [ 0.60170346],
       [ 0.44881182]])]
cost derivative:  [[ 1.24056643]
 [ 1.41298758]
 [-0.06909769]]
unit step:  1
delta:  [[ 1.24056643]
 [ 1.41298758]
 [-0.06909769]]
delta b updated:  [array([[  1.72983072e-04],
       [  8.78053104e-01]]), array([[ 1.24056643],
       [ 1.41298758],
       [-0.06909769]])]
delta w updated: [array([[ -1.41836553e-04,  -1.40338419e-04,   8.95895790e-05],
       [ -7.19954989e-01,  -7.12350539e-01,   4.54752058e-01]]), array([[  3.25537093e-04,  -7.34278442e-01],
       [  3.70782137e-04,  -8.36332741e-01],
       [ -1.81319292e-05,   4.08982110e-02]])]
input:  [[ 0.67627288]
 [-1.10732743]
 [ 0.33392676]]
activations:  [array([[ 0.67627288],
       [-1.10732743],
       [ 0.33392676]]), array([[ 0.34852449],
       [-1.58364182]]), array([[ 1.66272346],
       [ 0.75153587],
       [ 1.23163154]])]
cost derivative:  [[ 0.98645057]
 [ 1.8588633 ]
 [ 0.89770478]]
unit step:  1
delta:  [[ 0.98645057]
 [ 1.8588633 ]
 [ 0.89770478]]
delta b updated:  [array([[ 0.20933281],
       [ 3.19212451]]), array([[ 0.98645057],
       [ 1.8588633 ],
       [ 0.89770478]])]
delta w updated: [array([[ 0.14156611, -0.23179997,  0.06990183],
       [ 2.15874725, -3.53472704,  1.06593579]]), array([[ 0.34380219, -1.56218438],
       [ 0.64785939, -2.94377367],
       [ 0.3128721 , -1.42164284]])]
input:  [[-0.40909873]
 [-0.20541402]
 [ 0.94859942]]
activations:  [array([[-0.40909873],
       [-0.20541402],
       [ 0.94859942]]), array([[ 0.20764837],
       [-0.50815323]]), array([[ 0.63187815],
       [ 0.42605486],
       [ 0.52557144]])]
cost derivative:  [[ 1.04097688]
 [ 0.63146888]
 [-0.42302798]]
unit step:  1
delta:  [[ 1.04097688]
 [ 0.63146888]
 [-0.42302798]]
delta b updated:  [array([[ 0.14723109],
       [ 0.41476906]]), array([[ 1.04097688],
       [ 0.63146888],
       [-0.42302798]])]
delta w updated: [array([[-0.06023205, -0.03024333,  0.13966332],
       [-0.1696815 , -0.08519938,  0.39344969]]), array([[ 0.21615716, -0.52897576],
       [ 0.13112349, -0.32088295],
       [-0.08784107,  0.21496303]])]
input:  [[-0.836243  ]
 [-0.73217645]
 [ 0.57305343]]
activations:  [array([[-0.836243  ],
       [-0.73217645],
       [ 0.57305343]]), array([[ 0.00861951],
       [-0.5441359 ]]), array([[ 0.39284628],
       [ 0.57529844],
       [ 0.42598783]])]
cost derivative:  [[ 1.22908928]
 [ 1.30747489]
 [-0.1470656 ]]
unit step:  1
delta:  [[ 1.22908928]
 [ 1.30747489]
 [-0.1470656 ]]
delta b updated:  [array([[ 0.00575665],
       [ 0.75384126]]), array([[ 1.22908928],
       [ 1.30747489],
       [-0.1470656 ]])]
delta w updated: [array([[-0.00481395, -0.00421488,  0.00329887],
       [-0.63039448, -0.55194482,  0.43199132]]), array([[ 0.01059414, -0.6687916 ],
       [ 0.01126979, -0.71144403],
       [-0.00126763,  0.08002367]])]
input:  [[ 0.53025033]
 [-1.03611129]
 [ 0.38152138]]
activations:  [array([[ 0.53025033],
       [-1.03611129],
       [ 0.38152138]]), array([[ 0.32117154],
       [-1.46825385]]), array([[ 1.53329169],
       [ 0.72177242],
       [ 1.14784408]])]
cost derivative:  [[ 1.00304136]
 [ 1.75788371]
 [ 0.7663227 ]]
unit step:  1
delta:  [[ 1.00304136]
 [ 1.75788371]
 [ 0.7663227 ]]
delta b updated:  [array([[ 0.19633706],
       [ 2.80423274]]), array([[ 1.00304136],
       [ 1.75788371],
       [ 0.7663227 ]])]
delta w updated: [array([[ 0.10410779, -0.20342705,  0.07490679],
       [ 1.48694534, -2.90549719,  1.06987474]]), array([[ 0.32214834, -1.47271934],
       [ 0.56458221, -2.58101953],
       [ 0.24612104, -1.12515626]])]
input:  [[-0.52840239]
 [-0.11323031]
 [ 1.01129402]]
activations:  [array([[-0.52840239],
       [-0.11323031],
       [ 1.01129402]]), array([[ 0.19086044],
       [-0.39521408]]), array([[ 0.51960211],
       [ 0.39171595],
       [ 0.45014861]])]
cost derivative:  [[ 1.0480045 ]
 [ 0.50494626]
 [-0.56114541]]
unit step:  1
delta:  [[ 1.0480045 ]
 [ 0.50494626]
 [-0.56114541]]
delta b updated:  [array([[ 0.13755085],
       [ 0.2732698 ]]), array([[ 1.0480045 ],
       [ 0.50494626],
       [-0.56114541]])]
delta w updated: [array([[-0.0726822 , -0.01557493,  0.13910435],
       [-0.14439642, -0.03094242,  0.27635612]]), array([[ 0.2000226 , -0.41418613],
       [ 0.09637427, -0.19956187],
       [-0.10710046,  0.22177257]])]
input:  [[ 0.85221913]
 [-1.03110487]
 [ 0.39004821]]
activations:  [array([[ 0.85221913],
       [-1.03110487],
       [ 0.39004821]]), array([[ 0.40706567],
       [-1.64844574]]), array([[ 1.78741126],
       [ 0.73108524],
       [ 1.30310752]])]
cost derivative:  [[ 0.93519213]
 [ 1.76219011]
 [ 0.91305931]]
unit step:  1
delta:  [[ 0.93519213]
 [ 1.76219011]
 [ 0.91305931]]
delta b updated:  [array([[ 0.24656446],
       [ 3.19902732]]), array([[ 0.93519213],
       [ 1.76219011],
       [ 0.91305931]])]
delta w updated: [array([[ 0.21012695, -0.25423381,  0.09617202],
       [ 2.72627228, -3.29853265,  1.24777487]]), array([[ 0.38068461, -1.54161348],
       [ 0.71732709, -2.90487477],
       [ 0.3716751 , -1.50512873]])]
input:  [[ 0.86272391]
 [-0.54843756]
 [ 0.72821772]]
activations:  [array([[ 0.86272391],
       [-0.54843756],
       [ 0.72821772]]), array([[ 0.48822731],
       [-1.40487223]]), array([[ 1.70487561],
       [ 0.57913325],
       [ 1.21087872]])]
cost derivative:  [[ 0.8421517 ]
 [ 1.1275708 ]
 [ 0.48266099]]
unit step:  1
delta:  [[ 0.8421517 ]
 [ 1.1275708 ]
 [ 0.48266099]]
delta b updated:  [array([[ 0.3184402 ],
       [ 1.92720513]]), array([[ 0.8421517 ],
       [ 1.1275708 ],
       [ 0.48266099]])]
delta w updated: [array([[ 0.27472597, -0.17464456,  0.2318938 ],
       [ 1.66264594, -1.05695167,  1.40342493]]), array([[ 0.41116146, -1.18311554],
       [ 0.55051086, -1.58409291],
       [ 0.23564828, -0.67807703]])]
input:  [[ 0.8773334 ]
 [-0.93457826]
 [ 0.45803619]]
activations:  [array([[ 0.8773334 ],
       [-0.93457826],
       [ 0.45803619]]), array([[ 0.42892242],
       [-1.61682878]]), array([[ 1.78983523],
       [ 0.70035507],
       [ 1.29640013]])]
cost derivative:  [[ 0.91250183]
 [ 1.63493333]
 [ 0.83836394]]
unit step:  1
delta:  [[ 0.91250183]
 [ 1.63493333]
 [ 0.83836394]]
delta b updated:  [array([[ 0.2640669 ],
       [ 2.95325851]]), array([[ 0.91250183],
       [ 1.63493333],
       [ 0.83836394]])]
delta w updated: [array([[ 0.23167471, -0.24679118,  0.1209522 ],
       [ 2.59099234, -2.7600512 ,  1.35269927]]), array([[ 0.3913925 , -1.47535922],
       [ 0.70125957, -2.64340727],
       [ 0.35959309, -1.35549095]])]
input:  [[-0.00935906]
 [-0.57188877]
 [ 0.69819556]]
activations:  [array([[-0.00935906],
       [-0.57188877],
       [ 0.69819556]]), array([[ 0.25307437],
       [-0.93080925]]), array([[ 1.01844406],
       [ 0.55330767],
       [ 0.79460747]])]
cost derivative:  [[ 1.02780312]
 [ 1.12519644]
 [ 0.0964119 ]]
unit step:  1
delta:  [[ 1.02780312]
 [ 1.12519644]
 [ 0.0964119 ]]
delta b updated:  [array([[ 0.16906016],
       [ 1.20158423]]), array([[ 1.02780312],
       [ 1.12519644],
       [ 0.0964119 ]])]
delta w updated: [array([[-0.00158224, -0.09668361,  0.11803705],
       [-0.0112457 , -0.68717253,  0.83894078]]), array([[ 0.26011063, -0.95668865],
       [ 0.28475838, -1.04734325],
       [ 0.02439938, -0.08974109]])]
input:  [[ 0.87164646]
 [-0.96772944]
 [ 0.43473216]]
activations:  [array([[ 0.87164646],
       [-0.96772944],
       [ 0.43473216]]), array([[ 0.42165997],
       [-1.63454928]]), array([[ 1.79186333],
       [ 0.7090914 ],
       [ 1.30104573]])]
cost derivative:  [[ 0.92021687]
 [ 1.67682084]
 [ 0.86631356]]
unit step:  1
delta:  [[ 0.92021687]
 [ 1.67682084]
 [ 0.86631356]]
delta b updated:  [array([[ 0.25868684],
       [ 3.04296187]]), array([[ 0.92021687],
       [ 1.67682084],
       [ 0.86631356]])]
delta w updated: [array([[ 0.22548347, -0.25033887,  0.11245949],
       [ 2.65238694, -2.94476377,  1.3228734 ]]), array([[ 0.38801862, -1.50413983],
       [ 0.70704822, -2.7408463 ],
       [ 0.36528975, -1.41603222]])]
input:  [[-0.46006334]
 [-0.16426831]
 [ 0.97661847]]
activations:  [array([[-0.46006334],
       [-0.16426831],
       [ 0.97661847]]), array([[ 0.19999699],
       [-0.46560467]]), array([[ 0.58368731],
       [ 0.40830132],
       [ 0.49450805]])]
cost derivative:  [[ 1.04375065]
 [ 0.57256964]
 [-0.48211042]]
unit step:  1
delta:  [[ 1.04375065]
 [ 0.57256964]
 [-0.48211042]]
delta b updated:  [array([[ 0.14313654],
       [ 0.35204659]]), array([[ 1.04375065],
       [ 0.57256964],
       [-0.48211042]])]
delta w updated: [array([[-0.06585187, -0.0235128 ,  0.13978978],
       [-0.16196373, -0.0578301 ,  0.3438152 ]]), array([[ 0.20874698, -0.48597518],
       [ 0.1145122 , -0.2665911 ],
       [-0.09642063,  0.22447286]])]
input:  [[ 0.6839231 ]
 [-1.10936775]
 [ 0.33261725]]
activations:  [array([[ 0.6839231 ],
       [-1.10936775],
       [ 0.33261725]]), array([[ 0.34859226],
       [-1.6061651 ]]), array([[ 1.67009432],
       [ 0.7455033 ],
       [ 1.23972239]])]
cost derivative:  [[ 0.98617122]
 [ 1.85487105]
 [ 0.90710513]]
unit step:  1
delta:  [[ 0.98617122]
 [ 1.85487105]
 [ 0.90710513]]
delta b updated:  [array([[ 0.21066865],
       [ 3.21600157]]), array([[ 0.98617122],
       [ 1.85487105],
       [ 0.90710513]])]
delta w updated: [array([[ 0.14408115, -0.233709  ,  0.07007203],
       [ 2.19949775, -3.56772841,  1.06969761]]), array([[ 0.34377165, -1.58395379],
       [ 0.64659368, -2.97922914],
       [ 0.31620983, -1.45696061]])]
input:  [[ 0.87704311]
 [-0.67298184]
 [ 0.64122427]]
activations:  [array([[ 0.87704311],
       [-0.67298184],
       [ 0.64122427]]), array([[ 0.4706423 ],
       [-1.48876695]]), array([[ 1.74098654],
       [ 0.61489645],
       [ 1.24505494]])]
cost derivative:  [[ 0.86394343]
 [ 1.28787829]
 [ 0.60383068]]
unit step:  1
delta:  [[ 0.86394343]
 [ 1.28787829]
 [ 0.60383068]]
delta b updated:  [array([[ 0.30283676],
       [ 2.25218624]]), array([[ 0.86394343],
       [ 1.28787829],
       [ 0.60383068]])]
delta w updated: [array([[ 0.2656009 , -0.20380364,  0.19418628],
       [ 1.97526441, -1.51568043,  1.44415647]]), array([[ 0.40660832, -1.28621043],
       [ 0.60613   , -1.91735063],
       [ 0.28418826, -0.89896316]])]
input:  [[ 0.84039431]
 [-0.40575427]
 [ 0.82778877]]
activations:  [array([[ 0.84039431],
       [-0.40575427],
       [ 0.82778877]]), array([[ 0.5042594],
       [-1.3295555]]), array([[ 1.66122465],
       [ 0.52948693],
       [ 1.1733714 ]])]
cost derivative:  [[ 0.82083034]
 [ 0.9352412 ]
 [ 0.34558263]]
unit step:  1
delta:  [[ 0.82083034]
 [ 0.9352412 ]
 [ 0.34558263]]
delta b updated:  [array([[ 0.33773858],
       [ 1.58838507]]), array([[ 0.82083034],
       [ 0.9352412 ],
       [ 0.34558263]])]
delta w updated: [array([[ 0.28383358, -0.13703887,  0.2795762 ],
       [ 1.33486978, -0.64449403,  1.31484733]]), array([[ 0.41391141, -1.09133949],
       [ 0.47160416, -1.24345508],
       [ 0.17426329, -0.45947129]])]
input:  [[-0.87575982]
 [-0.11553038]
 [ 1.00426649]]
activations:  [array([[-0.87575982],
       [-0.11553038],
       [ 1.00426649]]), array([[ 0.0975436],
       [-0.2083506]]), array([[ 0.24458829],
       [ 0.37712812],
       [ 0.28412615]])]
cost derivative:  [[ 1.12034811]
 [ 0.4926585 ]
 [-0.72014034]]
unit step:  1
delta:  [[ 1.12034811]
 [ 0.4926585 ]
 [-0.72014034]]
delta b updated:  [array([[ 0.0710242 ],
       [ 0.13463651]]), array([[ 1.12034811],
       [ 0.4926585 ],
       [-0.72014034]])]
delta w updated: [array([[-0.06220014, -0.00820545,  0.07132722],
       [-0.11790924, -0.01555461,  0.13521093]]), array([[ 0.10928279, -0.2334252 ],
       [ 0.04805568, -0.10264569],
       [-0.07024508,  0.15004167]])]
input:  [[-0.84182799]
 [-0.0479054 ]
 [ 1.05215254]]
activations:  [array([[-0.84182799],
       [-0.0479054 ],
       [ 1.05215254]]), array([[ 0.11747501],
       [-0.19210875]]), array([[ 0.25825797],
       [ 0.35713459],
       [ 0.28711791]])]
cost derivative:  [[ 1.10008596]
 [ 0.40503999]
 [-0.76503464]]
unit step:  1
delta:  [[ 1.10008596]
 [ 0.40503999]
 [-0.76503464]]
delta b updated:  [array([[ 0.08617941],
       [ 0.10970274]]), array([[ 1.10008596],
       [ 0.40503999],
       [-0.76503464]])]
delta w updated: [array([[-0.07254824, -0.00412846,  0.09067389],
       [-0.09235083, -0.00525535,  0.11542401]]), array([[ 0.12923261, -0.21133614],
       [ 0.04758208, -0.07781173],
       [-0.08987245,  0.14696985]])]
input:  [[ 0.88312225]
 [-0.76350839]
 [ 0.57792449]]
activations:  [array([[ 0.88312225],
       [-0.76350839],
       [ 0.57792449]]), array([[ 0.45689043],
       [-1.54318276]]), array([[ 1.76198728],
       [ 0.64222167],
       [ 1.26755275]])]
cost derivative:  [[ 0.87886504]
 [ 1.40573006]
 [ 0.68962826]]
unit step:  1
delta:  [[ 0.87886504]
 [ 1.40573006]
 [ 0.68962826]]
delta b updated:  [array([[ 0.28966766],
       [ 2.49412039]]), array([[ 0.87886504],
       [ 1.40573006],
       [ 0.68962826]])]
delta w updated: [array([[ 0.25581196, -0.22116369,  0.16740604],
       [ 2.2026132 , -1.90428184,  1.44141325]]), array([[ 0.40154502, -1.35624937],
       [ 0.64226461, -2.1692984 ],
       [ 0.31508455, -1.06422244]])]
input:  [[-0.2918166 ]
 [-0.30711228]
 [ 0.87921038]]
activations:  [array([[-0.2918166 ],
       [-0.30711228],
       [ 0.87921038]]), array([[ 0.22044254],
       [-0.64052224]]), array([[ 0.74350537],
       [ 0.45728936],
       [ 0.60636144]])]
cost derivative:  [[ 1.03532198]
 [ 0.76440164]
 [-0.27284893]]
unit step:  1
delta:  [[ 1.03532198]
 [ 0.76440164]
 [-0.27284893]]
delta b updated:  [array([[ 0.15406561],
       [ 0.60174446]]), array([[ 1.03532198],
       [ 0.76440164],
       [-0.27284893]])]
delta w updated: [array([[-0.0449589 , -0.04731544,  0.13545609],
       [-0.17559902, -0.18480311,  0.52905997]]), array([[ 0.228229  , -0.66314676],
       [ 0.16850664, -0.48961625],
       [-0.06014751,  0.17476581]])]
input:  [[-0.61024572]
 [-0.06079305]
 [ 1.04673886]]
activations:  [array([[-0.61024572],
       [-0.06079305],
       [ 1.04673886]]), array([[ 0.17631727],
       [-0.33121392]]), array([[ 0.4438272 ],
       [ 0.36898206],
       [ 0.4025028 ]])]
cost derivative:  [[ 1.05407292]
 [ 0.42977511]
 [-0.64423606]]
unit step:  1
delta:  [[ 1.05407292]
 [ 0.42977511]
 [-0.64423606]]
delta b updated:  [array([[ 0.1283257 ],
       [ 0.20303953]]), array([[ 1.05407292],
       [ 0.42977511],
       [-0.64423606]])]
delta w updated: [array([[-0.07831021, -0.00780131,  0.1343235 ],
       [-0.123904  , -0.01234339,  0.21252937]]), array([[ 0.18585126, -0.34912362],
       [ 0.07577677, -0.1423475 ],
       [-0.11358994,  0.21337995]])]
input:  [[-0.58378371]
 [-0.07647514]
 [ 1.03616955]]
activations:  [array([[-0.58378371],
       [-0.07647514],
       [ 1.03616955]]), array([[ 0.18065173],
       [-0.35459867]]), array([[ 0.46737842],
       [ 0.37478378],
       [ 0.41877579]])]
cost derivative:  [[ 1.05116213]
 [ 0.45125892]
 [-0.61739376]]
unit step:  1
delta:  [[ 1.05116213]
 [ 0.45125892]
 [-0.61739376]]
delta b updated:  [array([[ 0.13104024],
       [ 0.22487124]]), array([[ 1.05116213],
       [ 0.45125892],
       [-0.61739376]])]
delta w updated: [array([[-0.07649916, -0.01002132,  0.13577991],
       [-0.13127616, -0.01719706,  0.23300473]]), array([[ 0.18989426, -0.37274069],
       [ 0.08152071, -0.16001581],
       [-0.11153325,  0.218927  ]])]
input:  [[ 0.83742212]
 [-1.05892622]
 [ 0.37033453]]
activations:  [array([[ 0.83742212],
       [-1.05892622],
       [ 0.37033453]]), array([[ 0.39622605],
       [-1.67533887]]), array([[ 1.78045185],
       [ 0.7313998 ],
       [ 1.30668322]])]
cost derivative:  [[ 0.94302973]
 [ 1.79032602]
 [ 0.93634869]]
unit step:  1
delta:  [[ 0.94302973]
 [ 1.79032602]
 [ 0.93634869]]
delta b updated:  [array([[ 0.23997807],
       [ 3.27018432]]), array([[ 0.94302973],
       [ 1.79032602],
       [ 0.93634869]])]
delta w updated: [array([[ 0.20096295, -0.25411907,  0.08887217],
       [ 2.73852468, -3.46288391,  1.21106216]]), array([[ 0.37365294, -1.57989437],
       [ 0.7093738 , -2.99940277],
       [ 0.37100574, -1.56870136]])]
input:  [[ 0.77815857]
 [-1.10857954]
 [ 0.33463877]]
activations:  [array([[ 0.77815857],
       [-1.10857954],
       [ 0.33463877]]), array([[ 0.37222726],
       [-1.67112967]]), array([[ 1.74382503],
       [ 0.74382849],
       [ 1.28852395]])]
cost derivative:  [[ 0.96566645]
 [ 1.85240803]
 [ 0.95388518]]
unit step:  1
delta:  [[ 0.96566645]
 [ 1.85240803]
 [ 0.95388518]]
delta b updated:  [array([[ 0.2246335 ],
       [ 3.34294246]]), array([[ 0.96566645],
       [ 1.85240803],
       [ 0.95388518]])]
delta w updated: [array([[ 0.17480048, -0.2490241 ,  0.07517108],
       [ 2.60133932, -3.70591761,  1.11867814]]), array([[ 0.35944738, -1.61375386],
       [ 0.68951676, -3.09561402],
       [ 0.35506206, -1.59406582]])]
input:  [[ 0.87519723]
 [-0.65344906]
 [ 0.65487403]]
activations:  [array([[ 0.87519723],
       [-0.65344906],
       [ 0.65487403]]), array([[ 0.47188798],
       [-1.48937055]]), array([[ 1.73505872],
       [ 0.60429487],
       [ 1.24349505]])]
cost derivative:  [[ 0.85986149]
 [ 1.25774394]
 [ 0.58862102]]
unit step:  1
delta:  [[ 0.85986149]
 [ 1.25774394]
 [ 0.58862102]]
delta b updated:  [array([[ 0.30524296],
       [ 2.2053003 ]]), array([[ 0.85986149],
       [ 1.25774394],
       [ 0.58862102]])]
delta w updated: [array([[ 0.2671478 , -0.19946073,  0.19989569],
       [ 1.93007271, -1.44105141,  1.4441939 ]]), array([[ 0.4057583 , -1.28065238],
       [ 0.59351425, -1.87324678],
       [ 0.27776319, -0.87667481]])]
input:  [[-0.79777761]
 [-0.01697286]
 [ 1.07450114]]
activations:  [array([[-0.79777761],
       [-0.01697286],
       [ 1.07450114]]), array([[ 0.13343905],
       [-0.20483648]]), array([[ 0.28628224],
       [ 0.34743608],
       [ 0.3034428 ]])]
cost derivative:  [[ 1.08405985]
 [ 0.36440894]
 [-0.77105834]]
unit step:  1
delta:  [[ 1.08405985]
 [ 0.36440894]
 [-0.77105834]]
delta b updated:  [array([[ 0.09811663],
       [ 0.10993327]]), array([[ 1.08405985],
       [ 0.36440894],
       [-0.77105834]])]
delta w updated: [array([[-0.07827525, -0.00166532,  0.10542643],
       [-0.0877023 , -0.00186588,  0.11812342]]), array([[ 0.14465591, -0.22205501],
       [ 0.04862638, -0.07464425],
       [-0.10288929,  0.15794088]])]
input:  [[-0.02084301]
 [-0.56093583]
 [ 0.70568668]]
activations:  [array([[-0.02084301],
       [-0.56093583],
       [ 0.70568668]]), array([[ 0.24991607],
       [-0.93341437]]), array([[ 1.00601148],
       [ 0.54376451],
       [ 0.79093693]])]
cost derivative:  [[ 1.02685449]
 [ 1.10470033]
 [ 0.08525025]]
unit step:  1
delta:  [[ 1.02685449]
 [ 1.10470033]
 [ 0.08525025]]
delta b updated:  [array([[ 0.16748828],
       [ 1.17859266]]), array([[ 1.02685449],
       [ 1.10470033],
       [ 0.08525025]])]
delta w updated: [array([[-0.00349096, -0.09395018,  0.11819425],
       [-0.02456541, -0.66111484,  0.83171714]]), array([[ 0.25662744, -0.95848074],
       [ 0.27608236, -1.03114317],
       [ 0.02130541, -0.07957381]])]
input:  [[ 0.65264831]
 [-1.09966686]
 [ 0.33892295]]
activations:  [array([[ 0.65264831],
       [-1.09966686],
       [ 0.33892295]]), array([[ 0.33990201],
       [-1.60107969]]), array([[ 1.64262119],
       [ 0.73430042],
       [ 1.22722459]])]
cost derivative:  [[ 0.98997288]
 [ 1.83396728]
 [ 0.88830164]]
unit step:  1
delta:  [[ 0.98997288]
 [ 1.83396728]
 [ 0.88830164]]
delta b updated:  [array([[ 0.20646533],
       [ 3.15237041]]), array([[ 0.98997288],
       [ 1.83396728],
       [ 0.88830164]])]
delta w updated: [array([[ 0.13474925, -0.22704308,  0.06997584],
       [ 2.05738921, -3.46655728,  1.06841067]]), array([[ 0.33649377, -1.58502547],
       [ 0.62336916, -2.93632776],
       [ 0.30193551, -1.42224171]])]
input:  [[ 0.2844863 ]
 [-0.84443541]
 [ 0.51191699]]
activations:  [array([[ 0.2844863 ],
       [-0.84443541],
       [ 0.51191699]]), array([[ 0.28409447],
       [-1.25961629]]), array([[ 1.30258213],
       [ 0.64127867],
       [ 0.99722911]])]
cost derivative:  [[ 1.01809583]
 [ 1.48571408]
 [ 0.48531212]]
unit step:  1
delta:  [[ 1.01809583]
 [ 1.48571408]
 [ 0.48531212]]
delta b updated:  [array([[ 0.18156587],
       [ 2.0482218 ]]), array([[ 1.01809583],
       [ 1.48571408],
       [ 0.48531212]])]
delta w updated: [array([[ 0.051653  , -0.15332065,  0.09294666],
       [ 0.58269104, -1.72959101,  1.04851955]]), array([[ 0.28923539, -1.28241009],
       [ 0.42208315, -1.87142966],
       [ 0.13787449, -0.61130705]])]
input:  [[ 0.88431089]
 [-0.8122521 ]
 [ 0.54380843]]
activations:  [array([[ 0.88431089],
       [-0.8122521 ],
       [ 0.54380843]]), array([[ 0.44767654],
       [-1.58533022]]), array([[ 1.77233847],
       [ 0.65084386],
       [ 1.28176257]])]
cost derivative:  [[ 0.88802758]
 [ 1.46309596]
 [ 0.73795414]]
unit step:  1
delta:  [[ 0.88802758]
 [ 1.46309596]
 [ 0.73795414]]
delta b updated:  [array([[ 0.28335084],
       [ 2.63143788]]), array([[ 0.88802758],
       [ 1.46309596],
       [ 0.73795414]])]
delta w updated: [array([[ 0.25057024, -0.23015232,  0.15408858],
       [ 2.32700916, -2.13739095,  1.4309981 ]]), array([[ 0.39754912, -1.40781697],
       [ 0.65499374, -2.31949024],
       [ 0.33036476, -1.169901  ]])]
input:  [[ 0.08239468]
 [-0.65908384]
 [ 0.63856482]]
activations:  [array([[ 0.08239468],
       [-0.65908384],
       [ 0.63856482]]), array([[ 0.26064754],
       [-1.04969075]]), array([[ 1.10717369],
       [ 0.57550084],
       [ 0.86199501]])]
cost derivative:  [[ 1.024779  ]
 [ 1.23458468]
 [ 0.22343019]]
unit step:  1
delta:  [[ 1.024779  ]
 [ 1.23458468]
 [ 0.22343019]]
delta b updated:  [array([[ 0.17224143],
       [ 1.4527104 ]]), array([[ 1.024779  ],
       [ 1.23458468],
       [ 0.22343019]])]
delta w updated: [array([[ 0.01419178, -0.11352154,  0.10998732],
       [ 0.11969561, -0.95745795,  0.92764975]]), array([[ 0.26710613, -1.07570105],
       [ 0.32179146, -1.29593213],
       [ 0.05823653, -0.23453261]])]
input:  [[ 0.09382361]
 [-0.66987231]
 [ 0.63118801]]
activations:  [array([[ 0.09382361],
       [-0.66987231],
       [ 0.63118801]]), array([[ 0.26179833],
       [-1.06281108]]), array([[ 1.11810549],
       [ 0.57875076],
       [ 0.87001937]])]
cost derivative:  [[ 1.02428187]
 [ 1.24862307]
 [ 0.23883136]]
unit step:  1
delta:  [[ 1.02428187]
 [ 1.24862307]
 [ 0.23883136]]
delta b updated:  [array([[ 0.17268882],
       [ 1.48443612]]), array([[ 1.02428187],
       [ 1.24862307],
       [ 0.23883136]])]
delta w updated: [array([[ 0.01620229, -0.11567946,  0.10899911],
       [ 0.13927516, -0.99438266,  0.93695829]]), array([[ 0.26815529, -1.08861812],
       [ 0.32688744, -1.32705043],
       [ 0.06252565, -0.25383261]])]
input:  [[-0.16929504]
 [-0.42001607]
 [ 0.80205595]]
activations:  [array([[-0.16929504],
       [-0.42001607],
       [ 0.80205595]]), array([[ 0.23300077],
       [-0.78145719]]), array([[ 0.86163256],
       [ 0.49194357],
       [ 0.69183878]])]
cost derivative:  [[ 1.0309276 ]
 [ 0.91195964]
 [-0.11021717]]
unit step:  1
delta:  [[ 1.0309276 ]
 [ 0.91195964]
 [-0.11021717]]
delta b updated:  [array([[ 0.16027038],
       [ 0.84028436]]), array([[ 1.0309276 ],
       [ 0.91195964],
       [-0.11021717]])]
delta w updated: [array([[-0.02713298, -0.06731614,  0.12854582],
       [-0.14225598, -0.35293294,  0.67395507]]), array([[ 0.24020693, -0.80562579],
       [ 0.2124873 , -0.71265742],
       [-0.02568069,  0.08613   ]])]
input:  [[-0.74891835]
 [-0.01094122]
 [ 1.07948694]]
activations:  [array([[-0.74891835],
       [-0.01094122],
       [ 1.07948694]]), array([[ 0.14661733],
       [-0.23504286]]), array([[ 0.32384803],
       [ 0.34561091],
       [ 0.32778026]])]
cost derivative:  [[ 1.07276638]
 [ 0.35655213]
 [-0.75170669]]
unit step:  1
delta:  [[ 1.07276638]
 [ 0.35655213]
 [-0.75170669]]
delta b updated:  [array([[ 0.10795666],
       [ 0.12516712]]), array([[ 1.07276638],
       [ 0.35655213],
       [-0.75170669]])]
delta w updated: [array([[-0.08085072, -0.00118118,  0.1165378 ],
       [-0.09373995, -0.00136948,  0.13511627]]), array([[ 0.15728614, -0.25214607],
       [ 0.05227672, -0.08380503],
       [-0.11021322,  0.17668329]])]
input:  [[-0.80786871]
 [-0.86671599]
 [ 0.47927961]]
activations:  [array([[-0.80786871],
       [-0.86671599],
       [ 0.47927961]]), array([[-0.00873464],
       [-0.65467909]]), array([[ 0.43954258],
       [ 0.60923749],
       [ 0.47376487]])]
cost derivative:  [[ 1.24741129]
 [ 1.47595347]
 [-0.00551474]]
unit step:  1
delta:  [[ 1.24741129]
 [ 1.47595347]
 [-0.00551474]]
delta b updated:  [array([[-0.00571471],
       [ 0.99055356]]), array([[ 1.24741129],
       [ 1.47595347],
       [-0.00551474]])]
delta w updated: [array([[ 0.00461673,  0.00495303, -0.00273894],
       [-0.80023723, -0.85852861,  0.47475213]]), array([[ -1.08956882e-02,  -8.16654082e-01],
       [ -1.28919218e-02,  -9.66275869e-01],
       [  4.81692285e-05,   3.61038204e-03]])]
input:  [[ 0.45257334]
 [-0.98203513]
 [ 0.41817889]]
activations:  [array([[ 0.45257334],
       [-0.98203513],
       [ 0.41817889]]), array([[ 0.30533706],
       [-1.43457131]]), array([[ 1.46053404],
       [ 0.68578773],
       [ 1.10879371]])]
cost derivative:  [[ 1.0079607 ]
 [ 1.66782286]
 [ 0.69061482]]
unit step:  1
delta:  [[ 1.0079607 ]
 [ 1.66782286]
 [ 0.69061482]]
delta b updated:  [array([[ 0.19032402],
       [ 2.57771539]]), array([[ 1.0079607 ],
       [ 1.66782286],
       [ 0.69061482]])]
delta w updated: [array([[ 0.08613558, -0.18690488,  0.07958949],
       [ 1.16660526, -2.53140707,  1.07794616]]), array([[ 0.30776775, -1.4459915 ],
       [ 0.50924812, -2.39261083],
       [ 0.2108703 , -0.99073621]])]
input:  [[ 0.88137046]
 [-0.8976838 ]
 [ 0.48393586]]
activations:  [array([[ 0.88137046],
       [-0.8976838 ],
       [ 0.48393586]]), array([[ 0.43219545],
       [-1.63626875]]), array([[ 1.78459032],
       [ 0.67259212],
       [ 1.29979635]])]
cost derivative:  [[ 0.90321986]
 [ 1.57027592]
 [ 0.81586049]]
unit step:  1
delta:  [[ 0.90321986]
 [ 1.57027592]
 [ 0.81586049]]
delta b updated:  [array([[ 0.27025335],
       [ 2.86191591]]), array([[ 0.90321986],
       [ 1.57027592],
       [ 0.81586049]])]
delta w updated: [array([[ 0.23819332, -0.24260206,  0.13078529],
       [ 2.52240814, -2.56909556,  1.38498373]]), array([[ 0.39036751, -1.47791043],
       [ 0.67866611, -2.56939342],
       [ 0.35261119, -1.33496703]])]
input:  [[ 0.34920177]
 [-0.89994823]
 [ 0.47405128]]
activations:  [array([[ 0.34920177],
       [-0.89994823],
       [ 0.47405128]]), array([[ 0.29108132],
       [-1.3363753 ]]), array([[ 1.36371607],
       [ 0.65534262],
       [ 1.04252481]])]
cost derivative:  [[ 1.01451429]
 [ 1.55529084]
 [ 0.56847353]]
unit step:  1
delta:  [[ 1.01451429]
 [ 1.55529084]
 [ 0.56847353]]
delta b updated:  [array([[ 0.18465357],
       [ 2.253131  ]]), array([[ 1.01451429],
       [ 1.55529084],
       [ 0.56847353]])]
delta w updated: [array([[ 0.06448136, -0.16617866,  0.08753526],
       [ 0.78679734, -2.02770126,  1.06809963]]), array([[ 0.29530616, -1.35577184],
       [ 0.45271612, -2.07845227],
       [ 0.16547203, -0.75969398]])]
input:  [[-0.69183527]
 [-0.02307173]
 [ 1.07188228]]
activations:  [array([[-0.69183527],
       [-0.02307173],
       [ 1.07188228]]), array([[ 0.1593828 ],
       [-0.27764835]]), array([[ 0.37149544],
       [ 0.34980667],
       [ 0.35907386]])]
cost derivative:  [[ 1.0633307 ]
 [ 0.3728784 ]
 [-0.71280842]]
unit step:  1
delta:  [[ 1.0633307 ]
 [ 0.3728784 ]
 [-0.71280842]]
delta b updated:  [array([[ 0.11723503],
       [ 0.15308577]]), array([[ 1.0633307 ],
       [ 0.3728784 ],
       [-0.71280842]])]
delta w updated: [array([[-0.08110733, -0.00270481,  0.12566216],
       [-0.10591013, -0.00353195,  0.16408992]]), array([[ 0.16947662, -0.29523201],
       [ 0.0594304 , -0.10352907],
       [-0.1136094 ,  0.19791008]])]
input:  [[ 0.10523791]
 [-0.6806234 ]
 [ 0.62383717]]
activations:  [array([[ 0.10523791],
       [-0.6806234 ],
       [ 0.62383717]]), array([[ 0.262313  ],
       [-1.08224082]]), array([[ 1.1281346 ],
       [ 0.57875581],
       [ 0.88009416]])]
cost derivative:  [[ 1.02289669]
 [ 1.25937921]
 [ 0.25625699]]
unit step:  1
delta:  [[ 1.02289669]
 [ 1.25937921]
 [ 0.25625699]]
delta b updated:  [array([[ 0.17294733],
       [ 1.51786051]]), array([[ 1.02289669],
       [ 1.25937921],
       [ 0.25625699]])]
delta w updated: [array([[ 0.01820062, -0.117712  ,  0.10789097],
       [ 0.15973647, -1.03309137,  0.9468978 ]]), array([[ 0.26831909, -1.10702055],
       [ 0.33035153, -1.36295158],
       [ 0.06721954, -0.27733177]])]
input:  [[ 0.66850921]
 [-1.10502797]
 [ 0.33541597]]
activations:  [array([[ 0.66850921],
       [-1.10502797],
       [ 0.33541597]]), array([[ 0.34158378],
       [-1.63036852]]), array([[ 1.65511886],
       [ 0.72735317],
       [ 1.24014289]])]
cost derivative:  [[ 0.98660965]
 [ 1.83238114]
 [ 0.90472692]]
unit step:  1
delta:  [[ 0.98660965]
 [ 1.83238114]
 [ 0.90472692]]
delta b updated:  [array([[ 0.2082181],
       [ 3.189452 ]]), array([[ 0.98660965],
       [ 1.83238114],
       [ 0.90472692]])]
delta w updated: [array([[ 0.13919572, -0.23008683,  0.06983968],
       [ 2.13217805, -3.52443366,  1.06979315]]), array([[ 0.33700986, -1.60853732],
       [ 0.62591168, -2.98745653],
       [ 0.30904004, -1.47503828]])]
input:  [[-0.49957509]
 [-0.13409692]
 [ 0.99713094]]
activations:  [array([[-0.49957509],
       [-0.13409692],
       [ 0.99713094]]), array([[ 0.1917282 ],
       [-0.44861166]]), array([[ 0.54484952],
       [ 0.38942778],
       [ 0.47564231]])]
cost derivative:  [[ 1.04442461]
 [ 0.5235247 ]
 [-0.52148863]]
unit step:  1
delta:  [[ 1.04442461]
 [ 0.5235247 ]
 [-0.52148863]]
delta b updated:  [array([[ 0.13846877],
       [ 0.31420241]]), array([[ 1.04442461],
       [ 0.5235247 ],
       [-0.52148863]])]
delta w updated: [array([[-0.06917555, -0.01856824,  0.1380715 ],
       [-0.1569677 , -0.04213358,  0.31330095]]), array([[ 0.20024565, -0.46854106],
       [ 0.10037445, -0.23485929],
       [-0.09998408,  0.23394588]])]
input:  [[ 0.26254751]
 [-0.82507121]
 [ 0.52513537]]
activations:  [array([[ 0.26254751],
       [-0.82507121],
       [ 0.52513537]]), array([[ 0.27991385],
       [-1.25233592]]), array([[ 1.28019235],
       [ 0.62681782],
       [ 0.98680028]])]
cost derivative:  [[ 1.01764484]
 [ 1.45188903]
 [ 0.46166491]]
unit step:  1
delta:  [[ 1.01764484]
 [ 1.45188903]
 [ 0.46166491]]
delta b updated:  [array([[ 0.1801616 ],
       [ 1.98332628]]), array([[ 1.01764484],
       [ 1.45188903],
       [ 0.46166491]])]
delta w updated: [array([[ 0.04730098, -0.14864615,  0.09460923],
       [ 0.52071738, -1.63638542,  1.04151478]]), array([[ 0.28485289, -1.27443318],
       [ 0.40640385, -1.81825278],
       [ 0.1292264 , -0.57815955]])]
input:  [[-0.12388573]
 [-0.46285611]
 [ 0.77276375]]
activations:  [array([[-0.12388573],
       [-0.46285611],
       [ 0.77276375]]), array([[ 0.2369783 ],
       [-0.83977899]]), array([[ 0.90491152],
       [ 0.50223023],
       [ 0.72561163]])]
cost derivative:  [[ 1.02879725]
 [ 0.96508634]
 [-0.04715212]]
unit step:  1
delta:  [[ 1.02879725]
 [ 0.96508634]
 [-0.04715212]]
delta b updated:  [array([[ 0.16227075],
       [ 0.94137809]]), array([[ 1.02879725],
       [ 0.96508634],
       [-0.04715212]])]
delta w updated: [array([[-0.02010303, -0.07510801,  0.12539695],
       [-0.11662332, -0.4357226 ,  0.72746286]]), array([[ 0.24380263, -0.86396232],
       [ 0.22870453, -0.81045924],
       [-0.01117403,  0.03959736]])]
input:  [[ 0.61963995]
 [-1.08600301]
 [ 0.34797682]]
activations:  [array([[ 0.61963995],
       [-1.08600301],
       [ 0.34797682]]), array([[ 0.33131968],
       [-1.597391  ]]), array([[ 1.6123008 ],
       [ 0.71726521],
       [ 1.21390098]])]
cost derivative:  [[ 0.99266085]
 [ 1.80326822]
 [ 0.86592415]]
unit step:  1
delta:  [[ 0.99266085]
 [ 1.80326822]
 [ 0.86592415]]
delta b updated:  [array([[ 0.2030674 ],
       [ 3.07109169]]), array([[ 0.99266085],
       [ 1.80326822],
       [ 0.86592415]])]
delta w updated: [array([[ 0.12582867, -0.22053181,  0.07066275],
       [ 1.9029711 , -3.33521483,  1.06866872]]), array([[ 0.32888808, -1.58566751],
       [ 0.59745825, -2.88052443],
       [ 0.28689771, -1.38321945]])]
input:  [[ 0.74083576]
 [-1.11590179]
 [ 0.32892906]]
activations:  [array([[ 0.74083576],
       [-1.11590179],
       [ 0.32892906]]), array([[ 0.35823654],
       [-1.68547834]]), array([[ 1.71467039],
       [ 0.72910621],
       [ 1.2792015 ]])]
cost derivative:  [[ 0.97383463]
 [ 1.845008  ]
 [ 0.95027243]]
unit step:  1
delta:  [[ 0.97383463]
 [ 1.845008  ]
 [ 0.95027243]]
delta b updated:  [array([[ 0.21834287],
       [ 3.31844176]]), array([[ 0.97383463],
       [ 1.845008  ],
       [ 0.95027243]])]
delta w updated: [array([[ 0.16175621, -0.2436492 ,  0.07181932],
       [ 2.45842032, -3.7030551 ,  1.09153194]]), array([[ 0.34886315, -1.64137718],
       [ 0.66094929, -3.10972102],
       [ 0.34042231, -1.6016636 ]])]
input:  [[ 0.61112977]
 [-1.08199651]
 [ 0.35064981]]
activations:  [array([[ 0.61112977],
       [-1.08199651],
       [ 0.35064981]]), array([[ 0.32934487],
       [-1.59619974]]), array([[ 1.60629977],
       [ 0.71363724],
       [ 1.20976785]])]
cost derivative:  [[ 0.99517001]
 [ 1.79563375]
 [ 0.85911804]]
unit step:  1
delta:  [[ 0.99517001]
 [ 1.79563375]
 [ 0.85911804]]
delta b updated:  [array([[ 0.20295071],
       [ 3.0523884 ]]), array([[ 0.99517001],
       [ 1.79563375],
       [ 0.85911804]])]
delta w updated: [array([[ 0.12402922, -0.21959196,  0.07116463],
       [ 1.86540541, -3.30267361,  1.07031941]]), array([[ 0.32775413, -1.5884901 ],
       [ 0.59138276, -2.86619013],
       [ 0.28294612, -1.37132399]])]
input:  [[-0.37776181]
 [-0.23174803]
 [ 0.93064673]]
activations:  [array([[-0.37776181],
       [-0.23174803],
       [ 0.93064673]]), array([[ 0.20735353],
       [-0.57626396]]), array([[ 0.66033144],
       [ 0.42084157],
       [ 0.55594509]])]
cost derivative:  [[ 1.03809325]
 [ 0.6525896 ]
 [-0.37470164]]
unit step:  1
delta:  [[ 1.03809325]
 [ 0.6525896 ]
 [-0.37470164]]
delta b updated:  [array([[ 0.14781664],
       [ 0.47393976]]), array([[ 1.03809325],
       [ 0.6525896 ],
       [-0.37470164]])]
delta w updated: [array([[-0.05583948, -0.03425622,  0.13756507],
       [-0.17903634, -0.10983461,  0.44107049]]), array([[ 0.2152523 , -0.59821572],
       [ 0.13531676, -0.37606386],
       [-0.07769571,  0.21592705]])]
input:  [[ 0.29539115]
 [-0.85396583]
 [ 0.50541302]]
activations:  [array([[ 0.29539115],
       [-0.85396583],
       [ 0.50541302]]), array([[ 0.28308939],
       [-1.29588908]]), array([[ 1.31247786],
       [ 0.63258384],
       [ 1.01050383]])]
cost derivative:  [[ 1.01708671]
 [ 1.48654967]
 [ 0.50509081]]
unit step:  1
delta:  [[ 1.01708671]
 [ 1.48654967]
 [ 0.50509081]]
delta b updated:  [array([[ 0.18211121],
       [ 2.08849356]]), array([[ 1.01708671],
       [ 1.48654967],
       [ 0.50509081]])]
delta w updated: [array([[ 0.05379404, -0.15551675,  0.09204138],
       [ 0.61692251, -1.78350213,  1.05555183]]), array([[ 0.28792645, -1.31803156],
       [ 0.42082643, -1.92640348],
       [ 0.14298585, -0.65454167]])]
input:  [[-0.14663269]
 [-0.44135029]
 [ 0.78746928]]
activations:  [array([[-0.14663269],
       [-0.44135029],
       [ 0.78746928]]), array([[ 0.23384627],
       [-0.82260821]]), array([[ 0.88329735],
       [ 0.49168363],
       [ 0.71164699]])]
cost derivative:  [[ 1.02993004]
 [ 0.93303392]
 [-0.07582229]]
unit step:  1
delta:  [[ 1.02993004]
 [ 0.93303392]
 [-0.07582229]]
delta b updated:  [array([[ 0.16124423],
       [ 0.8945497 ]]), array([[ 1.02993004],
       [ 0.93303392],
       [-0.07582229]])]
delta w updated: [array([[-0.02364367, -0.07116519,  0.12697488],
       [-0.13117023, -0.39480977,  0.70443041]]), array([[ 0.2408453 , -0.8472289 ],
       [ 0.2181865 , -0.76752136],
       [-0.01773076,  0.06237204]])]
input:  [[-0.85738571]
 [-0.07055587]
 [ 1.03604809]]
activations:  [array([[-0.85738571],
       [-0.07055587],
       [ 1.03604809]]), array([[ 0.10688531],
       [-0.21656415]]), array([[ 0.24914074],
       [ 0.35650868],
       [ 0.29101163]])]
cost derivative:  [[ 1.10652645]
 [ 0.42706456]
 [-0.74503646]]
unit step:  1
delta:  [[ 1.10652645]
 [ 0.42706456]
 [-0.74503646]]
delta b updated:  [array([[ 0.07858186],
       [ 0.12570853]]), array([[ 1.10652645],
       [ 0.42706456],
       [-0.74503646]])]
delta w updated: [array([[-0.06737496, -0.00554441,  0.08141459],
       [-0.10778069, -0.00886947,  0.13024008]]), array([[ 0.11827142, -0.23963396],
       [ 0.04564693, -0.09248687],
       [-0.07963345,  0.16134819]])]
input:  [[-0.79214976]
 [-0.01515875]
 [ 1.0758593 ]]
activations:  [array([[-0.79214976],
       [-0.01515875],
       [ 1.0758593 ]]), array([[ 0.13308496],
       [-0.22447774]]), array([[ 0.28980468],
       [ 0.34126451],
       [ 0.3115811 ]])]
cost derivative:  [[ 1.08195444]
 [ 0.35642326]
 [-0.76427819]]
unit step:  1
delta:  [[ 1.08195444]
 [ 0.35642326]
 [-0.76427819]]
delta b updated:  [array([[ 0.09837594],
       [ 0.11779239]]), array([[ 1.08195444],
       [ 0.35642326],
       [-0.76427819]])]
delta w updated: [array([[-0.07792848, -0.00149126,  0.10583867],
       [-0.09330922, -0.00178559,  0.12672804]]), array([[ 0.14399186, -0.24287469],
       [ 0.04743457, -0.08000909],
       [-0.10171393,  0.17156344]])]
input:  [[-0.66048242]
 [-0.03533603]
 [ 1.06378268]]
activations:  [array([[-0.66048242],
       [-0.03533603],
       [ 1.06378268]]), array([[ 0.16443764],
       [-0.31097608]]), array([[ 0.3975041 ],
       [ 0.35126242],
       [ 0.3798929 ]])]
cost derivative:  [[ 1.05798652]
 [ 0.38659845]
 [-0.68388978]]
unit step:  1
delta:  [[ 1.05798652]
 [ 0.38659845]
 [-0.68388978]]
delta b updated:  [array([[ 0.12084567],
       [ 0.17506132]]), array([[ 1.05798652],
       [ 0.38659845],
       [-0.68388978]])]
delta w updated: [array([[-0.07981644, -0.00427021,  0.12855353],
       [-0.11562493, -0.00618597,  0.1862272 ]]), array([[ 0.17397281, -0.3290085 ],
       [ 0.06357134, -0.12022287],
       [-0.11245722,  0.21267336]])]
input:  [[ 0.88312251]
 [-0.87095692]
 [ 0.50267967]]
activations:  [array([[ 0.88312251],
       [-0.87095692],
       [ 0.50267967]]), array([[ 0.43506185],
       [-1.64451351]]), array([[ 1.77912069],
       [ 0.6532283 ],
       [ 1.30080383]])]
cost derivative:  [[ 0.89599818]
 [ 1.52418522]
 [ 0.79812416]]
unit step:  1
delta:  [[ 0.89599818]
 [ 1.52418522]
 [ 0.79812416]]
delta b updated:  [array([[ 0.27492477],
       [ 2.79015283]]), array([[ 0.89599818],
       [ 1.52418522],
       [ 0.79812416]])]
delta w updated: [array([[ 0.24279225, -0.23944763,  0.13819909],
       [ 2.46404677, -2.43010291,  1.40255311]]), array([[ 0.38981463, -1.47348112],
       [ 0.66311484, -2.50654319],
       [ 0.34723338, -1.31252597]])]
input:  [[-0.23663819]
 [-0.35734895]
 [ 0.84489076]]
activations:  [array([[-0.23663819],
       [-0.35734895],
       [ 0.84489076]]), array([[ 0.22339522],
       [-0.7282184 ]]), array([[ 0.79448368],
       [ 0.46213602],
       [ 0.65207277]])]
cost derivative:  [[ 1.03112187]
 [ 0.81948497]
 [-0.19281798]]
unit step:  1
delta:  [[ 1.03112187]
 [ 0.81948497]
 [-0.19281798]]
delta b updated:  [array([[ 0.15588944],
       [ 0.71245894]]), array([[ 1.03112187],
       [ 0.81948497],
       [-0.19281798]])]
delta w updated: [array([[-0.0368894 , -0.05570693,  0.13170955],
       [-0.16859499, -0.25459646,  0.60194997]]), array([[ 0.2303477 , -0.75088192],
       [ 0.18306903, -0.59676403],
       [-0.04307462,  0.1404136 ]])]
input:  [[ 0.8841156 ]
 [-0.79645963]
 [ 0.55486465]]
activations:  [array([[ 0.8841156 ],
       [-0.79645963],
       [ 0.55486465]]), array([[ 0.44717234],
       [-1.60813408]]), array([[ 1.76552793],
       [ 0.62903026],
       [ 1.28657977]])]
cost derivative:  [[ 0.88141233]
 [ 1.42548989]
 [ 0.73171512]]
unit step:  1
delta:  [[ 0.88141233]
 [ 1.42548989]
 [ 0.73171512]]
delta b updated:  [array([[ 0.28595072],
       [ 2.5878765 ]]), array([[ 0.88141233],
       [ 1.42548989],
       [ 0.73171512]])]
delta w updated: [array([[ 0.25281349, -0.2277482 ,  0.15866394],
       [ 2.28798199, -2.06113915,  1.43592119]]), array([[ 0.39414322, -1.41742921],
       [ 0.63743965, -2.29237888],
       [ 0.32720276, -1.17669602]])]
input:  [[ 0.77743051]
 [-0.09431641]
 [ 1.04490281]]
activations:  [array([[ 0.77743051],
       [-0.09431641],
       [ 1.04490281]]), array([[ 0.53363382],
       [-1.17268592]]), array([[ 1.54715085],
       [ 0.40927055],
       [ 1.09088899]])]
cost derivative:  [[ 0.76972033]
 [ 0.50358696]
 [ 0.04598617]]
unit step:  1
delta:  [[ 0.76972033]
 [ 0.50358696]
 [ 0.04598617]]
delta b updated:  [array([[ 0.37862593],
       [ 0.93529358]]), array([[ 0.76972033],
       [ 0.50358696],
       [ 0.04598617]])]
delta w updated: [array([[ 0.29435535, -0.03571064,  0.3956273 ],
       [ 0.72712576, -0.08821353,  0.97729089]]), array([[ 0.4107488 , -0.9026402 ],
       [ 0.26873104, -0.59054934],
       [ 0.02453978, -0.05392734]])]
input:  [[-0.8608687 ]
 [-0.07711913]
 [ 1.03139762]]
activations:  [array([[-0.8608687 ],
       [-0.07711913],
       [ 1.03139762]]), array([[ 0.1041733 ],
       [-0.22092255]]), array([[ 0.24612073],
       [ 0.35762301],
       [ 0.29196978]])]
cost derivative:  [[ 1.10698943]
 [ 0.43474213]
 [-0.73942784]]
unit step:  1
delta:  [[ 1.10698943]
 [ 0.43474213]
 [-0.73942784]]
delta b updated:  [array([[ 0.07636484],
       [ 0.12910444]]), array([[ 1.10698943],
       [ 0.43474213],
       [-0.73942784]])]
delta w updated: [array([[-0.0657401 , -0.00588919,  0.07876251],
       [-0.11114197, -0.00995642,  0.13315801]]), array([[ 0.11531874, -0.24455892],
       [ 0.04528852, -0.09604434],
       [-0.07702864,  0.16335628]])]
input:  [[-0.53784878]
 [-0.10663077]
 [ 1.01576828]]
activations:  [array([[-0.53784878],
       [-0.10663077],
       [ 1.01576828]]), array([[ 0.18444683],
       [-0.42285155]]), array([[ 0.50711967],
       [ 0.37577606],
       [ 0.45519396]])]
cost derivative:  [[ 1.04496845]
 [ 0.48240683]
 [-0.56057432]]
unit step:  1
delta:  [[ 1.04496845]
 [ 0.48240683]
 [-0.56057432]]
delta b updated:  [array([[ 0.13378913],
       [ 0.2772451 ]]), array([[ 1.04496845],
       [ 0.48240683],
       [-0.56057432]])]
delta w updated: [array([[-0.07195832, -0.01426604,  0.13589875],
       [-0.14911594, -0.02956286,  0.28161678]]), array([[ 0.19274112, -0.44186653],
       [ 0.08897841, -0.20398648],
       [-0.10339616,  0.23703972]])]
input:  [[ 0.84468781]
 [-0.43082952]
 [ 0.81029585]]
activations:  [array([[ 0.84468781],
       [-0.43082952],
       [ 0.81029585]]), array([[ 0.49591152],
       [-1.39276278]]), array([[ 1.66310601],
       [ 0.51436869],
       [ 1.19353558]])]
cost derivative:  [[ 0.81841821]
 [ 0.94519821]
 [ 0.38323973]]
unit step:  1
delta:  [[ 0.81841821]
 [ 0.94519821]
 [ 0.38323973]]
delta b updated:  [array([[ 0.33439349],
       [ 1.65202812]]), array([[ 0.81841821],
       [ 0.94519821],
       [ 0.38323973]])]
delta w updated: [array([[ 0.28245811, -0.14406659,  0.27095766],
       [ 1.39544801, -0.71174249,  1.33863154]]), array([[ 0.40586302, -1.13986242],
       [ 0.46873469, -1.31643689],
       [ 0.190053  , -0.53376203]])]
input:  [[ 0.05949974]
 [-0.63741001]
 [ 0.65338569]]
activations:  [array([[ 0.05949974],
       [-0.63741001],
       [ 0.65338569]]), array([[ 0.2548905 ],
       [-1.05239221]]), array([[ 1.08072563],
       [ 0.55537789],
       [ 0.85468623]])]
cost derivative:  [[ 1.02122589]
 [ 1.19278791]
 [ 0.20130054]]
unit step:  1
delta:  [[ 1.02122589]
 [ 1.19278791]
 [ 0.20130054]]
delta b updated:  [array([[ 0.16944086],
       [ 1.39645578]]), array([[ 1.02122589],
       [ 1.19278791],
       [ 0.20130054]])]
delta w updated: [array([[ 0.01008169, -0.1080033 ,  0.11071023],
       [ 0.08308875, -0.8901149 ,  0.91242422]]), array([[ 0.26030078, -1.07473017],
       [ 0.30403031, -1.2552807 ],
       [ 0.0513096 , -0.21184712]])]
input:  [[ 0.83586808]
 [-0.38015222]
 [ 0.84564697]]
activations:  [array([[ 0.83586808],
       [-0.38015222],
       [ 0.84564697]]), array([[ 0.50148055],
       [-1.36279866]]), array([[ 1.64593133],
       [ 0.49762993],
       [ 1.1793265 ]])]
cost derivative:  [[ 0.81006325]
 [ 0.87778215]
 [ 0.33367952]]
unit step:  1
delta:  [[ 0.81006325]
 [ 0.87778215]
 [ 0.33367952]]
delta b updated:  [array([[ 0.34057506],
       [ 1.53410448]]), array([[ 0.81006325],
       [ 0.87778215],
       [ 0.33367952]])]
delta w updated: [array([[ 0.28467582, -0.12947037,  0.28800627],
       [ 1.28230897, -0.58319323,  1.29731081]]), array([[ 0.40623096, -1.10395311],
       [ 0.44019067, -1.19624034],
       [ 0.16733379, -0.45473801]])]
input:  [[ 0.78390241]
 [-1.10627369]
 [ 0.3363431 ]]
activations:  [array([[ 0.78390241],
       [-1.10627369],
       [ 0.3363431 ]]), array([[ 0.36882718],
       [-1.72310617]]), array([[ 1.74275183],
       [ 0.71857577],
       [ 1.30317032]])]
cost derivative:  [[ 0.95884942]
 [ 1.82484945]
 [ 0.96682722]]
unit step:  1
delta:  [[ 0.95884942]
 [ 1.82484945]
 [ 0.96682722]]
delta b updated:  [array([[ 0.22431411],
       [ 3.34399588]]), array([[ 0.95884942],
       [ 1.82484945],
       [ 0.96682722]])]
delta w updated: [array([[ 0.17584037, -0.2481528 ,  0.0754465 ],
       [ 2.62136644, -3.69937466,  1.12472993]]), array([[ 0.35364973, -1.65219935],
       [ 0.67305408, -3.14440935],
       [ 0.35659216, -1.66594595]])]
input:  [[ 0.88021093]
 [-0.91040425]
 [ 0.47500981]]
activations:  [array([[ 0.88021093],
       [-0.91040425],
       [ 0.47500981]]), array([[ 0.42600137],
       [-1.67690787]]), array([[ 1.78254638],
       [ 0.66004613],
       [ 1.31017697]])]
cost derivative:  [[ 0.90233544]
 [ 1.57045038]
 [ 0.83516715]]
unit step:  1
delta:  [[ 0.90233544]
 [ 1.57045038]
 [ 0.83516715]]
delta b updated:  [array([[ 0.26740409],
       [ 2.89790568]]), array([[ 0.90233544],
       [ 1.57045038],
       [ 0.83516715]])]
delta w updated: [array([[ 0.235372  , -0.24344582,  0.12701957],
       [ 2.55076827, -2.63826564,  1.37653363]]), array([[ 0.38439613, -1.51313341],
       [ 0.669014  , -2.6335006 ],
       [ 0.35578235, -1.40049838]])]
input:  [[-0.45000473]
 [-0.17220518]
 [ 0.97121724]]
activations:  [array([[-0.45000473],
       [-0.17220518],
       [ 0.97121724]]), array([[ 0.19615814],
       [-0.51364267]]), array([[ 0.58892444],
       [ 0.39662356],
       [ 0.51227574]])]
cost derivative:  [[ 1.03892917]
 [ 0.56882874]
 [-0.4589415 ]]
unit step:  1
delta:  [[ 1.03892917]
 [ 0.56882874]
 [-0.4589415 ]]
delta b updated:  [array([[ 0.14087819],
       [ 0.37829736]]), array([[ 1.03892917],
       [ 0.56882874],
       [-0.4589415 ]])]
delta w updated: [array([[-0.06339585, -0.02425995,  0.13682333],
       [-0.1702356 , -0.06514477,  0.36740892]]), array([[ 0.20379442, -0.53363835],
       [ 0.11158039, -0.29217471],
       [-0.09002511,  0.23573194]])]
input:  [[-0.7804745 ]
 [-0.01245835]
 [ 1.07793242]]
activations:  [array([[-0.7804745 ],
       [-0.01245835],
       [ 1.07793242]]), array([[ 0.1351401 ],
       [-0.23697563]]), array([[ 0.29644768],
       [ 0.3386233 ],
       [ 0.31911411]])]
cost derivative:  [[ 1.07692218]
 [ 0.35108165]
 [-0.75881831]]
unit step:  1
delta:  [[ 1.07692218]
 [ 0.35108165]
 [-0.75881831]]
delta b updated:  [array([[ 0.0997009 ],
       [ 0.12250431]]), array([[ 1.07692218],
       [ 0.35108165],
       [-0.75881831]])]
delta w updated: [array([[-0.07781401, -0.00124211,  0.10747083],
       [-0.09561149, -0.0015262 ,  0.13205137]]), array([[ 0.14553537, -0.25520431],
       [ 0.04744521, -0.0831978 ],
       [-0.10254678,  0.17982145]])]
input:  [[ 0.87372259]
 [-0.95708859]
 [ 0.44221619]]
activations:  [array([[ 0.87372259],
       [-0.95708859],
       [ 0.44221619]]), array([[ 0.41632214],
       [-1.70115134]]), array([[ 1.78568622],
       [ 0.67281757],
       [ 1.3176125 ]])]
cost derivative:  [[ 0.91196363]
 [ 1.62990616]
 [ 0.87539632]]
unit step:  1
delta:  [[ 0.91196363]
 [ 1.62990616]
 [ 0.87539632]]
delta b updated:  [array([[ 0.25945314],
       [ 3.02313599]]), array([[ 0.91196363],
       [ 1.62990616],
       [ 0.87539632]])]
delta w updated: [array([[ 0.22669007, -0.24831964,  0.11473438],
       [ 2.64138221, -2.89340897,  1.33687967]]), array([[ 0.37967065, -1.55138816],
       [ 0.67856602, -2.77271706],
       [ 0.36444687, -1.48918162]])]
input:  [[-0.06673768]
 [-0.51717072]
 [ 0.73561912]]
activations:  [array([[-0.06673768],
       [-0.51717072],
       [ 0.73561912]]), array([[ 0.24037603],
       [-0.92273486]]), array([[ 0.95762407],
       [ 0.51183733],
       [ 0.77017566]])]
cost derivative:  [[ 1.02436175]
 [ 1.02900805]
 [ 0.03455654]]
unit step:  1
delta:  [[ 1.02436175]
 [ 1.02900805]
 [ 0.03455654]]
delta b updated:  [array([[ 0.16325726],
       [ 1.07838585]]), array([[ 1.02436175],
       [ 1.02900805],
       [ 0.03455654]])]
delta w updated: [array([[-0.01089541, -0.08443187,  0.12009516],
       [-0.07196897, -0.55770959,  0.79328125]]), array([[ 0.24623201, -0.94521429],
       [ 0.24734887, -0.9495016 ],
       [ 0.00830656, -0.03188652]])]
input:  [[ 0.84875027]
 [-0.45538179]
 [ 0.79316557]]
activations:  [array([[ 0.84875027],
       [-0.45538179],
       [ 0.79316557]]), array([[ 0.49145807],
       [-1.42041705]]), array([[ 1.67033958],
       [ 0.51710424],
       [ 1.20297288]])]
cost derivative:  [[ 0.82158931]
 [ 0.97248603]
 [ 0.40980731]]
unit step:  1
delta:  [[ 0.82158931]
 [ 0.97248603]
 [ 0.40980731]]
delta b updated:  [array([[ 0.3310915 ],
       [ 1.71265088]]), array([[ 0.82158931],
       [ 0.97248603],
       [ 0.40980731]])]
delta w updated: [array([[ 0.281014  , -0.15077304,  0.26261037],
       [ 1.4536129 , -0.77991002,  1.3584157 ]]), array([[ 0.40377669, -1.16699946],
       [ 0.4779361 , -1.38133574],
       [ 0.20140311, -0.58209729]])]
input:  [[-0.87538845]
 [-0.50225611]
 [ 0.73345324]]
activations:  [array([[-0.87538845],
       [-0.50225611],
       [ 0.73345324]]), array([[ 0.02965742],
       [-0.44759801]]), array([[ 0.31414482],
       [ 0.48503443],
       [ 0.37419833]])]
cost derivative:  [[ 1.18953327]
 [ 0.98729054]
 [-0.3592549 ]]
unit step:  1
delta:  [[ 1.18953327]
 [ 0.98729054]
 [-0.3592549 ]]
delta b updated:  [array([[ 0.0204727],
       [ 0.4722651]]), array([[ 1.18953327],
       [ 0.98729054],
       [-0.3592549 ]])]
delta w updated: [array([[-0.01792157, -0.01028254,  0.01501577],
       [-0.41341541, -0.23719803,  0.34638436]]), array([[ 0.03527849, -0.53243273],
       [ 0.02928049, -0.44190928],
       [-0.01065457,  0.16080178]])]
input:  [[-0.22549134]
 [-0.36763205]
 [ 0.83786346]]
activations:  [array([[-0.22549134],
       [-0.36763205],
       [ 0.83786346]]), array([[ 0.2227359 ],
       [-0.75226926]]), array([[ 0.80270403],
       [ 0.46093898],
       [ 0.66299369]])]
cost derivative:  [[ 1.02819537]
 [ 0.82857103]
 [-0.17486977]]
unit step:  1
delta:  [[ 1.02819537]
 [ 0.82857103]
 [-0.17486977]]
delta b updated:  [array([[ 0.15492338],
       [ 0.7368222 ]]), array([[ 1.02819537],
       [ 0.82857103],
       [-0.17486977]])]
delta w updated: [array([[-0.03493388, -0.0569548 ,  0.12980464],
       [-0.16614703, -0.27087946,  0.6173564 ]]), array([[ 0.22901602, -0.77347977],
       [ 0.18455251, -0.62330851],
       [-0.03894977,  0.13154915]])]
input:  [[ 0.17332101]
 [-0.74413054]
 [ 0.58042565]]
activations:  [array([[ 0.17332101],
       [-0.74413054],
       [ 0.58042565]]), array([[ 0.26605665],
       [-1.18627495]]), array([[ 1.1895524 ],
       [ 0.58622123],
       [ 0.93456578]])]
cost derivative:  [[ 1.0162314 ]
 [ 1.33035176]
 [ 0.35414013]]
unit step:  1
delta:  [[ 1.0162314 ]
 [ 1.33035176]
 [ 0.35414013]]
delta b updated:  [array([[ 0.1736968 ],
       [ 1.71874279]]), array([[ 1.0162314 ],
       [ 1.33035176],
       [ 0.35414013]])]
delta w updated: [array([[ 0.03010531, -0.1292531 ,  0.10081808],
       [ 0.29789423, -1.27896899,  0.9976024 ]]), array([[ 0.27037512, -1.20552985],
       [ 0.35394894, -1.57816297],
       [ 0.09422134, -0.42010757]])]
input:  [[-0.76193823]
 [-0.01066996]
 [ 1.07947387]]
activations:  [array([[-0.76193823],
       [-0.01066996],
       [ 1.07947387]]), array([[ 0.13970587],
       [-0.2507947 ]]), array([[ 0.3100861 ],
       [ 0.33733845],
       [ 0.32936528]])]
cost derivative:  [[ 1.07202433]
 [ 0.34800841]
 [-0.75010859]]
unit step:  1
delta:  [[ 1.07202433]
 [ 0.34800841]
 [-0.75010859]]
delta b updated:  [array([[ 0.10308561],
       [ 0.12899575]]), array([[ 1.07202433],
       [ 0.34800841],
       [-0.75010859]])]
delta w updated: [array([[-0.07854486, -0.00109992,  0.11127822],
       [-0.09828679, -0.00137638,  0.13924754]]), array([[ 0.14976809, -0.26885802],
       [ 0.04861882, -0.08727866],
       [-0.10479458,  0.18812326]])]
input:  [[ 0.84136483]
 [-1.05252402]
 [ 0.37487938]]
activations:  [array([[ 0.84136483],
       [-1.05252402],
       [ 0.37487938]]), array([[ 0.39133685],
       [-1.74048609]]), array([[ 1.77596892],
       [ 0.69700882],
       [ 1.32342034]])]
cost derivative:  [[ 0.93460409]
 [ 1.74953285]
 [ 0.94854096]]
unit step:  1
delta:  [[ 0.93460409]
 [ 1.74953285]
 [ 0.94854096]]
delta b updated:  [array([[ 0.24001889],
       [ 3.25756644]]), array([[ 0.93460409],
       [ 1.74953285],
       [ 0.94854096]])]
delta w updated: [array([[ 0.20194345, -0.25262565,  0.08997813],
       [ 2.74080183, -3.42866694,  1.2211945 ]]), array([[ 0.36574502, -1.62666542],
       [ 0.68465667, -3.04503759],
       [ 0.37119903, -1.65092234]])]
input:  [[ 0.60251976]
 [-1.07776145]
 [ 0.35348131]]
activations:  [array([[ 0.60251976],
       [-1.07776145],
       [ 0.35348131]]), array([[ 0.32410811],
       [-1.61864023]]), array([[ 1.59259263],
       [ 0.69741436],
       [ 1.21276006]])]
cost derivative:  [[ 0.99007288]
 [ 1.7751758 ]
 [ 0.85927875]]
unit step:  1
delta:  [[ 0.99007288]
 [ 1.7751758 ]
 [ 0.85927875]]
delta b updated:  [array([[ 0.19938831],
       [ 3.02629363]]), array([[ 0.99007288],
       [ 1.7751758 ],
       [ 0.85927875]])]
delta w updated: [array([[ 0.1201354 , -0.21489303,  0.07048004],
       [ 1.82340171, -3.2616226 ,  1.06973822]]), array([[ 0.32089065, -1.60257179],
       [ 0.57534887, -2.87337097],
       [ 0.27849921, -1.39086315]])]
input:  [[-0.89074637]
 [-0.35380162]
 [ 0.83717451]]
activations:  [array([[-0.89074637],
       [-0.35380162],
       [ 0.83717451]]), array([[ 0.04943899],
       [-0.36296641]]), array([[ 0.273395  ],
       [ 0.43762888],
       [ 0.33762726]])]
cost derivative:  [[ 1.16414137]
 [ 0.7914305 ]
 [-0.49954724]]
unit step:  1
delta:  [[ 1.16414137]
 [ 0.7914305 ]
 [-0.49954724]]
delta b updated:  [array([[ 0.03489366],
       [ 0.32018212]]), array([[ 1.16414137],
       [ 0.7914305 ],
       [-0.49954724]])]
delta w updated: [array([[-0.0310814 , -0.01234543,  0.02921208],
       [-0.28520106, -0.11328095,  0.26804831]]), array([[ 0.05755397, -0.42254422],
       [ 0.03912752, -0.28726269],
       [-0.02469711,  0.18131887]])]
input:  [[ 0.5017083 ]
 [-1.01718375]
 [ 0.39433099]]
activations:  [array([[ 0.5017083 ],
       [-1.01718375],
       [ 0.39433099]]), array([[ 0.30730141],
       [-1.53018011]]), array([[ 1.50129677],
       [ 0.67489657],
       [ 1.15191124]])]
cost derivative:  [[ 0.99958847]
 [ 1.69208032]
 [ 0.75758025]]
unit step:  1
delta:  [[ 0.99958847]
 [ 1.69208032]
 [ 0.75758025]]
delta b updated:  [array([[ 0.19153888],
       [ 2.73446631]]), array([[ 0.99958847],
       [ 1.69208032],
       [ 0.75758025]])]
delta w updated: [array([[ 0.09609665, -0.19483024,  0.07552972],
       [ 1.37190444, -2.78145471,  1.07828481]]), array([[ 0.30717494, -1.52955039],
       [ 0.51997866, -2.58918765],
       [ 0.23280548, -1.15923423]])]
input:  [[-0.0896365]
 [-0.4953697]
 [ 0.750529 ]]
activations:  [array([[-0.0896365],
       [-0.4953697],
       [ 0.750529 ]]), array([[ 0.23695672],
       [-0.90668342]]), array([[ 0.93420651],
       [ 0.50014755],
       [ 0.7570491 ]])]
cost derivative:  [[ 1.023843  ]
 [ 0.99551725]
 [ 0.0065201 ]]
unit step:  1
delta:  [[ 1.023843  ]
 [ 0.99551725]
 [ 0.0065201 ]]
delta b updated:  [array([[ 0.16178585],
       [ 1.02668178]]), array([[ 1.023843  ],
       [ 0.99551725],
       [ 0.0065201 ]])]
delta w updated: [array([[-0.01450192, -0.08014381,  0.12142497],
       [-0.09202816, -0.50858705,  0.77055445]]), array([[ 0.24260648, -0.92830148],
       [ 0.2358945 , -0.90261899],
       [ 0.00154498, -0.00591167]])]
input:  [[ 0.19582107]
 [-0.76482712]
 [ 0.56628298]]
activations:  [array([[ 0.19582107],
       [-0.76482712],
       [ 0.56628298]]), array([[ 0.26786728],
       [-1.21883475]]), array([[ 1.21106148],
       [ 0.58891496],
       [ 0.95170018]])]
cost derivative:  [[ 1.01524041]
 [ 1.35374207]
 [ 0.38541721]]
unit step:  1
delta:  [[ 1.01524041]
 [ 1.35374207]
 [ 0.38541721]]
delta b updated:  [array([[ 0.1747799 ],
       [ 1.78672545]]), array([[ 1.01524041],
       [ 1.35374207],
       [ 0.38541721]])]
delta w updated: [array([[ 0.03422559, -0.13367641,  0.09897488],
       [ 0.34987849, -1.36653607,  1.01179221]]), array([[ 0.27194969, -1.23741029],
       [ 0.36262321, -1.64998788],
       [ 0.10324066, -0.46975989]])]
input:  [[-0.31359679]
 [-0.2876391 ]
 [ 0.89250755]]
activations:  [array([[-0.31359679],
       [-0.2876391 ],
       [ 0.89250755]]), array([[ 0.21183176],
       [-0.66586653]]), array([[ 0.71714774],
       [ 0.43059998],
       [ 0.60586301]])]
cost derivative:  [[ 1.03074453]
 [ 0.71823908]
 [-0.28664454]]
unit step:  1
delta:  [[ 1.03074453]
 [ 0.71823908]
 [-0.28664454]]
delta b updated:  [array([[ 0.14958259],
       [ 0.58098569]]), array([[ 1.03074453],
       [ 0.71823908],
       [-0.28664454]])]
delta w updated: [array([[-0.04690862, -0.0430258 ,  0.13350359],
       [-0.18219525, -0.1671142 ,  0.51853411]]), array([[ 0.21834442, -0.68633828],
       [ 0.15214585, -0.47825137],
       [-0.06072042,  0.190867  ]])]
input:  [[-0.88956859]
 [-0.37070946]
 [ 0.82535253]]
activations:  [array([[-0.88956859],
       [-0.37070946],
       [ 0.82535253]]), array([[ 0.04657223],
       [-0.37619127]]), array([[ 0.27723119],
       [ 0.4417004 ],
       [ 0.34307775]])]
cost derivative:  [[ 1.16679978]
 [ 0.81240986]
 [-0.48227478]]
unit step:  1
delta:  [[ 1.16679978]
 [ 0.81240986]
 [-0.48227478]]
delta b updated:  [array([[ 0.03281233],
       [ 0.33785293]]), array([[ 1.16679978],
       [ 0.81240986],
       [-0.48227478]])]
delta w updated: [array([[-0.02918882, -0.01216384,  0.02708174],
       [-0.30054336, -0.12524528,  0.27884778]]), array([[ 0.05434047, -0.43893989],
       [ 0.03783574, -0.30562149],
       [-0.02246061,  0.18142756]])]
input:  [[-0.66848697]
 [-0.03190354]
 [ 1.06606158]]
activations:  [array([[-0.66848697],
       [-0.03190354],
       [ 1.06606158]]), array([[ 0.16018094],
       [-0.32197744]]), array([[ 0.38725257],
       [ 0.34384605],
       [ 0.38116627]])]
cost derivative:  [[ 1.05573954]
 [ 0.37574959]
 [-0.6848953 ]]
unit step:  1
delta:  [[ 1.05573954]
 [ 0.37574959]
 [-0.6848953 ]]
delta b updated:  [array([[ 0.11781493],
       [ 0.17549869]]), array([[ 1.05573954],
       [ 0.37574959],
       [-0.6848953 ]])]
delta w updated: [array([[-0.07875774, -0.00375871,  0.12559796],
       [-0.11731859, -0.00559903,  0.18709241]]), array([[ 0.16910935, -0.33992432],
       [ 0.06018792, -0.12098289],
       [-0.10970717,  0.22052084]])]
input:  [[-0.80326333]
 [-0.01910134]
 [ 1.07292504]]
activations:  [array([[-0.80326333],
       [-0.01910134],
       [ 1.07292504]]), array([[ 0.12670447],
       [-0.23685513]]), array([[ 0.27787086],
       [ 0.33667921],
       [ 0.31324126]])]
cost derivative:  [[ 1.08113419]
 [ 0.35578056]
 [-0.75968378]]
unit step:  1
delta:  [[ 1.08113419]
 [ 0.35578056]
 [-0.75968378]]
delta b updated:  [array([[ 0.09350386],
       [ 0.12194192]]), array([[ 1.08113419],
       [ 0.35578056],
       [-0.75968378]])]
delta w updated: [array([[-0.07510822, -0.00178605,  0.10032264],
       [-0.09795147, -0.00232925,  0.13083454]]), array([[ 0.13698453, -0.25607218],
       [ 0.04507899, -0.08426845],
       [-0.09625533,  0.179935  ]])]
input:  [[ 0.88232077]
 [-0.74634198]
 [ 0.58993341]]
activations:  [array([[ 0.88232077],
       [-0.74634198],
       [ 0.58993341]]), array([[ 0.45126285],
       [-1.60975387]]), array([[ 1.74799845],
       [ 0.59837221],
       [ 1.2834801 ]])]
cost derivative:  [[ 0.86567768]
 [ 1.34471419]
 [ 0.69354669]]
unit step:  1
delta:  [[ 0.86567768]
 [ 1.34471419]
 [ 0.69354669]]
delta b updated:  [array([[ 0.2908447 ],
       [ 2.44892925]]), array([[ 0.86567768],
       [ 1.34471419],
       [ 0.69354669]])]
delta w updated: [array([[ 0.25661832, -0.21706961,  0.17157901],
       [ 2.16074114, -1.8277387 ,  1.44470517]]), array([[ 0.39064817, -1.39352799],
       [ 0.60681955, -2.16465887],
       [ 0.31297185, -1.11643947]])]
input:  [[ 0.37036119]
 [-0.91749063]
 [ 0.46209653]]
activations:  [array([[ 0.37036119],
       [-0.91749063],
       [ 0.46209653]]), array([[ 0.28828567],
       [-1.40644406]]), array([[ 1.37606483],
       [ 0.63734427],
       [ 1.06978584]])]
cost derivative:  [[ 1.00570363]
 [ 1.55483489]
 [ 0.60768931]]
unit step:  1
delta:  [[ 1.00570363]
 [ 1.55483489]
 [ 0.60768931]]
delta b updated:  [array([[ 0.18276646],
       [ 2.32239928]]), array([[ 1.00570363],
       [ 1.55483489],
       [ 0.60768931]])]
delta w updated: [array([[ 0.0676896 , -0.16768651,  0.08445575],
       [ 0.86012657, -2.13077957,  1.07317265]]), array([[ 0.28992995, -1.4144659 ],
       [ 0.44823663, -2.18678831],
       [ 0.17518812, -0.85468103]])]
input:  [[ 0.82007365]
 [-1.08094931]
 [ 0.3546415 ]]
activations:  [array([[ 0.82007365],
       [-1.08094931],
       [ 0.3546415 ]]), array([[ 0.37970906],
       [-1.75846423]]), array([[ 1.76267493],
       [ 0.69668801],
       [ 1.32257112]])]
cost derivative:  [[ 0.94260127]
 [ 1.77763732]
 [ 0.96792962]]
unit step:  1
delta:  [[ 0.94260127]
 [ 1.77763732]
 [ 0.96792962]]
delta b updated:  [array([[ 0.23269828],
       [ 3.31166655]]), array([[ 0.94260127],
       [ 1.77763732],
       [ 0.96792962]])]
delta w updated: [array([[ 0.19082973, -0.25153505,  0.08252447],
       [ 2.71581049, -3.57974366,  1.1744544 ]]), array([[ 0.35791424, -1.65753062],
       [ 0.67498499, -3.12591163],
       [ 0.36753165, -1.70206961]])]
input:  [[-0.88454188]
 [-0.15320278]
 [ 0.97774804]]
activations:  [array([[-0.88454188],
       [-0.15320278],
       [ 0.97774804]]), array([[ 0.08305397],
       [-0.26475113]]), array([[ 0.23902254],
       [ 0.37426352],
       [ 0.30182998]])]
cost derivative:  [[ 1.12356442]
 [ 0.5274663 ]
 [-0.67591806]]
unit step:  1
delta:  [[ 1.12356442]
 [ 0.5274663 ]
 [-0.67591806]]
delta b updated:  [array([[ 0.06029872],
       [ 0.17277345]]), array([[ 1.12356442],
       [ 0.5274663 ],
       [-0.67591806]])]
delta w updated: [array([[-0.05333674, -0.00923793,  0.05895695],
       [-0.15282535, -0.02646937,  0.1689289 ]]), array([[ 0.09331649, -0.29746495],
       [ 0.04380817, -0.1396473 ],
       [-0.05613768,  0.17895007]])]
input:  [[-0.8411984 ]
 [-0.70686931]
 [ 0.59069842]]
activations:  [array([[-0.8411984 ],
       [-0.70686931],
       [ 0.59069842]]), array([[ 0.00373072],
       [-0.59018235]]), array([[ 0.37840106],
       [ 0.54313971],
       [ 0.43744538]])]
cost derivative:  [[ 1.21959946]
 [ 1.25000902]
 [-0.15325305]]
unit step:  1
delta:  [[ 1.21959946]
 [ 1.25000902]
 [-0.15325305]]
delta b updated:  [array([[ 0.00249974],
       [ 0.75119509]]), array([[ 1.21959946],
       [ 1.25000902],
       [-0.15325305]])]
delta w updated: [array([[-0.00210278, -0.00176699,  0.00147659],
       [-0.63190411, -0.53099675,  0.44372976]]), array([[  4.54998651e-03,  -7.19786075e-01],
       [  4.66343612e-03,  -7.37733260e-01],
       [ -5.71744509e-04,   9.04472431e-02]])]
input:  [[-0.03232454]
 [-0.54998373]
 [ 0.71317725]]
activations:  [array([[-0.03232454],
       [-0.54998373],
       [ 0.71317725]]), array([[ 0.24219259],
       [-0.97740207]]), array([[ 0.98766395],
       [ 0.51385905],
       [ 0.79914923]])]
cost derivative:  [[ 1.01998849]
 [ 1.06384278]
 [ 0.08597199]]
unit step:  1
delta:  [[ 1.01998849]
 [ 1.06384278]
 [ 0.08597199]]
delta b updated:  [array([[ 0.16388708],
       [ 1.1640786 ]]), array([[ 1.01998849],
       [ 1.06384278],
       [ 0.08597199]])]
delta w updated: [array([[-0.00529758, -0.09013522,  0.11688053],
       [-0.03762831, -0.64022429,  0.83019437]]), array([[ 0.24703366, -0.99693886],
       [ 0.25765484, -1.03980213],
       [ 0.02082178, -0.0840292 ]])]
input:  [[ 0.25151697]
 [-0.81524509]
 [ 0.53184446]]
activations:  [array([[ 0.25151697],
       [-0.81524509],
       [ 0.53184446]]), array([[ 0.27331739],
       [-1.28734155]]), array([[ 1.26208829],
       [ 0.60033219],
       [ 0.99229291]])]
cost derivative:  [[ 1.01057131]
 [ 1.41557728]
 [ 0.46044845]]
unit step:  1
delta:  [[ 1.01057131]
 [ 1.41557728]
 [ 0.46044845]]
delta b updated:  [array([[ 0.17676102],
       [ 1.95326955]]), array([[ 1.01057131],
       [ 1.41557728],
       [ 0.46044845]])]
delta w updated: [array([[ 0.0444584 , -0.14410355,  0.09400937],
       [ 0.49128045, -1.5923934 ,  1.03883559]]), array([[ 0.27620671, -1.30095044],
       [ 0.38690189, -1.82233145],
       [ 0.12584857, -0.59275442]])]
input:  [[ 0.72041262]
 [-1.11554813]
 [ 0.32885824]]
activations:  [array([[ 0.72041262],
       [-1.11554813],
       [ 0.32885824]]), array([[ 0.34734735],
       [-1.72493307]]), array([[ 1.68948033],
       [ 0.70109082],
       [ 1.28268497]])]
cost derivative:  [[ 0.96906771]
 [ 1.81663895]
 [ 0.95382673]]
unit step:  1
delta:  [[ 0.96906771]
 [ 1.81663895]
 [ 0.95382673]]
delta b updated:  [array([[ 0.21236938],
       [ 3.28188664]]), array([[ 0.96906771],
       [ 1.81663895],
       [ 0.95382673]])]
delta w updated: [array([[ 0.15299358, -0.23690827,  0.06983942],
       [ 2.36431255, -3.66110252,  1.07927546]]), array([[ 0.3366031 , -1.67157694],
       [ 0.63100472, -3.1335806 ],
       [ 0.33130918, -1.64528727]])]
input:  [[ 0.74738816]
 [-1.11543764]
 [ 0.32935628]]
activations:  [array([[ 0.74738816],
       [-1.11543764],
       [ 0.32935628]]), array([[ 0.35425625],
       [-1.74376772]]), array([[ 1.71154155],
       [ 0.70041089],
       [ 1.2961313 ]])]
cost derivative:  [[ 0.9641534 ]
 [ 1.81584853]
 [ 0.96677501]]
unit step:  1
delta:  [[ 0.9641534 ]
 [ 1.81584853]
 [ 0.96677501]]
delta b updated:  [array([[ 0.21701918],
       [ 3.31831857]]), array([[ 0.9641534 ],
       [ 1.81584853],
       [ 0.96677501]])]
delta w updated: [array([[ 0.16219756, -0.24207136,  0.07147663],
       [ 2.480072  , -3.70137743,  1.09290908]]), array([[ 0.34155737, -1.68125957],
       [ 0.6432757 , -3.16641804],
       [ 0.34248609, -1.68583106]])]
input:  [[ 0.80028279]
 [-1.09741885]
 [ 0.34279947]]
activations:  [array([[ 0.80028279],
       [-1.09741885],
       [ 0.34279947]]), array([[ 0.37090669],
       [-1.76811641]]), array([[ 1.75070211],
       [ 0.69485518],
       [ 1.31848916]])]
cost derivative:  [[ 0.95041932]
 [ 1.79227402]
 [ 0.97568969]]
unit step:  1
delta:  [[ 0.95041932]
 [ 1.79227402]
 [ 0.97568969]]
delta b updated:  [array([[ 0.22824002],
       [ 3.33542961]]), array([[ 0.95041932],
       [ 1.79227402],
       [ 0.97568969]])]
delta w updated: [array([[ 0.18265656, -0.2504749 ,  0.07824056],
       [ 2.66928691, -3.66036331,  1.1433835 ]]), array([[ 0.35251688, -1.680452  ],
       [ 0.66476643, -3.16894911],
       [ 0.36188983, -1.72513295]])]
input:  [[ 0.04803713]
 [-0.62653231]
 [ 0.66082445]]
activations:  [array([[ 0.04803713],
       [-0.62653231],
       [ 0.66082445]]), array([[ 0.25015838],
       [-1.074126  ]]), array([[ 1.06682987],
       [ 0.53504346],
       [ 0.85509337]])]
cost derivative:  [[ 1.01879273]
 [ 1.16157576]
 [ 0.19426891]]
unit step:  1
delta:  [[ 1.01879273]
 [ 1.16157576]
 [ 0.19426891]]
delta b updated:  [array([[ 0.1679217 ],
       [ 1.37242809]]), array([[ 1.01879273],
       [ 1.16157576],
       [ 0.19426891]])]
delta w updated: [array([[ 0.00806648, -0.10520837,  0.11096676],
       [ 0.06592751, -0.85987053,  0.90693404]]), array([[ 0.25485954, -1.09431177],
       [ 0.29057792, -1.24767873],
       [ 0.048598  , -0.20866929]])]
input:  [[-0.84595787]
 [-0.05303528]
 [ 1.04849575]]
activations:  [array([[-0.84595787],
       [-0.05303528],
       [ 1.04849575]]), array([[ 0.10910629],
       [-0.2386549 ]]), array([[ 0.25047512],
       [ 0.34224019],
       [ 0.30141022]])]
cost derivative:  [[ 1.09643299]
 [ 0.39527547]
 [-0.74708552]]
unit step:  1
delta:  [[ 1.09643299]
 [ 0.39527547]
 [-0.74708552]]
delta b updated:  [array([[ 0.08046051],
       [ 0.12927626]]), array([[ 1.09643299],
       [ 0.39527547],
       [-0.74708552]])]
delta w updated: [array([[-0.0680662 , -0.00426725,  0.0843625 ],
       [-0.10936227, -0.0068562 ,  0.1355456 ]]), array([[ 0.11962773, -0.26166911],
       [ 0.04312704, -0.09433443],
       [-0.08151173,  0.17829562]])]
input:  [[-0.8624718 ]
 [-0.58812709]
 [ 0.67352033]]
activations:  [array([[-0.8624718 ],
       [-0.58812709],
       [ 0.67352033]]), array([[ 0.01694878],
       [-0.5208128 ]]), array([[ 0.3392927 ],
       [ 0.50356066],
       [ 0.40446181]])]
cost derivative:  [[ 1.2017645 ]
 [ 1.09168774]
 [-0.26905852]]
unit step:  1
delta:  [[ 1.2017645 ]
 [ 1.09168774]
 [-0.26905852]]
delta b updated:  [array([[ 0.01159405],
       [ 0.58855627]]), array([[ 1.2017645 ],
       [ 1.09168774],
       [-0.26905852]])]
delta w updated: [array([[-0.00999954, -0.00681877,  0.00780883],
       [-0.50761319, -0.34614589,  0.39640461]]), array([[ 0.02036844, -0.62589433],
       [ 0.01850278, -0.56856495],
       [-0.00456021,  0.14012912]])]
input:  [[-0.05527359]
 [-0.52809735]
 [ 0.72814612]]
activations:  [array([[-0.05527359],
       [-0.52809735],
       [ 0.72814612]]), array([[ 0.23898534],
       [-0.96122747]]), array([[ 0.96530895],
       [ 0.50208156],
       [ 0.78534596]])]
cost derivative:  [[ 1.02058253]
 [ 1.03017891]
 [ 0.05719985]]
unit step:  1
delta:  [[ 1.02058253]
 [ 1.03017891]
 [ 0.05719985]]
delta b updated:  [array([[ 0.16291258],
       [ 1.11047138]]), array([[ 1.02058253],
       [ 1.03017891],
       [ 0.05719985]])]
delta w updated: [array([[-0.00900476, -0.0860337 ,  0.11862416],
       [-0.06137973, -0.58643699,  0.80858542]]), array([[ 0.24390427, -0.98101197],
       [ 0.24619766, -0.99023627],
       [ 0.01366992, -0.05498206]])]
input:  [[ 0.40166683]
 [-0.94279731]
 [ 0.44486278]]
activations:  [array([[ 0.40166683],
       [-0.94279731],
       [ 0.44486278]]), array([[ 0.29101216],
       [-1.45553394]]), array([[ 1.40500824],
       [ 0.63641423],
       [ 1.09393213]])]
cost derivative:  [[ 1.0033414 ]
 [ 1.57921154]
 [ 0.64906935]]
unit step:  1
delta:  [[ 1.0033414 ]
 [ 1.57921154]
 [ 0.64906935]]
delta b updated:  [array([[ 0.18488511],
       [ 2.42141235]]), array([[ 1.0033414 ],
       [ 1.57921154],
       [ 0.64906935]])]
delta w updated: [array([[ 0.07426221, -0.17430918,  0.0822485 ],
       [ 0.97260103, -2.28290106,  1.07719622]]), array([[ 0.29198455, -1.46039746],
       [ 0.45956976, -2.29859599],
       [ 0.18888707, -0.94474247]])]
input:  [[ 0.24044795]
 [-0.80532804]
 [ 0.53861663]]
activations:  [array([[ 0.24044795],
       [-0.80532804],
       [ 0.53861663]]), array([[ 0.27104151],
       [-1.28788229]]), array([[ 1.25156436],
       [ 0.59067537],
       [ 0.98721863]])]
cost derivative:  [[ 1.0111164 ]
 [ 1.39600341]
 [ 0.44860201]]
unit step:  1
delta:  [[ 1.0111164 ]
 [ 1.39600341]
 [ 0.44860201]]
delta b updated:  [array([[ 0.17652958],
       [ 1.92138109]]), array([[ 1.0111164 ],
       [ 1.39600341],
       [ 0.44860201]])]
delta w updated: [array([[ 0.04244618, -0.14216422,  0.09508177],
       [ 0.46199215, -1.54734208,  1.03488781]]), array([[ 0.27405452, -1.30219891],
       [ 0.37837487, -1.79788807],
       [ 0.12158977, -0.57774658]])]
input:  [[ 0.07095282]
 [-0.6482618 ]
 [ 0.64596492]]
activations:  [array([[ 0.07095282],
       [-0.6482618 ],
       [ 0.64596492]]), array([[ 0.252137  ],
       [-1.10408209]]), array([[ 1.08765758],
       [ 0.53915299],
       [ 0.87241375]])]
cost derivative:  [[ 1.01670476]
 [ 1.18741479]
 [ 0.22644882]]
unit step:  1
delta:  [[ 1.01670476]
 [ 1.18741479]
 [ 0.22644882]]
delta b updated:  [array([[ 0.16867892],
       [ 1.43347462]]), array([[ 1.01670476],
       [ 1.18741479],
       [ 0.22644882]])]
delta w updated: [array([[ 0.01196825, -0.1093481 ,  0.10896066],
       [ 0.10170907, -0.92926683,  0.92597432]]), array([[ 0.25634888, -1.12252552],
       [ 0.2993912 , -1.3110034 ],
       [ 0.05709613, -0.25001809]])]
input:  [[-0.87312378]
 [-0.10708939]
 [ 1.01021872]]
activations:  [array([[-0.87312378],
       [-0.10708939],
       [ 1.01021872]]), array([[ 0.09266534],
       [-0.25617537]]), array([[ 0.23909255],
       [ 0.35680244],
       [ 0.3010783 ]])]
cost derivative:  [[ 1.11221633]
 [ 0.46389182]
 [-0.70914041]]
unit step:  1
delta:  [[ 1.11221633]
 [ 0.46389182]
 [-0.70914041]]
delta b updated:  [array([[ 0.06795011],
       [ 0.1526122 ]]), array([[ 1.11221633],
       [ 0.46389182],
       [-0.70914041]])]
delta w updated: [array([[-0.05932886, -0.00727674,  0.06864447],
       [-0.13324934, -0.01634315,  0.1541717 ]]), array([[ 0.1030639 , -0.28492243],
       [ 0.04298669, -0.11883766],
       [-0.06571273,  0.18166431]])]
input:  [[-0.88923054]
 [-0.18566798]
 [ 0.95493997]]
activations:  [array([[-0.88923054],
       [-0.18566798],
       [ 0.95493997]]), array([[ 0.0754784],
       [-0.2897854]]), array([[ 0.24099153],
       [ 0.38009096],
       [ 0.30982182]])]
cost derivative:  [[ 1.13022207]
 [ 0.56575895]
 [-0.64511815]]
unit step:  1
delta:  [[ 1.13022207]
 [ 0.56575895]
 [-0.64511815]]
delta b updated:  [array([[ 0.0547423 ],
       [ 0.19705086]]), array([[ 1.13022207],
       [ 0.56575895],
       [-0.64511815]])]
delta w updated: [array([[-0.04867853, -0.01016389,  0.05227561],
       [-0.17522364, -0.03658604,  0.18817174]]), array([[ 0.08530736, -0.32752185],
       [ 0.04270258, -0.16394868],
       [-0.04869249,  0.18694582]])]
input:  [[ 0.87313736]
 [-0.63343154]
 [ 0.66885992]]
activations:  [array([[ 0.87313736],
       [-0.63343154],
       [ 0.66885992]]), array([[ 0.46527757],
       [-1.56709593]]), array([[ 1.71660893],
       [ 0.54961828],
       [ 1.26068561]])]
cost derivative:  [[ 0.84347157]
 [ 1.18304982]
 [ 0.59182569]]
unit step:  1
delta:  [[ 0.84347157]
 [ 1.18304982]
 [ 0.59182569]]
delta b updated:  [array([[ 0.30755441],
       [ 2.14792654]]), array([[ 0.84347157],
       [ 1.18304982],
       [ 0.59182569]])]
delta w updated: [array([[ 0.26853725, -0.19481466,  0.20571082],
       [ 1.87543492, -1.36056442,  1.43666198]]), array([[ 0.3924484 , -1.32180086],
       [ 0.55044654, -1.85395256],
       [ 0.27536322, -0.92744763]])]
input:  [[-0.89329364]
 [-0.24810329]
 [ 0.91115396]]
activations:  [array([[-0.89329364],
       [-0.24810329],
       [ 0.91115396]]), array([[ 0.0640181 ],
       [-0.32238057]]), array([[ 0.24930888],
       [ 0.39842212],
       [ 0.32112363]])]
cost derivative:  [[ 1.14260253]
 [ 0.64652541]
 [-0.59003033]]
unit step:  1
delta:  [[ 1.14260253]
 [ 0.64652541]
 [-0.59003033]]
delta b updated:  [array([[ 0.04601497],
       [ 0.24082201]]), array([[ 1.14260253],
       [ 0.64652541],
       [-0.59003033]])]
delta w updated: [array([[-0.04110488, -0.01141647,  0.04192672],
       [-0.21512477, -0.05974873,  0.21942593]]), array([[ 0.07314725, -0.36835285],
       [ 0.04138933, -0.20842723],
       [-0.03777262,  0.19021431]])]
input:  [[-0.65236982]
 [-0.03900642]
 [ 1.06133886]]
activations:  [array([[-0.65236982],
       [-0.03900642],
       [ 1.06133886]]), array([[ 0.16159264],
       [-0.34971483]]), array([[ 0.39926803],
       [ 0.34004218],
       [ 0.39539345]])]
cost derivative:  [[ 1.05163785]
 [ 0.37904859]
 [-0.66594541]]
unit step:  1
delta:  [[ 1.05163785]
 [ 0.37904859]
 [-0.66594541]]
delta b updated:  [array([[ 0.11909796],
       [ 0.19035841]]), array([[ 1.05163785],
       [ 0.37904859],
       [-0.66594541]])]
delta w updated: [array([[-0.07769592, -0.00464558,  0.12640329],
       [-0.12418408, -0.0074252 ,  0.20203477]]), array([[ 0.16993694, -0.36777335],
       [ 0.06125146, -0.13255891],
       [-0.10761188,  0.23289099]])]
input:  [[-0.87806208]
 [-0.48202356]
 [ 0.74758014]]
activations:  [array([[-0.87806208],
       [-0.48202356],
       [ 0.74758014]]), array([[ 0.02951324],
       [-0.45942227]]), array([[ 0.3051305 ],
       [ 0.46896506],
       [ 0.3776092 ]])]
cost derivative:  [[ 1.18319258]
 [ 0.95098862]
 [-0.36997094]]
unit step:  1
delta:  [[ 1.18319258]
 [ 0.95098862]
 [-0.36997094]]
delta b updated:  [array([[ 0.02049546],
       [ 0.46161967]]), array([[ 1.18319258],
       [ 0.95098862],
       [-0.36997094]])]
delta w updated: [array([[-0.01799629, -0.00987929,  0.015322  ],
       [-0.40533073, -0.22251156,  0.3450977 ]]), array([[ 0.03491984, -0.54358502],
       [ 0.02806675, -0.43690535],
       [-0.01091904,  0.16997289]])]
input:  [[-0.39871286]
 [-0.21406246]
 [ 0.94270499]]
activations:  [array([[-0.39871286],
       [-0.21406246],
       [ 0.94270499]]), array([[ 0.1994342 ],
       [-0.59455855]]), array([[ 0.63201275],
       [ 0.39735357],
       [ 0.5557841 ]])]
cost derivative:  [[ 1.03072562]
 [ 0.61141603]
 [-0.3869209 ]]
unit step:  1
delta:  [[ 1.03072562]
 [ 0.61141603]
 [-0.3869209 ]]
delta b updated:  [array([[ 0.14284185],
       [ 0.45441769]]), array([[ 1.03072562],
       [ 0.61141603],
       [-0.3869209 ]])]
delta w updated: [array([[-0.05695288, -0.03057708,  0.13465773],
       [-0.18118218, -0.09727377,  0.42838182]]), array([[ 0.20556194, -0.61282673],
       [ 0.12193727, -0.36352263],
       [-0.07716526,  0.23004713]])]
input:  [[ 0.76277979]
 [-0.03044527]
 [ 1.08940248]]
activations:  [array([[ 0.76277979],
       [-0.03044527],
       [ 1.08940248]]), array([[ 0.53474888],
       [-1.17558115]]), array([[ 1.51262971],
       [ 0.36429411],
       [ 1.08348723]])]
cost derivative:  [[ 0.74984992]
 [ 0.39473938]
 [-0.00591525]]
unit step:  1
delta:  [[ 0.74984992]
 [ 0.39473938]
 [-0.00591525]]
delta b updated:  [array([[ 0.38584046],
       [ 0.81476084]]), array([[ 0.74984992],
       [ 0.39473938],
       [-0.00591525]])]
delta w updated: [array([[ 0.29431131, -0.01174702,  0.42033556],
       [ 0.6214831 , -0.02480561,  0.88760248]]), array([[ 0.4009814 , -0.88150943],
       [ 0.21108644, -0.46404818],
       [-0.00316317,  0.00695385]])]
input:  [[ 0.85258341]
 [-0.47941491]
 [ 0.77639526]]
activations:  [array([[ 0.85258341],
       [-0.47941491],
       [ 0.77639526]]), array([[ 0.48440528],
       [-1.47403632]]), array([[ 1.66814049],
       [ 0.50111887],
       [ 1.22046194]])]
cost derivative:  [[ 0.81555708]
 [ 0.98053378]
 [ 0.44406669]]
unit step:  1
delta:  [[ 0.81555708]
 [ 0.98053378]
 [ 0.44406669]]
delta b updated:  [array([[ 0.32663817],
       [ 1.76144382]]), array([[ 0.81555708],
       [ 0.98053378],
       [ 0.44406669]])]
delta w updated: [array([[ 0.27848629, -0.15659521,  0.25360033],
       [ 1.50177778, -0.84446242,  1.36757663]]), array([[ 0.39506016, -1.20216076],
       [ 0.47497574, -1.4453424 ],
       [ 0.21510825, -0.65457042]])]
input:  [[-0.13526893]
 [-0.45208366]
 [ 0.78013005]]
activations:  [array([[-0.13526893],
       [-0.45208366],
       [ 0.78013005]]), array([[ 0.22913679],
       [-0.8807591 ]]), array([[ 0.88399858],
       [ 0.4736121 ],
       [ 0.73390279]])]
cost derivative:  [[ 1.01926752]
 [ 0.92569577]
 [-0.04622726]]
unit step:  1
delta:  [[ 1.01926752]
 [ 0.92569577]
 [-0.04622726]]
delta b updated:  [array([[ 0.15764397],
       [ 0.92732938]]), array([[ 1.01926752],
       [ 0.92569577],
       [-0.04622726]])]
delta w updated: [array([[-0.02132433, -0.07126826,  0.1229828 ],
       [-0.12543886, -0.41923046,  0.72343752]]), array([[ 0.23355169, -0.89772914],
       [ 0.21211096, -0.81531497],
       [-0.01059237,  0.04071508]])]
input:  [[ 0.49203326]
 [-1.01050411]
 [ 0.39885779]]
activations:  [array([[ 0.49203326],
       [-1.01050411],
       [ 0.39885779]]), array([[ 0.3022963 ],
       [-1.55425657]]), array([[ 1.4839454 ],
       [ 0.65280028],
       [ 1.15531552]])]
cost derivative:  [[ 0.99191215]
 [ 1.66330438]
 [ 0.75645774]]
unit step:  1
delta:  [[ 0.99191215]
 [ 1.66330438]
 [ 0.75645774]]
delta b updated:  [array([[ 0.18860297],
       [ 2.69499823]]), array([[ 0.99191215],
       [ 1.66330438],
       [ 0.75645774]])]
delta w updated: [array([[ 0.09279894, -0.19058408,  0.07522577],
       [ 1.32602875, -2.72330678,  1.07492103]]), array([[ 0.29985137, -1.54168597],
       [ 0.50281076, -2.58520176],
       [ 0.22867437, -1.17572941]])]
input:  [[-0.28086071]
 [-0.31698969]
 [ 0.8724642 ]]
activations:  [array([[-0.28086071],
       [-0.31698969],
       [ 0.8724642 ]]), array([[ 0.21284187],
       [-0.72352236]]), array([[ 0.74348828],
       [ 0.42932524],
       [ 0.63547394]])]
cost derivative:  [[ 1.02434899]
 [ 0.74631494]
 [-0.23699026]]
unit step:  1
delta:  [[ 1.02434899]
 [ 0.74631494]
 [-0.23699026]]
delta b updated:  [array([[ 0.14979195],
       [ 0.64161259]]), array([[ 1.02434899],
       [ 0.74631494],
       [-0.23699026]])]
delta w updated: [array([[-0.04207067, -0.0474825 ,  0.13068811],
       [-0.18020377, -0.20338458,  0.55978402]]), array([[ 0.21802435, -0.7411394 ],
       [ 0.15884707, -0.53997554],
       [-0.05044145,  0.17146775]])]
input:  [[-0.88261408]
 [-0.14319077]
 [ 0.98478939]]
activations:  [array([[-0.88261408],
       [-0.14319077],
       [ 0.98478939]]), array([[ 0.08318355],
       [-0.27555315]]), array([[ 0.23604843],
       [ 0.36595342],
       [ 0.30671832]])]
cost derivative:  [[ 1.11866252]
 [ 0.50914419]
 [-0.67807107]]
unit step:  1
delta:  [[ 1.11866252]
 [ 0.50914419]
 [-0.67807107]]
delta b updated:  [array([[ 0.06055323],
       [ 0.17329873]]), array([[ 1.11866252],
       [ 0.50914419],
       [-0.67807107]])]
delta w updated: [array([[-0.05344514, -0.00867066,  0.05963218],
       [-0.1529559 , -0.02481478,  0.17066275]]), array([[ 0.09305432, -0.30825098],
       [ 0.04235242, -0.14029629],
       [-0.05640436,  0.18684462]])]
input:  [[-0.54721097]
 [-0.10021561]
 [ 1.02011474]]
activations:  [array([[-0.54721097],
       [-0.10021561],
       [ 1.02011474]]), array([[ 0.17827032],
       [-0.44921863]]), array([[ 0.49178648],
       [ 0.35913139],
       [ 0.46145215]])]
cost derivative:  [[ 1.03899745]
 [ 0.45934699]
 [-0.55866259]]
unit step:  1
delta:  [[ 1.03899745]
 [ 0.45934699]
 [-0.55866259]]
delta b updated:  [array([[ 0.1298241 ],
       [ 0.27814127]]), array([[ 1.03899745],
       [ 0.45934699],
       [-0.55866259]])]
delta w updated: [array([[-0.07104117, -0.0130104 ,  0.13243548],
       [-0.15220195, -0.0278741 ,  0.28373601]]), array([[ 0.1852224 , -0.46673701],
       [ 0.08188793, -0.20634723],
       [-0.09959296,  0.25096164]])]
input:  [[ 0.54885873]
 [-1.04776523]
 [ 0.37365046]]
activations:  [array([[ 0.54885873],
       [-1.04776523],
       [ 0.37365046]]), array([[ 0.31081293],
       [-1.61066145]]), array([[ 1.53430752],
       [ 0.66312838],
       [ 1.19197728]])]
cost derivative:  [[ 0.9854488 ]
 [ 1.71089361]
 [ 0.81832682]]
unit step:  1
delta:  [[ 0.9854488 ]
 [ 1.71089361]
 [ 0.81832682]]
delta b updated:  [array([[ 0.19235427],
       [ 2.86202189]]), array([[ 0.9854488 ],
       [ 1.71089361],
       [ 0.81832682]])]
delta w updated: [array([[ 0.10557532, -0.20154211,  0.07187326],
       [ 1.57084569, -2.99872704,  1.06939579]]), array([[ 0.30629023, -1.58722439],
       [ 0.53176786, -2.75567039],
       [ 0.25434656, -1.31804746]])]
input:  [[ 0.53959763]
 [-1.04203725]
 [ 0.37751727]]
activations:  [array([[ 0.53959763],
       [-1.04203725],
       [ 0.37751727]]), array([[ 0.30915667],
       [-1.60450693]]), array([[ 1.52630255],
       [ 0.66007831],
       [ 1.18652927]])]
cost derivative:  [[ 0.98670493]
 [ 1.70211556]
 [ 0.809012  ]]
unit step:  1
delta:  [[ 0.98670493]
 [ 1.70211556]
 [ 0.809012  ]]
delta b updated:  [array([[ 0.19184667],
       [ 2.83550001]]), array([[ 0.98670493],
       [ 1.70211556],
       [ 0.809012  ]])]
delta w updated: [array([[ 0.10352001, -0.19991138,  0.07242543],
       [ 1.53002907, -2.95469663,  1.07045022]]), array([[ 0.30504641, -1.58317489],
       [ 0.52622038, -2.73105621],
       [ 0.25011145, -1.29806536]])]
input:  [[ 0.6280486 ]
 [-1.08977712]
 [ 0.34546499]]
activations:  [array([[ 0.6280486 ],
       [-1.08977712],
       [ 0.34546499]]), array([[ 0.32439618],
       [-1.68507021]]), array([[ 1.60539636],
       [ 0.67475542],
       [ 1.23976288]])]
cost derivative:  [[ 0.97734776]
 [ 1.76453254]
 [ 0.89429789]]
unit step:  1
delta:  [[ 0.97734776]
 [ 1.76453254]
 [ 0.89429789]]
delta b updated:  [array([[ 0.19973082],
       [ 3.07808032]]), array([[ 0.97734776],
       [ 1.76453254],
       [ 0.89429789]])]
delta w updated: [array([[ 0.12544066, -0.21766207,  0.069     ],
       [ 1.93318402, -3.35442151,  1.06336898]]), array([[ 0.31704788, -1.6468996 ],
       [ 0.57240761, -2.97336122],
       [ 0.29010682, -1.50695474]])]
input:  [[-0.88785181]
 [-0.17443756]
 [ 0.96282598]]
activations:  [array([[-0.88785181],
       [-0.17443756],
       [ 0.96282598]]), array([[ 0.07632279],
       [-0.29294114]]), array([[ 0.23761679],
       [ 0.3736826 ],
       [ 0.31152059]])]
cost derivative:  [[ 1.1254686 ]
 [ 0.54812016]
 [-0.6513054 ]]
unit step:  1
delta:  [[ 1.1254686 ]
 [ 0.54812016]
 [-0.6513054 ]]
delta b updated:  [array([[ 0.05537103],
       [ 0.19315534]]), array([[ 1.1254686 ],
       [ 0.54812016],
       [-0.6513054 ]])]
delta w updated: [array([[-0.04916127, -0.00965879,  0.05331266],
       [-0.17149332, -0.03369355,  0.18597498]]), array([[ 0.08589891, -0.32969606],
       [ 0.04183406, -0.16056695],
       [-0.04970945,  0.19079415]])]
input:  [[ 0.70617593]
 [-1.1138955 ]
 [ 0.32979354]]
activations:  [array([[ 0.70617593],
       [-1.1138955 ],
       [ 0.32979354]]), array([[ 0.34075816],
       [-1.7471419 ]]), array([[ 1.67151555],
       [ 0.68180019],
       [ 1.28344611]])]
cost derivative:  [[ 0.96533962]
 [ 1.79569569]
 [ 0.95365256]]
unit step:  1
delta:  [[ 0.96533962]
 [ 1.79569569]
 [ 0.95365256]]
delta b updated:  [array([[ 0.20897744],
       [ 3.24716959]]), array([[ 0.96533962],
       [ 1.79569569],
       [ 0.95365256]])]
delta w updated: [array([[ 0.14757484, -0.23277903,  0.06891941],
       [ 2.29307301, -3.6170076 ,  1.07089556]]), array([[ 0.32894735, -1.68658529],
       [ 0.61189797, -3.13733519],
       [ 0.3249649 , -1.66616635]])]
input:  [[ 0.00212559]
 [-0.58283873]
 [ 0.69070654]]
activations:  [array([[ 0.00212559],
       [-0.58283873],
       [ 0.69070654]]), array([[ 0.24285499],
       [-1.04326794]]), array([[ 1.01636783],
       [ 0.50996695],
       [ 0.83030424]])]
cost derivative:  [[ 1.01424224]
 [ 1.09280568]
 [ 0.1395977 ]]
unit step:  1
delta:  [[ 1.01424224]
 [ 1.09280568]
 [ 0.1395977 ]]
delta b updated:  [array([[ 0.16402845],
       [ 1.25261802]]), array([[ 1.01424224],
       [ 1.09280568],
       [ 0.1395977 ]])]
delta w updated: [array([[  3.48656972e-04,  -9.56021322e-02,   1.13295522e-01],
       [  2.66255037e-03,  -7.30074295e-01,   8.65191457e-01]]), array([[ 0.24631379, -1.05812641],
       [ 0.26539331, -1.14008913],
       [ 0.033902  , -0.1456378 ]])]
input:  [[-0.86733502]
 [-0.09135316]
 [ 1.02132887]]
activations:  [array([[-0.86733502],
       [-0.09135316],
       [ 1.02132887]]), array([[ 0.09513386],
       [-0.26125327]]), array([[ 0.23772771],
       [ 0.34836662],
       [ 0.30483651]])]
cost derivative:  [[ 1.10506274]
 [ 0.43971978]
 [-0.71649235]]
unit step:  1
delta:  [[ 1.10506274]
 [ 0.43971978]
 [-0.71649235]]
delta b updated:  [array([[ 0.06982389],
       [ 0.14883683]]), array([[ 1.10506274],
       [ 0.43971978],
       [-0.71649235]])]
delta w updated: [array([[-0.06056071, -0.00637863,  0.07131316],
       [-0.1290914 , -0.01359671,  0.15201135]]), array([[ 0.10512889, -0.28870126],
       [ 0.04183224, -0.11487823],
       [-0.06816269,  0.18718597]])]
input:  [[ 0.207027  ]
 [-0.77506961]
 [ 0.55928504]]
activations:  [array([[ 0.207027  ],
       [-0.77506961],
       [ 0.55928504]]), array([[ 0.26497358],
       [-1.27055802]]), array([[ 1.21355071],
       [ 0.57016354],
       [ 0.97070202]])]
cost derivative:  [[ 1.00652371]
 [ 1.34523315]
 [ 0.41141698]]
unit step:  1
delta:  [[ 1.00652371]
 [ 1.34523315]
 [ 0.41141698]]
delta b updated:  [array([[ 0.17312978],
       [ 1.8178237 ]]), array([[ 1.00652371],
       [ 1.34523315],
       [ 0.41141698]])]
delta w updated: [array([[ 0.03584254, -0.13418764,  0.0968289 ],
       [ 0.37633859, -1.40893991,  1.0166816 ]]), array([[ 0.26670219, -1.27884677],
       [ 0.35645124, -1.70919677],
       [ 0.10901463, -0.52272915]])]
input:  [[ 0.81047671]
 [-1.08986298]
 [ 0.34824972]]
activations:  [array([[ 0.81047671],
       [-1.08986298],
       [ 0.34824972]]), array([[ 0.371639  ],
       [-1.80067957]]), array([[ 1.74838309],
       [ 0.67311435],
       [ 1.33034208]])]
cost derivative:  [[ 0.93790638]
 [ 1.76297733]
 [ 0.98209237]]
unit step:  1
delta:  [[ 0.93790638]
 [ 1.76297733]
 [ 0.98209237]]
delta b updated:  [array([[ 0.22870394],
       [ 3.30844802]]), array([[ 0.93790638],
       [ 1.76297733],
       [ 0.98209237]])]
delta w updated: [array([[ 0.18535921, -0.24925595,  0.07964608],
       [ 2.68142005, -3.605755  ,  1.15216608]]), array([[ 0.34856259, -1.68886885],
       [ 0.65519113, -3.17455725],
       [ 0.36498383, -1.76843366]])]
input:  [[ 0.80545352]
 [-1.09380872]
 [ 0.34540823]]
activations:  [array([[ 0.80545352],
       [-1.09380872],
       [ 0.34540823]]), array([[ 0.36944662],
       [-1.80315629]]), array([[ 1.74593653],
       [ 0.67289098],
       [ 1.32897012]])]
cost derivative:  [[ 0.94048301]
 [ 1.7666997 ]
 [ 0.98356189]]
unit step:  1
delta:  [[ 0.94048301]
 [ 1.7666997 ]
 [ 0.98356189]]
delta b updated:  [array([[ 0.22776644],
       [ 3.31481359]]), array([[ 0.94048301],
       [ 1.7666997 ],
       [ 0.98356189]])]
delta w updated: [array([[ 0.18345528, -0.24913292,  0.0786724 ],
       [ 2.66992826, -3.62577202,  1.14496388]]), array([[ 0.34745827, -1.69583786],
       [ 0.65270124, -3.18563569],
       [ 0.36337362, -1.77351582]])]
input:  [[-0.48980896]
 [-0.14139571]
 [ 0.99217199]]
activations:  [array([[-0.48980896],
       [-0.14139571],
       [ 0.99217199]]), array([[ 0.18572375],
       [-0.51486917]]), array([[ 0.5445436 ],
       [ 0.36763869],
       [ 0.49962999]])]
cost derivative:  [[ 1.03435256]
 [ 0.5090344 ]
 [-0.492542  ]]
unit step:  1
delta:  [[ 1.03435256]
 [ 0.5090344 ]
 [-0.492542  ]]
delta b updated:  [array([[ 0.13483933],
       [ 0.34136317]]), array([[ 1.03435256],
       [ 0.5090344 ],
       [-0.492542  ]])]
delta w updated: [array([[-0.06604551, -0.0190657 ,  0.1337838 ],
       [-0.16720274, -0.04826729,  0.33869098]]), array([[ 0.19210384, -0.53255624],
       [ 0.09453978, -0.26208612],
       [-0.09147675,  0.25359469]])]
input:  [[ 0.83110741]
 [-0.35401954]
 [ 0.86387311]]
activations:  [array([[ 0.83110741],
       [-0.35401954],
       [ 0.86387311]]), array([[ 0.49737994],
       [-1.41370707]]), array([[ 1.62515757],
       [ 0.45115433],
       [ 1.18788543]])]
cost derivative:  [[ 0.79405016]
 [ 0.80517387]
 [ 0.32401232]]
unit step:  1
delta:  [[ 0.79405016]
 [ 0.80517387]
 [ 0.32401232]]
delta b updated:  [array([[ 0.34412228],
       [ 1.46767084]]), array([[ 0.79405016],
       [ 0.80517387],
       [ 0.32401232]])]
delta w updated: [array([[ 0.28600257, -0.12182601,  0.29727798],
       [ 1.21979211, -0.51958416,  1.26788138]]), array([[ 0.39494462, -1.12255432],
       [ 0.40047733, -1.13828   ],
       [ 0.16115723, -0.45805851]])]
input:  [[ 0.22934215]
 [-0.7953239 ]
 [ 0.54544921]]
activations:  [array([[ 0.22934215],
       [-0.7953239 ],
       [ 0.54544921]]), array([[ 0.26676235],
       [-1.302116  ]]), array([[ 1.23493846],
       [ 0.57318049],
       [ 0.98672514]])]
cost derivative:  [[ 1.00559631]
 [ 1.36850439]
 [ 0.44127593]]
unit step:  1
delta:  [[ 1.00559631]
 [ 1.36850439]
 [ 0.44127593]]
delta b updated:  [array([[ 0.17401917],
       [ 1.88478053]]), array([[ 1.00559631],
       [ 1.36850439],
       [ 0.44127593]])]
delta w updated: [array([[ 0.03990993, -0.13840161,  0.09491862],
       [ 0.43225961, -1.499011  ,  1.02805206]]), array([[ 0.26825524, -1.30940304],
       [ 0.36506545, -1.78195146],
       [ 0.11771581, -0.57459245]])]
input:  [[-0.33519014]
 [-0.26856694]
 [ 0.9055268 ]]
activations:  [array([[-0.33519014],
       [-0.26856694],
       [ 0.9055268 ]]), array([[ 0.20504231],
       [-0.67852718]]), array([[ 0.68996766],
       [ 0.40720625],
       [ 0.60210499]])]
cost derivative:  [[ 1.0251578 ]
 [ 0.67577319]
 [-0.30342181]]
unit step:  1
delta:  [[ 1.0251578 ]
 [ 0.67577319]
 [-0.30342181]]
delta b updated:  [array([[ 0.14585065],
       [ 0.55336111]]), array([[ 1.0251578 ],
       [ 0.67577319],
       [-0.30342181]])]
delta w updated: [array([[-0.0488877 , -0.03917066,  0.13207167],
       [-0.18548119, -0.1486145 ,  0.50108332]]), array([[ 0.21020072, -0.69559743],
       [ 0.13856209, -0.45853048],
       [-0.06221431,  0.20587994]])]
input:  [[-0.89248299]
 [-0.32136112]
 [ 0.85986509]]
activations:  [array([[-0.89248299],
       [-0.32136112],
       [ 0.85986509]]), array([[ 0.05007031],
       [-0.37810387]]), array([[ 0.26092355],
       [ 0.41453064],
       [ 0.34183003]])]
cost derivative:  [[ 1.15340654]
 [ 0.73589177]
 [-0.51803506]]
unit step:  1
delta:  [[ 1.15340654]
 [ 0.73589177]
 [-0.51803506]]
delta b updated:  [array([[ 0.03559602],
       [ 0.30652234]]), array([[ 1.15340654],
       [ 0.73589177],
       [-0.51803506]])]
delta w updated: [array([[-0.03176884, -0.01143918,  0.03060777],
       [-0.27356598, -0.09850436,  0.26356786]]), array([[ 0.05775143, -0.43610748],
       [ 0.03684633, -0.27824353],
       [-0.02593818,  0.19587106]])]
input:  [[ 0.83331994]
 [-1.06496602]
 [ 0.36604096]]
activations:  [array([[ 0.83331994],
       [-1.06496602],
       [ 0.36604096]]), array([[ 0.38074212],
       [-1.81004541]]), array([[ 1.76040788],
       [ 0.66090649],
       [ 1.33810306]])]
cost derivative:  [[ 0.92708794]
 [ 1.72587251]
 [ 0.9720621 ]]
unit step:  1
delta:  [[ 0.92708794]
 [ 1.72587251]
 [ 0.9720621 ]]
delta b updated:  [array([[ 0.2355    ],
       [ 3.26121975]]), array([[ 0.92708794],
       [ 1.72587251],
       [ 0.9720621 ]])]
delta w updated: [array([[ 0.19624684, -0.25079949,  0.08620265],
       [ 2.71763945, -3.47308821,  1.19374001]]), array([[ 0.35298142, -1.67807126],
       [ 0.65711235, -3.1239076 ],
       [ 0.37010498, -1.75947653]])]
input:  [[-0.32441767]
 [-0.27805098]
 [ 0.89905324]]
activations:  [array([[-0.32441767],
       [-0.27805098],
       [ 0.89905324]]), array([[ 0.20608205],
       [-0.69219838]]), array([[ 0.69975213],
       [ 0.40904108],
       [ 0.60995699]])]
cost derivative:  [[ 1.0241698 ]
 [ 0.68709206]
 [-0.28909624]]
unit step:  1
delta:  [[ 1.0241698 ]
 [ 0.68709206]
 [-0.28909624]]
delta b updated:  [array([[ 0.14639755],
       [ 0.57094576]]), array([[ 1.0241698 ],
       [ 0.68709206],
       [-0.28909624]])]
delta w updated: [array([[-0.04749395, -0.04070598,  0.1316192 ],
       [-0.18522489, -0.15875203,  0.51331063]]), array([[ 0.21106302, -0.70892867],
       [ 0.14159734, -0.47560401],
       [-0.05957755,  0.20011195]])]
input:  [[-0.89224133]
 [-0.22185723]
 [ 0.92955015]]
activations:  [array([[-0.89224133],
       [-0.22185723],
       [ 0.92955015]]), array([[ 0.0662665 ],
       [-0.32495372]]), array([[ 0.24173797],
       [ 0.38411192],
       [ 0.32177172]])]
cost derivative:  [[ 1.1339793 ]
 [ 0.60596915]
 [-0.60777843]]
unit step:  1
delta:  [[ 1.1339793 ]
 [ 0.60596915]
 [-0.60777843]]
delta b updated:  [array([[ 0.04777849],
       [ 0.22796641]]), array([[ 1.1339793 ],
       [ 0.60596915],
       [-0.60777843]])]
delta w updated: [array([[-0.04262994, -0.0106    ,  0.0444125 ],
       [-0.20340105, -0.050576  ,  0.21190621]]), array([[ 0.07514484, -0.36849079],
       [ 0.04015545, -0.19691193],
       [-0.04027535,  0.19749986]])]
input:  [[ 0.63635401]
 [-1.09331501]
 [ 0.34311697]]
activations:  [array([[ 0.63635401],
       [-1.09331501],
       [ 0.34311697]]), array([[ 0.32410562],
       [-1.71250584]]), array([[ 1.61021619],
       [ 0.66452966],
       [ 1.24890984]])]
cost derivative:  [[ 0.97386218]
 [ 1.75784467]
 [ 0.90579288]]
unit step:  1
delta:  [[ 0.97386218]
 [ 1.75784467]
 [ 0.90579288]]
delta b updated:  [array([[ 0.20025907],
       [ 3.09377392]]), array([[ 0.97386218],
       [ 1.75784467],
       [ 0.90579288]])]
delta w updated: [array([[ 0.12743566, -0.21894625,  0.06871228],
       [ 1.96873543, -3.38246948,  1.06152632]]), array([[ 0.31563421, -1.66774467],
       [ 0.56972734, -3.01031926],
       [ 0.29357256, -1.55117559]])]
input:  [[-0.34591249]
 [-0.2591908 ]
 [ 0.91192558]]
activations:  [array([[-0.34591249],
       [-0.2591908 ],
       [ 0.91192558]]), array([[ 0.20331672],
       [-0.67100516]]), array([[ 0.67869617],
       [ 0.40204325],
       [ 0.59623341]])]
cost derivative:  [[ 1.02460866]
 [ 0.66123406]
 [-0.31569217]]
unit step:  1
delta:  [[ 1.02460866]
 [ 0.66123406]
 [-0.31569217]]
delta b updated:  [array([[ 0.14488161],
       [ 0.53691202]]), array([[ 1.02460866],
       [ 0.66123406],
       [-0.31569217]])]
delta w updated: [array([[-0.05011636, -0.03755198,  0.13212125],
       [-0.18572457, -0.13916266,  0.4896238 ]]), array([[ 0.20832007, -0.6875177 ],
       [ 0.13443994, -0.44369146],
       [-0.06418549,  0.21183107]])]
input:  [[-0.64415088]
 [-0.04291088]
 [ 1.05873279]]
activations:  [array([[-0.64415088],
       [-0.04291088],
       [ 1.05873279]]), array([[ 0.16051667],
       [-0.37478289]]), array([[ 0.40246346],
       [ 0.33364587],
       [ 0.40600518]])]
cost derivative:  [[ 1.04661434]
 [ 0.37655675]
 [-0.6527276 ]]
unit step:  1
delta:  [[ 1.04661434]
 [ 0.37655675]
 [-0.6527276 ]]
delta b updated:  [array([[ 0.11829464],
       [ 0.2004039 ]]), array([[ 1.04661434],
       [ 0.37655675],
       [-0.6527276 ]])]
delta w updated: [array([[-0.0761996 , -0.00507613,  0.12524242],
       [-0.12909035, -0.00859951,  0.21217418]]), array([[ 0.16799905, -0.39225315],
       [ 0.06044363, -0.14112703],
       [-0.10477366,  0.24463114]])]
input:  [[-0.86603769]
 [-0.56591058]
 [ 0.68902265]]
activations:  [array([[-0.86603769],
       [-0.56591058],
       [ 0.68902265]]), array([[ 0.01631978],
       [-0.53260269]]), array([[ 0.32698684],
       [ 0.48581708],
       [ 0.40730878]])]
cost derivative:  [[ 1.19302453]
 [ 1.05172766]
 [-0.28171387]]
unit step:  1
delta:  [[ 1.19302453]
 [ 1.05172766]
 [-0.28171387]]
delta b updated:  [array([[ 0.01118353],
       [ 0.57085699]]), array([[ 1.19302453],
       [ 1.05172766],
       [-0.28171387]])]
delta w updated: [array([[-0.00968536, -0.00632888,  0.0077057 ],
       [-0.49438367, -0.32305401,  0.3933334 ]]), array([[ 0.0194699 , -0.63540808],
       [ 0.01716396, -0.56015298],
       [-0.00459751,  0.15004157]])]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.84992859]
 [-0.05851777]
 [ 1.04459451]]
dot product : [[-0.48681847]
 [-0.32301914]]
result : [[ 0.10386393]
 [-0.26198047]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.10386393]
 [-0.26198047]]
dot product : [[ 0.33148908]
 [ 0.01426155]
 [ 0.20809803]]
result : [[ 0.24299027]
 [ 0.33522945]
 [ 0.30959694]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.15071471]
 [-0.72317733]
 [ 0.59474638]]
dot product : [[-0.33347836]
 [-1.28414205]]
result : [[ 0.25720403]
 [-1.22310338]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.25720403]
 [-1.22310338]]
dot product : [[ 1.24499529]
 [ 0.22483168]
 [ 0.83465309]]
result : [[ 1.15649649]
 [ 0.54579958]
 [ 0.936152  ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.38085591]
 [-0.92606427]
 [ 0.45625618]]
dot product : [[-0.30642578]
 [-1.53286188]]
result : [[ 0.28425662]
 [-1.47182321]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.28425662]
 [-1.47182321]]
dot product : [[ 1.46460892]
 [ 0.28809989]
 [ 0.98920112]]
result : [[ 1.37611011]
 [ 0.60906779]
 [ 1.09070002]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.61887301]
 [-0.05599051]
 [ 1.04996748]]
dot product : [[-0.42579138]
 [-0.4586579 ]]
result : [[ 0.16489101]
 [-0.39761923]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.16489101]
 [-0.39761923]]
dot product : [[ 0.51275375]
 [ 0.01660527]
 [ 0.32019935]]
result : [[ 0.42425494]
 [ 0.33757317]
 [ 0.42169825]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.64455448]
 [-1.09661287]
 [ 0.3409354 ]]
dot product : [[-0.26525937]
 [-1.78359653]]
result : [[ 0.32542303]
 [-1.72255786]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.32542303]
 [-1.72255786]]
dot product : [[ 1.70446784]
 [ 0.34222412]
 [ 1.15335428]]
result : [[ 1.61596903]
 [ 0.66319202]
 [ 1.25485318]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.82375085]
 [-0.03083545]
 [ 1.0643883 ]]
dot product : [[-0.47540515]
 [-0.32323262]]
result : [[ 0.11527724]
 [-0.26219395]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.11527724]
 [-0.26219395]]
dot product : [[ 0.34681519]
 [ 0.00639998]
 [ 0.21507816]]
result : [[ 0.25831638]
 [ 0.32736788]
 [ 0.31657706]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.69887632]
 [-1.1126556 ]
 [ 0.330548  ]]
dot product : [[-0.25364395]
 [-1.82468818]]
result : [[ 0.33703844]
 [-1.76364951]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.33703844]
 [-1.76364951]]
dot product : [[ 1.7502479 ]
 [ 0.34771052]
 [ 1.18318357]]
result : [[ 1.66174909]
 [ 0.66867842]
 [ 1.28468247]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.48228053]
 [-1.0036456 ]
 [ 0.40350862]]
dot product : [[-0.29256038]
 [-1.63592934]]
result : [[ 0.29812202]
 [-1.57489067]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.29812202]
 [-1.57489067]]
dot product : [[ 1.55914359]
 [ 0.31247253]
 [ 1.0548407 ]]
result : [[ 1.47064478]
 [ 0.63344043]
 [ 1.1563396 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.81540173]
 [-0.27239952]
 [ 0.92078564]]
dot product : [[-0.08508318]
 [-1.42901665]]
result : [[ 0.50559921]
 [-1.36797798]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.50559921]
 [-1.36797798]]
dot product : [[ 1.68209508]
 [ 0.10000614]
 [ 1.06453096]]
result : [[ 1.59359627]
 [ 0.42097404]
 [ 1.16602987]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.81380157]
 [-0.02431671]
 [ 1.06910845]]
dot product : [[-0.47172464]
 [-0.32552764]]
result : [[ 0.11895776]
 [-0.26448897]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.11895776]
 [-0.26448897]]
dot product : [[ 0.35340135]
 [ 0.00459938]
 [ 0.2185668 ]]
result : [[ 0.26490254]
 [ 0.32556728]
 [ 0.3200657 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.76825116]
 [-0.01096956]
 [ 1.07916561]]
dot product : [[-0.45758358]
 [-0.34516024]]
result : [[ 0.13309881]
 [-0.28412157]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.13309881]
 [-0.28412157]]
dot product : [[ 0.38669219]
 [ 0.00124975]
 [ 0.23798353]]
result : [[ 0.29819338]
 [ 0.32221765]
 [ 0.33948243]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.21431142]
 [-0.37798482]
 [ 0.8307879 ]]
dot product : [[-0.37254438]
 [-0.87670806]]
result : [[ 0.21813801]
 [-0.81566939]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.21813801]
 [-0.81566939]]
dot product : [[ 0.8922175 ]
 [ 0.11754222]
 [ 0.58464008]]
result : [[ 0.80371869]
 [ 0.43851012]
 [ 0.68613899]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.85618893]
 [-0.50293269]
 [ 0.75998228]]
dot product : [[-0.11224347]
 [-1.58072487]]
result : [[ 0.47843892]
 [-1.5196862 ]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.47843892]
 [-1.5196862 ]]
dot product : [[ 1.75802338]
 [ 0.16894056]
 [ 1.13255036]]
result : [[ 1.66952458]
 [ 0.48990846]
 [ 1.23404926]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.88430752]
 [-0.82759425]
 [ 0.53306447]]
dot product : [[-0.15818553]
 [-1.7769859 ]]
result : [[ 0.43249686]
 [-1.71594723]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.43249686]
 [-1.71594723]]
dot product : [[ 1.84188922]
 [ 0.26562883]
 [ 1.21404929]]
result : [[ 1.75339041]
 [ 0.58659673]
 [ 1.31554819]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.3027292 ]
 [-0.29732748]
 [ 0.88589238]]
dot product : [[-0.38249257]
 [-0.77965335]]
result : [[ 0.20818982]
 [-0.71861468]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.20818982]
 [-0.71861468]]
dot product : [[ 0.80732882]
 [ 0.09243122]
 [ 0.52469844]]
result : [[ 0.71883001]
 [ 0.41339912]
 [ 0.62619735]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.69939058]
 [-0.02062908]
 [ 1.07347501]]
dot product : [[-0.44110597]
 [-0.39134384]]
result : [[ 0.14957642]
 [-0.33030517]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.14957642]
 [-0.33030517]]
dot product : [[ 0.4426942 ]
 [ 0.0050372 ]
 [ 0.27356692]]
result : [[ 0.35419539]
 [ 0.3260051 ]
 [ 0.37506582]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.42968263]
 [-0.18852497]
 [ 0.96010561]]
dot product : [[-0.39792749]
 [-0.64417526]]
result : [[ 0.1927549 ]
 [-0.58313659]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.1927549 ]
 [-0.58313659]]
dot product : [[ 0.68677549]
 [ 0.05845495]
 [ 0.44009546]]
result : [[ 0.59827668]
 [ 0.37942285]
 [ 0.54159436]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.77443049]
 [-0.01156442]
 [ 1.07865268]]
dot product : [[-0.45930227]
 [-0.34182438]]
result : [[ 0.13138012]
 [-0.28078571]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.13138012]
 [-0.28078571]]
dot product : [[ 0.38194475]
 [ 0.00134349]
 [ 0.2350956 ]]
result : [[ 0.29344594]
 [ 0.32231139]
 [ 0.33659451]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.85040337]
 [-0.65782519]
 [ 0.62489984]]
dot product : [[-0.5853657]
 [-0.6542401]]
result : [[ 0.0053167 ]
 [-0.59320143]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.0053167 ]
 [-0.59320143]]
dot product : [[ 0.44509926]
 [ 0.19204151]
 [ 0.33300766]]
result : [[ 0.35660045]
 [ 0.51300941]
 [ 0.43450656]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.89352823]
 [-0.26187376]
 [ 0.90150702]]
dot product : [[-0.53165243]
 [-0.40964553]]
result : [[ 0.05902996]
 [-0.34860686]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.05902996]
 [-0.34860686]]
dot product : [[ 0.3358709 ]
 [ 0.07400398]
 [ 0.22930786]]
result : [[ 0.24737209]
 [ 0.39497188]
 [ 0.33080676]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.47005138]
 [-0.15648523]
 [ 0.9819131 ]]
dot product : [[-0.40325549]
 [-0.60251041]]
result : [[ 0.1874269 ]
 [-0.54147174]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.1874269 ]
 [-0.54147174]]
dot product : [[ 0.64892824]
 [ 0.04840979]
 [ 0.41372734]]
result : [[ 0.56042944]
 [ 0.36937769]
 [ 0.51522624]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.81885068]
 [-0.02741125]
 [ 1.06686264]]
dot product : [[-0.47355736]
 [-0.32424478]]
result : [[ 0.11712503]
 [-0.26320611]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.11712503]
 [-0.26320611]]
dot product : [[ 0.35001834]
 [ 0.00544979]
 [ 0.21675176]]
result : [[ 0.26151953]
 [ 0.32641768]
 [ 0.31825066]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.42222839]
 [-0.95895256]
 [ 0.43387011]]
dot product : [[-0.30097383]
 [-1.5755914 ]]
result : [[ 0.28970856]
 [-1.51455273]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.28970856]
 [-1.51455273]]
dot product : [[ 1.50340708]
 [ 0.29841021]
 [ 1.0162357 ]]
result : [[ 1.41490827]
 [ 0.61937811]
 [ 1.1177346 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.88275463]
 [-0.44301392]
 [ 0.77482491]]
dot product : [[-0.55857441]
 [-0.5162316 ]]
result : [[ 0.03210799]
 [-0.45519293]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.03210799]
 [-0.45519293]]
dot product : [[ 0.37879673]
 [ 0.12788398]
 [ 0.27238327]]
result : [[ 0.29029792]
 [ 0.44885188]
 [ 0.37388217]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.86696128]
 [-0.9878016 ]
 [ 0.42060282]]
dot product : [[-0.18904634]
 [-1.85531556]]
result : [[ 0.40163605]
 [-1.79427689]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.40163605]
 [-1.79427689]]
dot product : [[ 1.85871509]
 [ 0.31292258]
 [ 1.2390466 ]]
result : [[ 1.77021629]
 [ 0.63389048]
 [ 1.3405455 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.62740077]
 [-0.05140675]
 [ 1.05304444]]
dot product : [[-0.42727566]
 [-0.4510647 ]]
result : [[ 0.16340673]
 [-0.39002603]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.16340673]
 [-0.39002603]]
dot product : [[ 0.50517413]
 [ 0.01513131]
 [ 0.31508532]]
result : [[ 0.41667532]
 [ 0.33609921]
 [ 0.41658423]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.55803192]
 [-1.05329141]
 [ 0.36992359]]
dot product : [[-0.28084197]
 [-1.70831794]]
result : [[ 0.30984042]
 [-1.64727927]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.30984042]
 [-1.64727927]]
dot product : [[ 1.6281709 ]
 [ 0.32821429]
 [ 1.10213256]]
result : [[ 1.5396721 ]
 [ 0.64918219]
 [ 1.20363146]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.70682931]
 [-0.01844346]
 [ 1.07488957]]
dot product : [[-0.44269841]
 [-0.38572304]]
result : [[ 0.14798398]
 [-0.32468437]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.14798398]
 [-0.32468437]]
dot product : [[ 0.4364273 ]
 [ 0.00428924]
 [ 0.26948449]]
result : [[ 0.34792849]
 [ 0.32525714]
 [ 0.3709834 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.03656671]
 [-0.6156325 ]
 [ 0.66827857]]
dot product : [[-0.34576061]
 [-1.1569544 ]]
result : [[ 0.24492178]
 [-1.09591573]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.24492178]
 [-1.09591573]]
dot product : [[ 1.13475376]
 [ 0.19139994]
 [ 0.75655479]]
result : [[ 1.04625495]
 [ 0.51236784]
 [ 0.85805369]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.11663588]
 [-0.69133326]
 [ 0.61651493]]
dot product : [[-0.33718848]
 [-1.24631593]]
result : [[ 0.25349392]
 [-1.18527726]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.25349392]
 [-1.18527726]]
dot product : [[ 1.21213283]
 [ 0.21492879]
 [ 0.81139188]]
result : [[ 1.12363402]
 [ 0.53589669]
 [ 0.91289078]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.51130396]
 [-1.02368072]
 [ 0.38993089]]
dot product : [[-0.28823707]
 [-1.66422512]]
result : [[ 0.30244532]
 [-1.60318645]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.30244532]
 [-1.60318645]]
dot product : [[ 1.58578357]
 [ 0.31880458]
 [ 1.07317182]]
result : [[ 1.49728476]
 [ 0.63977248]
 [ 1.17467072]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.80968627]
 [-0.24410611]
 [ 0.94051003]]
dot product : [[-0.08193595]
 [-1.40997657]]
result : [[ 0.50874645]
 [-1.3489379 ]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.50874645]
 [-1.3489379 ]]
dot product : [[ 1.67221818]
 [ 0.0915363 ]
 [ 1.055837  ]]
result : [[ 1.58371938]
 [ 0.41250419]
 [ 1.15733591]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.11248479]
 [-0.47366382]
 [ 0.76537305]]
dot product : [[-0.36154565]
 [-0.99002453]]
result : [[ 0.22913674]
 [-0.92898586]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.22913674]
 [-0.92898586]]
dot product : [[ 0.99051042]
 [ 0.14728897]
 [ 0.65425459]]
result : [[ 0.90201161]
 [ 0.46825687]
 [ 0.75575349]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.83105005]
 [-0.75801209]
 [ 0.55504205]]
dot product : [[-0.59674224]
 [-0.72113601]]
result : [[-0.00605985]
 [-0.66009734]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[-0.00605985]
 [-0.66009734]]
dot product : [[ 0.4793771 ]
 [ 0.22202136]
 [ 0.36336148]]
result : [[ 0.39087829]
 [ 0.54298926]
 [ 0.46486039]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.89286411]
 [-0.23476572]
 [ 0.92050079]]
dot product : [[-0.52702633]
 [-0.3950448 ]]
result : [[ 0.06365606]
 [-0.33400613]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.06365606]
 [-0.33400613]]
dot product : [[ 0.33123755]
 [ 0.06597119]
 [ 0.22397117]]
result : [[ 0.24273874]
 [ 0.38693909]
 [ 0.32547007]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.73415457]
 [-1.11607237]
 [ 0.32870542]]
dot product : [[-0.24495066]
 [-1.84750131]]
result : [[ 0.34573174]
 [-1.78646264]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.34573174]
 [-1.78646264]]
dot product : [[ 1.77864716]
 [ 0.34919643]
 [ 1.20109355]]
result : [[ 1.69014835]
 [ 0.67016433]
 [ 1.30259245]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.891427  ]
 [-0.20937399]
 [ 0.9383047 ]]
dot product : [[-0.52247933]
 [-0.38185188]]
result : [[ 0.06820307]
 [-0.32081321]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.06820307]
 [-0.32081321]]
dot product : [[ 0.32753865]
 [ 0.0584579 ]
 [ 0.21936966]]
result : [[ 0.23903984]
 [ 0.3794258 ]
 [ 0.32086856]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.18059023]
 [-0.40942288]
 [ 0.80929809]]
dot product : [[-0.3688614 ]
 [-0.91409748]]
result : [[ 0.22182099]
 [-0.85305881]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.22182099]
 [-0.85305881]]
dot product : [[ 0.92472143]
 [ 0.12731989]
 [ 0.60764218]]
result : [[ 0.83622262]
 [ 0.44828779]
 [ 0.70914109]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.89171727]
 [-0.33735345]
 [ 0.84867781]]
dot product : [[-0.5435732 ]
 [-0.45247064]]
result : [[ 0.04710919]
 [-0.39143197]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.04710919]
 [-0.39143197]]
dot product : [[ 0.35165103]
 [ 0.0964195 ]
 [ 0.24595149]]
result : [[ 0.26315223]
 [ 0.4173874 ]
 [ 0.34745039]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.81402889]
 [-0.83872816]
 [ 0.49878306]]
dot product : [[-0.60553292]
 [-0.7758786 ]]
result : [[-0.01485053]
 [-0.71483993]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[-0.01485053]
 [-0.71483993]]
dot product : [[ 0.5081173]
 [ 0.2461939]
 [ 0.3885128]]
result : [[ 0.41961849]
 [ 0.5671618 ]
 [ 0.49001171]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.88371162]
 [-0.85694283]
 [ 0.51250275]]
dot product : [[-0.16316169]
 [-1.79286644]]
result : [[ 0.4275207 ]
 [-1.73182777]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.4275207 ]
 [-1.73182777]]
dot product : [[ 1.84700237]
 [ 0.2743272 ]
 [ 1.21988708]]
result : [[ 1.75850356]
 [ 0.5952951 ]
 [ 1.32138598]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.38826665]
 [-0.22284173]
 [ 0.93671988]]
dot product : [[-0.39269873]
 [-0.68772072]]
result : [[ 0.19798366]
 [-0.62668205]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.19798366]
 [-0.62668205]]
dot product : [[ 0.72587955]
 [ 0.0691896 ]
 [ 0.46744952]]
result : [[ 0.63738074]
 [ 0.3901575 ]
 [ 0.56894842]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.56567595]
 [-0.08795369]
 [ 1.02841365]]
dot product : [[-0.41708561]
 [-0.50788873]]
result : [[ 0.17359679]
 [-0.44685006]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.17359679]
 [-0.44685006]]
dot product : [[ 0.56067702]
 [ 0.02679946]
 [ 0.3528047 ]]
result : [[ 0.47217821]
 [ 0.34776736]
 [ 0.4543036 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.51887351]
 [-0.1200104 ]
 [ 1.00669461]]
dot product : [[-0.41007267]
 [-0.55337872]]
result : [[ 0.18060973]
 [-0.49234005]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.18060973]
 [-0.49234005]]
dot product : [[ 0.60358815]
 [ 0.03693578]
 [ 0.38231249]]
result : [[ 0.51508935]
 [ 0.35790368]
 [ 0.48381139]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.69145814]
 [-1.11114508]
 [ 0.33149012]]
dot product : [[-0.25534187]
 [-1.819453  ]]
result : [[ 0.33534052]
 [-1.75841433]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.33534052]
 [-1.75841433]]
dot product : [[ 1.74412557]
 [ 0.3471631 ]
 [ 1.17925213]]
result : [[ 1.65562676]
 [ 0.668131  ]
 [ 1.28075103]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.80860522]
 [-0.02154802]
 [ 1.07112836]]
dot product : [[-0.4699068 ]
 [-0.32707805]]
result : [[ 0.12077559]
 [-0.26603938]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.12077559]
 [-0.26603938]]
dot product : [[ 0.35696215]
 [ 0.00384761]
 [ 0.22052165]]
result : [[ 0.26846334]
 [ 0.32481551]
 [ 0.32202056]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.41942256]
 [-0.19690025]
 [ 0.95440051]]
dot product : [[-0.39661145]
 [-0.65489313]]
result : [[ 0.19407094]
 [-0.59385446]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.19407094]
 [-0.59385446]]
dot product : [[ 0.69643885]
 [ 0.06107686]
 [ 0.44684561]]
result : [[ 0.60794004]
 [ 0.38204476]
 [ 0.54834452]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.89304525]
 [-0.30582081]
 [ 0.870739  ]]
dot product : [[-0.53874304]
 [-0.43424097]]
result : [[ 0.05193935]
 [-0.37320231]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.05193935]
 [-0.37320231]]
dot product : [[ 0.3446092 ]
 [ 0.08704747]
 [ 0.23871985]]
result : [[ 0.25611039]
 [ 0.40801537]
 [ 0.34021875]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.41197964]
 [-0.95094907]
 [ 0.43931503]]
dot product : [[-0.30234796]
 [-1.56508589]]
result : [[ 0.28833443]
 [-1.50404722]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.28833443]
 [-1.50404722]]
dot product : [[ 1.49382334]
 [ 0.29589874]
 [ 1.00956869]]
result : [[ 1.40532453]
 [ 0.61686664]
 [ 1.1110676 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.8708618 ]
 [-0.61292545]
 [ 0.68318458]]
dot product : [[-0.12645821]
 [-1.6502689 ]]
result : [[ 0.46422418]
 [-1.58923023]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.46422418]
 [-1.58923023]]
dot product : [[ 1.79048465]
 [ 0.20176668]
 [ 1.16267024]]
result : [[ 1.70198584]
 [ 0.52273458]
 [ 1.26416915]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.88818223]
 [-0.38808078]
 [ 0.81320924]]
dot product : [[-0.55097668]
 [-0.48262668]]
result : [[ 0.03970571]
 [-0.42158801]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.03970571]
 [-0.42158801]]
dot product : [[ 0.36407959]
 [ 0.11151524]
 [ 0.258267  ]]
result : [[ 0.27558078]
 [ 0.43248314]
 [ 0.35976591]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.88131382]
 [-0.72870994]
 [ 0.60226519]]
dot product : [[-0.14273135]
 [-1.72051324]]
result : [[ 0.44795105]
 [-1.65947457]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.44795105]
 [-1.65947457]]
dot product : [[ 1.82072739]
 [ 0.23625443]
 [ 1.19194202]]
result : [[ 1.73222858]
 [ 0.55722233]
 [ 1.29344092]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.81535065]
 [-1.08557778]
 [ 0.35132659]]
dot product : [[-0.21864271]
 [-1.87879001]]
result : [[ 0.37203968]
 [-1.81775134]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.37203968]
 [-1.81775134]]
dot product : [[ 1.83671511]
 [ 0.34123719]
 [ 1.23430537]]
result : [[ 1.74821631]
 [ 0.66220509]
 [ 1.33580427]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.79752477]
 [-0.18586622]
 [ 0.98110502]]
dot product : [[-0.07556165]
 [-1.37054874]]
result : [[ 0.51512074]
 [-1.30951007]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.51512074]
 [-1.30951007]]
dot product : [[ 1.65157533]
 [ 0.07409644]
 [ 1.03774779]]
result : [[ 1.56307652]
 [ 0.39506434]
 [ 1.13924669]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.50926384]
 [-0.12696721]
 [ 1.0019727 ]]
dot product : [[-0.40869429]
 [-0.56292622]]
result : [[ 0.1819881 ]
 [-0.50188755]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.1819881 ]
 [-0.50188755]]
dot product : [[ 0.61247013]
 [ 0.0391282 ]
 [ 0.38844941]]
result : [[ 0.52397132]
 [ 0.36009609]
 [ 0.48994832]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.59269937]
 [-0.07103919]
 [ 1.03983725]]
dot product : [[-0.42139674]
 [-0.48250529]]
result : [[ 0.16928565]
 [-0.42146662]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.16928565]
 [-0.42146662]]
dot product : [[ 0.53620374]
 [ 0.02141992]
 [ 0.33610011]]
result : [[ 0.44770494]
 [ 0.34238782]
 [ 0.43759901]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.76625553]
 [-1.11224554]
 [ 0.33188589]]
dot product : [[-0.23590125]
 [-1.86442328]]
result : [[ 0.35478114]
 [-1.80338461]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.35478114]
 [-1.80338461]]
dot product : [[ 1.80316953]
 [ 0.34849097]
 [ 1.21594223]]
result : [[ 1.71467072]
 [ 0.66945886]
 [ 1.31744113]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.86937796]
 [-0.5441958 ]
 [ 0.70417715]]
dot product : [[-0.57168218]
 [-0.58013319]]
result : [[ 0.01900021]
 [-0.51909452]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.01900021]
 [-0.51909452]]
dot product : [[ 0.40856266]
 [ 0.15807898]
 [ 0.30003152]]
result : [[ 0.32006385]
 [ 0.47904688]
 [ 0.40153042]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.33854048]
 [-0.89098712]
 [ 0.48016037]]
dot product : [[-0.31176562]
 [-1.48836236]]
result : [[ 0.27891678]
 [-1.42732369]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.27891678]
 [-1.42732369]]
dot product : [[ 1.42465274]
 [ 0.27712762]
 [ 0.96124984]]
result : [[ 1.33615394]
 [ 0.59809552]
 [ 1.06274874]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.8800997 ]
 [-0.71060845]
 [ 0.6149225 ]]
dot product : [[-0.14007709]
 [-1.70978044]]
result : [[ 0.45060531]
 [-1.64874178]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.45060531]
 [-1.64874178]]
dot product : [[ 1.81632961]
 [ 0.23086831]
 [ 1.18757043]]
result : [[ 1.7278308 ]
 [ 0.55183621]
 [ 1.28906933]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.73538449]
 [-0.01234762]
 [ 1.07871312]]
dot product : [[-0.44918809]
 [-0.36541539]]
result : [[ 0.1414943 ]
 [-0.30437672]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.1414943 ]
 [-0.30437672]]
dot product : [[ 0.41280678]
 [ 0.00209858]
 [ 0.25429228]]
result : [[ 0.32430798]
 [ 0.32306648]
 [ 0.35579118]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.79480844]
 [-0.92433828]
 [ 0.43913113]]
dot product : [[-0.61455041]
 [-0.83463267]]
result : [[-0.02386802]
 [-0.773594  ]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[-0.02386802]
 [-0.773594  ]]
dot product : [[ 0.53951824]
 [ 0.27184773]
 [ 0.41575809]]
result : [[ 0.45101943]
 [ 0.59281563]
 [ 0.517257  ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.47245184]
 [-0.99661205]
 [ 0.40828086]]
dot product : [[-0.2939836 ]
 [-1.62620948]]
result : [[ 0.29669879]
 [-1.56517081]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.29669879]
 [-1.56517081]]
dot product : [[ 1.55007473]
 [ 0.31025442]
 [ 1.04858099]]
result : [[ 1.46157593]
 [ 0.63122231]
 [ 1.15007989]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.77023174]
 [-0.06266718]
 [ 1.0669541 ]]
dot product : [[-0.06248868]
 [-1.28621487]]
result : [[ 0.52819371]
 [-1.2251762 ]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.52819371]
 [-1.2251762 ]]
dot product : [[ 1.60667548]
 [ 0.03718367]
 [ 0.99871856]]
result : [[ 1.51817667]
 [ 0.35815157]
 [ 1.10021746]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.44252695]
 [-0.97449941]
 [ 0.42329939]]
dot product : [[-0.2982022 ]
 [-1.59622989]]
result : [[ 0.29248019]
 [-1.53519122]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.29248019]
 [-1.53519122]]
dot product : [[ 1.52233055]
 [ 0.30329399]
 [ 1.02937665]]
result : [[ 1.43383174]
 [ 0.62426189]
 [ 1.13087555]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.85862676]
 [-1.01494338]
 [ 0.40146581]]
dot product : [[-0.19569014]
 [-1.86538572]]
result : [[ 0.39499226]
 [-1.80434705]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.39499226]
 [-1.80434705]]
dot product : [[ 1.85732143]
 [ 0.32086269]
 [ 1.24065137]]
result : [[ 1.76882262]
 [ 0.64183058]
 [ 1.34215027]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.83754064]
 [-0.04312429]
 [ 1.05556754]]
dot product : [[-0.48104075]
 [-0.32185151]]
result : [[ 0.10964165]
 [-0.26081284]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.10964165]
 [-0.26081284]]
dot product : [[ 0.33830556]
 [ 0.00986088]
 [ 0.21092229]]
result : [[ 0.24980675]
 [ 0.33082878]
 [ 0.31242119]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.77227571]
 [-1.11056888]
 [ 0.33315392]]
dot product : [[-0.23404664]
 [-1.86706635]]
result : [[ 0.35663575]
 [-1.80602768]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.35663575]
 [-1.80602768]]
dot product : [[ 1.80758603]
 [ 0.34807418]
 [ 1.21852668]]
result : [[ 1.71908723]
 [ 0.66904208]
 [ 1.32002559]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.8756188 ]
 [-0.94603947]
 [ 0.44998331]]
dot product : [[-0.17991676]
 [-1.83734983]]
result : [[ 0.41076563]
 [-1.77631117]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.41076563]
 [-1.77631117]]
dot product : [[ 1.85758216]
 [ 0.30064963]
 [ 1.23454642]]
result : [[ 1.76908335]
 [ 0.62161753]
 [ 1.33604532]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.87886468]
 [-0.92270113]
 [ 0.46637747]]
dot product : [[-0.17523249]
 [-1.82636549]]
result : [[ 0.41544991]
 [-1.76532682]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.41544991]
 [-1.76532682]]
dot product : [[ 1.85569655]
 [ 0.2937697 ]
 [ 1.23125537]]
result : [[ 1.76719774]
 [ 0.6147376 ]
 [ 1.33275427]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.78075027]
 [-0.98418159]
 [ 0.39744286]]
dot product : [[-0.62069049]
 [-0.87607231]]
result : [[-0.0300081 ]
 [-0.81503364]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[-0.0300081 ]
 [-0.81503364]]
dot product : [[ 0.56195795]
 [ 0.28978864]
 [ 0.43510666]]
result : [[ 0.47345914]
 [ 0.61075654]
 [ 0.53660556]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.43987726]
 [-0.18029201]
 [ 0.96571207]]
dot product : [[-0.39924974]
 [-0.63357492]]
result : [[ 0.19143266]
 [-0.57253625]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.19143266]
 [-0.57253625]]
dot product : [[ 0.67719068]
 [ 0.05587612]
 [ 0.43340692]]
result : [[ 0.58869188]
 [ 0.37684402]
 [ 0.53490583]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.88371996]
 [-0.780213  ]
 [ 0.56623579]]
dot product : [[-0.15055837]
 [-1.75042883]]
result : [[ 0.44012403]
 [-1.68939016]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.44012403]
 [-1.68939016]]
dot product : [[ 1.83241551]
 [ 0.25156518]
 [ 1.20386923]]
result : [[ 1.7439167 ]
 [ 0.57253308]
 [ 1.30536813]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.02509018]
 [-0.60471442]
 [ 0.6757454 ]]
dot product : [[-0.34697817]
 [-1.14410853]]
result : [[ 0.24370423]
 [-1.08306986]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.24370423]
 [-1.08306986]]
dot product : [[ 1.12364993]
 [ 0.18800741]
 [ 0.7486807 ]]
result : [[ 1.03515112]
 [ 0.50897531]
 [ 0.85017961]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.52081854]
 [-1.02999117]
 [ 0.38566014]]
dot product : [[-0.28677749]
 [-1.6733587 ]]
result : [[ 0.3039049 ]
 [-1.61232003]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.3039049 ]
 [-1.61232003]]
dot product : [[ 1.59446781]
 [ 0.32080398]
 [ 1.07912742]]
result : [[ 1.505969  ]
 [ 0.64177188]
 [ 1.18062632]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.88477696]
 [-0.42422919]
 [ 0.78794808]]
dot product : [[-0.55601995]
 [-0.50464154]]
result : [[ 0.03466245]
 [-0.44360288]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.03466245]
 [-0.44360288]]
dot product : [[ 0.37363328]
 [ 0.12228436]
 [ 0.26747505]]
result : [[ 0.28513448]
 [ 0.44325226]
 [ 0.36897395]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.31706324]
 [-0.8727042 ]
 [ 0.49262874]]
dot product : [[-0.31439711]
 [-1.46551137]]
result : [[ 0.27628528]
 [-1.4044727 ]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.27628528]
 [-1.4044727 ]]
dot product : [[ 1.40428175]
 [ 0.2714164 ]
 [ 0.94696302]]
result : [[ 1.31578294]
 [ 0.59238429]
 [ 1.04846192]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.6841651 ]
 [-0.02576757]
 [ 1.07011403]]
dot product : [[-0.4379558 ]
 [-0.40321623]]
result : [[ 0.15272659]
 [-0.34217756]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.15272659]
 [-0.34217756]]
dot product : [[ 0.45564767]
 [ 0.00676539]
 [ 0.28206161]]
result : [[ 0.36714886]
 [ 0.32773329]
 [ 0.38356051]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.36720003]
 [-0.24077752]
 [ 0.9244882 ]]
dot product : [[-0.39011794]
 [-0.71013617]]
result : [[ 0.20056445]
 [-0.6490975 ]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.20056445]
 [-0.6490975 ]]
dot product : [[ 0.74586153]
 [ 0.07479236]
 [ 0.4814637 ]]
result : [[ 0.65736272]
 [ 0.39576026]
 [ 0.5829626 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.56711552]
 [-1.05861197]
 [ 0.36633933]]
dot product : [[-0.27933288]
 [-1.71664835]]
result : [[ 0.31134951]
 [-1.65560968]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.31134951]
 [-1.65560968]]
dot product : [[ 1.63632787]
 [ 0.32991426]
 [ 1.10767137]]
result : [[ 1.54782906]
 [ 0.65088216]
 [ 1.20917028]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.72842907]
 [-0.01346693]
 [ 1.07803774]]
dot product : [[-0.44754732]
 [-0.37015972]]
result : [[ 0.14313507]
 [-0.30912105]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.14313507]
 [-0.30912105]]
dot product : [[ 0.41849071]
 [ 0.00252375]
 [ 0.25791645]]
result : [[ 0.3299919 ]
 [ 0.32349165]
 [ 0.35941536]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.19185916]
 [-0.39888405]
 [ 0.81650256]]
dot product : [[-0.37008678]
 [-0.90158452]]
result : [[ 0.22059561]
 [-0.84054585]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.22059561]
 [-0.84054585]]
dot product : [[ 0.91385303]
 [ 0.12404264]
 [ 0.59994849]]
result : [[ 0.82535422]
 [ 0.44501054]
 [ 0.70144739]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.20310013]
 [-0.38840343]
 [ 0.82366671]]
dot product : [[-0.37131438]
 [-0.88912034]]
result : [[ 0.21936801]
 [-0.82808167]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.21936801]
 [-0.82808167]]
dot product : [[ 0.9030177 ]
 [ 0.12078304]
 [ 0.59228058]]
result : [[ 0.81451889]
 [ 0.44175093]
 [ 0.69377948]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.32782706]
 [-0.8819045 ]
 [ 0.48635374]]
dot product : [[-0.31308441]
 [-1.47698436]]
result : [[ 0.27759798]
 [-1.41594569]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.27759798]
 [-1.41594569]]
dot product : [[ 1.41449827]
 [ 0.2742898 ]
 [ 0.954131  ]]
result : [[ 1.32599946]
 [ 0.5952577 ]
 [ 1.05562991]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.82850036]
 [-0.03459315]
 [ 1.06168277]]
dot product : [[-0.47726819]
 [-0.32249427]]
result : [[ 0.1134142]
 [-0.2614556]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.1134142]
 [-0.2614556]]
dot product : [[ 0.34379396]
 [ 0.00745112]
 [ 0.21354763]]
result : [[ 0.25529516]
 [ 0.32841902]
 [ 0.31504653]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.76009975]
 [-1.11361334]
 [ 0.33083205]]
dot product : [[-0.23774071]
 [-1.86152893]]
result : [[ 0.35294169]
 [-1.80049026]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.35294169]
 [-1.80049026]]
dot product : [[ 1.79858761]
 [ 0.34881431]
 [ 1.21322717]]
result : [[ 1.7100888 ]
 [ 0.66978221]
 [ 1.31472607]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.72135026]
 [-0.01485856]
 [ 1.07717359]]
dot product : [[-0.44591891]
 [-0.37512785]]
result : [[ 0.14476349]
 [-0.31408918]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.14476349]
 [-0.31408918]]
dot product : [[ 0.42432348]
 [ 0.00303136]
 [ 0.26165763]]
result : [[ 0.33582468]
 [ 0.32399926]
 [ 0.36315654]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.84514637]
 [-1.04575562]
 [ 0.37967818]]
dot product : [[-0.20428661]
 [-1.87443421]]
result : [[ 0.38639578]
 [-1.81339554]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.38639578]
 [-1.81339554]]
dot product : [[ 1.85257817]
 [ 0.32982275]
 [ 1.24051418]]
result : [[ 1.76407937]
 [ 0.65079065]
 [ 1.34201308]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.77334271]
 [-1.01494568]
 [ 0.37601468]]
dot product : [[-0.6237996]
 [-0.8974826]]
result : [[-0.0331172 ]
 [-0.83644393]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[-0.0331172 ]
 [-0.83644393]]
dot product : [[ 0.57363573]
 [ 0.29901407]
 [ 0.44514134]]
result : [[ 0.48513692]
 [ 0.61998197]
 [ 0.54664024]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.82561786]
 [-0.78438004]
 [ 0.53666163]]
dot product : [[-0.59964757]
 [-0.73894303]]
result : [[-0.00896518]
 [-0.67790436]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[-0.00896518]
 [-0.67790436]]
dot product : [[ 0.48866497]
 [ 0.22991622]
 [ 0.37151531]]
result : [[ 0.40016617]
 [ 0.55088411]
 [ 0.47301421]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.88234155]
 [-0.88453597]
 [ 0.49315826]]
dot product : [[-0.16805265]
 [-1.80731681]]
result : [[ 0.42262975]
 [-1.74627814]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.42262975]
 [-1.74627814]]
dot product : [[ 1.85117269]
 [ 0.28249444]
 [ 1.22498094]]
result : [[ 1.76267389]
 [ 0.60346234]
 [ 1.32647984]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.16203029]
 [-0.7336841 ]
 [ 0.58756508]]
dot product : [[-0.33223548]
 [-1.29666495]]
result : [[ 0.25844691]
 [-1.23562628]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.25844691]
 [-1.23562628]]
dot product : [[ 1.25589429]
 [ 0.22810005]
 [ 0.84236283]]
result : [[ 1.16739548]
 [ 0.54906794]
 [ 0.94386174]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.71414978]
 [-0.01651868]
 [ 1.07612332]]
dot product : [[-0.44430266]
 [-0.38031667]]
result : [[ 0.14637973]
 [-0.319278  ]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.14637973]
 [-0.319278  ]]
dot product : [[ 0.43030304]
 [ 0.00362024]
 [ 0.26551419]]
result : [[ 0.34180423]
 [ 0.32458814]
 [ 0.36701309]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.82464401]
 [-1.07597374]
 [ 0.3581971 ]]
dot product : [[-0.21462757]
 [-1.8789894 ]]
result : [[ 0.37605482]
 [-1.81795073]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.37605482]
 [-1.81795073]]
dot product : [[ 1.84219853]
 [ 0.33851255]
 [ 1.23683004]]
result : [[ 1.75369972]
 [ 0.65948045]
 [ 1.33832894]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.67638176]
 [-0.02871278]
 [ 1.06817291]]
dot product : [[-0.43639771]
 [-0.40946157]]
result : [[ 0.15428468]
 [-0.3484229 ]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.15428468]
 [-0.3484229 ]]
dot product : [[ 0.4623301 ]
 [ 0.00774331]
 [ 0.28647061]]
result : [[ 0.37383129]
 [ 0.3287112 ]
 [ 0.38796952]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.89042284]
 [-0.19731218]
 [ 0.94676709]]
dot product : [[-0.52023503]
 [-0.37577554]]
result : [[ 0.07044737]
 [-0.31473687]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.07044737]
 [-0.31473687]]
dot product : [[ 0.32603445]
 [ 0.05489317]
 [ 0.21734052]]
result : [[ 0.23753564]
 [ 0.37586107]
 [ 0.31883943]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.89340573]
 [-0.2907287 ]
 [ 0.88130219]]
dot product : [[-0.53635907]
 [-0.42567908]]
result : [[ 0.05432332]
 [-0.36464041]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.05432332]
 [-0.36464041]]
dot product : [[ 0.34145524]
 [ 0.08256552]
 [ 0.23539275]]
result : [[ 0.25295643]
 [ 0.40353342]
 [ 0.33689165]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.85550694]
 [-1.02321488]
 [ 0.39562474]]
dot product : [[-0.19786695]
 [-1.86811071]]
result : [[ 0.39281544]
 [-1.80707204]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.39281544]
 [-1.80707204]]
dot product : [[ 1.85644059]
 [ 0.32327468]
 [ 1.24085776]]
result : [[ 1.76794178]
 [ 0.64424258]
 [ 1.34235666]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.35658302]
 [-0.24992639]
 [ 0.91824693]]
dot product : [[-0.38883531]
 [-0.72149363]]
result : [[ 0.20184708]
 [-0.66045496]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.20184708]
 [-0.66045496]]
dot product : [[ 0.75595277]
 [ 0.07764854]
 [ 0.48854937]]
result : [[ 0.66745397]
 [ 0.39861644]
 [ 0.59004827]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.85373844]
 [-0.0643567 ]
 [ 1.04044617]]
dot product : [[-0.4887768 ]
 [-0.32398931]]
result : [[ 0.10190559]
 [-0.26295065]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.10190559]
 [-0.26295065]]
dot product : [[ 0.32960282]
 [ 0.01594267]
 [ 0.20746013]]
result : [[ 0.24110401]
 [ 0.33691057]
 [ 0.30895903]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.35980925]
 [-0.90878401]
 [ 0.46802911]]
dot product : [[-0.30910899]
 [-1.51082087]]
result : [[ 0.28157341]
 [-1.4497822 ]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.28157341]
 [-1.4497822 ]]
dot product : [[ 1.44476731]
 [ 0.28269187]
 [ 0.97533355]]
result : [[ 1.35626851]
 [ 0.60365977]
 [ 1.07683245]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.27353785]
 [-0.83480259]
 [ 0.51849199]]
dot product : [[-0.3195905 ]
 [-1.41873191]]
result : [[ 0.27109189]
 [-1.35769324]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.27109189]
 [-1.35769324]]
dot product : [[ 1.36283665]
 [ 0.25959004]
 [ 0.91783217]]
result : [[ 1.27433785]
 [ 0.58055794]
 [ 1.01933107]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.86565678]
 [-0.57043228]
 [ 0.71286083]]
dot product : [[-0.12084508]
 [-1.62367707]]
result : [[ 0.46983731]
 [-1.5626384 ]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.46983731]
 [-1.5626384 ]]
dot product : [[ 1.77830857]
 [ 0.18909127]
 [ 1.15126006]]
result : [[ 1.68980977]
 [ 0.51005917]
 [ 1.25275896]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.85867859]
 [-0.61084914]
 [ 0.65766752]]
dot product : [[-0.57982176]
 [-0.6233477 ]]
result : [[ 0.01086064]
 [-0.56230903]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.01086064]
 [-0.56230903]]
dot product : [[ 0.4296556 ]
 [ 0.17799514]
 [ 0.31916482]]
result : [[ 0.34115679]
 [ 0.49896303]
 [ 0.42066372]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.88051691]
 [-0.46227744]
 [ 0.76136981]]
dot product : [[-0.56115099]
 [-0.52821425]]
result : [[ 0.02953141]
 [-0.46717558]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.02953141]
 [-0.46717558]]
dot product : [[ 0.38422066]
 [ 0.13362852]
 [ 0.27749646]]
result : [[ 0.29572186]
 [ 0.45459642]
 [ 0.37899536]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.75381005]
 [-1.11467609]
 [ 0.32998973]]
dot product : [[-0.23956519]
 [-1.85838643]]
result : [[ 0.3511172 ]
 [-1.79734776]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.3511172 ]
 [-1.79734776]]
dot product : [[ 1.79384235]
 [ 0.34904537]
 [ 1.21038314]]
result : [[ 1.70534354]
 [ 0.67001327]
 [ 1.31188205]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.8261106 ]
 [-0.32735242]
 [ 0.88246983]]
dot product : [[-0.09129873]
 [-1.46576477]]
result : [[ 0.49938366]
 [-1.4047261 ]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.49938366]
 [-1.4047261 ]]
dot product : [[ 1.70097015]
 [ 0.11645145]
 [ 1.08122573]]
result : [[ 1.61247134]
 [ 0.43741935]
 [ 1.18272463]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.57477534]
 [-0.08211458]
 [ 1.03236081]]
dot product : [[-0.41851368]
 [-0.49926212]]
result : [[ 0.17216872]
 [-0.43822345]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.17216872]
 [-0.43822345]]
dot product : [[ 0.55240901]
 [ 0.02494544]
 [ 0.3471499 ]]
result : [[ 0.4639102 ]
 [ 0.34591334]
 [ 0.4486488 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.59381163]
 [-1.07330163]
 [ 0.35646866]]
dot product : [[-0.27474223]
 [-1.74060702]]
result : [[ 0.31594017]
 [-1.67956835]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.31594017]
 [-1.67956835]]
dot product : [[ 1.66012054]
 [ 0.33462941]
 [ 1.12375185]]
result : [[ 1.57162174]
 [ 0.65559731]
 [ 1.22525075]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.74221482]
 [-0.01150444]
 [ 1.07919707]]
dot product : [[-0.4508414 ]
 [-0.36089799]]
result : [[ 0.139841  ]
 [-0.29985932]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.139841  ]
 [-0.29985932]]
dot product : [[ 0.40727377]
 [ 0.00175701]
 [ 0.25078674]]
result : [[ 0.31877496]
 [ 0.32272491]
 [ 0.35228565]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.88050667]
 [-0.13357725]
 [ 0.99155448]]
dot product : [[-0.50716673]
 [-0.3464022 ]]
result : [[ 0.08351566]
 [-0.28536353]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.08351566]
 [-0.28536353]]
dot product : [[ 0.32171249]
 [ 0.03611878]
 [ 0.20886575]]
result : [[ 0.23321368]
 [ 0.35708667]
 [ 0.31036465]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.72734629]
 [-1.11595321]
 [ 0.32868269]]
dot product : [[-0.24671708]
 [-1.84339747]]
result : [[ 0.34396531]
 [-1.7823588 ]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.34396531]
 [-1.7823588 ]]
dot product : [[ 1.77326919]
 [ 0.34906993]
 [ 1.19774994]]
result : [[ 1.68477038]
 [ 0.67003783]
 [ 1.29924885]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.7843778 ]
 [-0.12539678]
 [ 1.02324597]]
dot product : [[-0.06907971]
 [-1.32930318]]
result : [[ 0.52160268]
 [-1.26826451]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.52160268]
 [-1.26826451]]
dot product : [[ 1.62973327]
 [ 0.05598198]
 [ 1.01871265]]
result : [[ 1.54123447]
 [ 0.37694988]
 [ 1.12021155]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.39129169]
 [-0.9345011 ]
 [ 0.45051071]]
dot product : [[-0.30507375]
 [-1.54371801]]
result : [[ 0.28560864]
 [-1.48267934]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.28560864]
 [-1.48267934]]
dot product : [[ 1.47442219]
 [ 0.29074242]
 [ 0.99604978]]
result : [[ 1.38592338]
 [ 0.61171032]
 [ 1.09754868]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.85956852]
 [-0.52593896]
 [ 0.74392399]]
dot product : [[-0.11513517]
 [-1.59545503]]
result : [[ 0.47554722]
 [-1.53441636]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.47554722]
 [-1.53441636]]
dot product : [[ 1.76505735]
 [ 0.17581069]
 [ 1.13900169]]
result : [[ 1.67655854]
 [ 0.49677858]
 [ 1.24050059]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.79107532]
 [-0.15591211]
 [ 1.00198092]]
dot product : [[-0.07233422]
 [-1.35015474]]
result : [[ 0.51834817]
 [-1.28911607]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.51834817]
 [-1.28911607]]
dot product : [[ 1.64080523]
 [ 0.06512412]
 [ 1.02834928]]
result : [[ 1.55230643]
 [ 0.38609201]
 [ 1.12984818]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.79496623]
 [-1.10069716]
 [ 0.3404208 ]]
dot product : [[-0.22647311]
 [-1.87506339]]
result : [[ 0.36420928]
 [-1.81402472]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.36420928]
 [-1.81402472]]
dot product : [[ 1.82355658]
 [ 0.34544949]
 [ 1.22752596]]
result : [[ 1.73505777]
 [ 0.66641739]
 [ 1.32902487]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.78638149]
 [-0.01365519]
 [ 1.07700217]]
dot product : [[-0.4627807 ]
 [-0.33589286]]
result : [[ 0.12790169]
 [-0.27485419]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.12790169]
 [-0.27485419]]
dot product : [[ 0.37294189]
 [ 0.00180372]
 [ 0.22970661]]
result : [[ 0.28444308]
 [ 0.32277162]
 [ 0.33120551]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.87822135]
 [-0.1243584 ]
 [ 0.99804596]]
dot product : [[-0.50505324]
 [-0.34265826]]
result : [[ 0.08562915]
 [-0.28161959]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.08562915]
 [-0.28161959]]
dot product : [[ 0.32175674]
 [ 0.03341457]
 [ 0.20805475]]
result : [[ 0.23325793]
 [ 0.35438247]
 [ 0.30955365]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.89356616]
 [-0.27608096]
 [ 0.89155731]]
dot product : [[-0.53399559]
 [-0.41748164]]
result : [[ 0.0566868 ]
 [-0.35644297]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.0566868 ]
 [-0.35644297]]
dot product : [[ 0.33854316]
 [ 0.07821808]
 [ 0.23225596]]
result : [[ 0.25004435]
 [ 0.39918598]
 [ 0.33375486]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.07819255]
 [-0.50626023]
 [ 0.74308096]]
dot product : [[-0.35790311]
 [-1.02839338]]
result : [[ 0.23277929]
 [-0.96735471]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.23277929]
 [-0.96735471]]
dot product : [[ 1.02368384]
 [ 0.15741791]
 [ 0.67777693]]
result : [[ 0.93518503]
 [ 0.47838581]
 [ 0.77927583]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.55648726]
 [-0.09398864]
 [ 1.02433075]]
dot product : [[-0.41566627]
 [-0.51667664]]
result : [[ 0.17501612]
 [-0.45563797]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.17501612]
 [-0.45563797]]
dot product : [[ 0.56905252]
 [ 0.02871276]
 [ 0.35854392]]
result : [[ 0.48055372]
 [ 0.34968066]
 [ 0.46004282]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.04380197]
 [-0.53903629]
 [ 0.72066461]]
dot product : [[-0.35426427]
 [-1.06691992]]
result : [[ 0.23641812]
 [-1.00588125]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.23641812]
 [-1.00588125]]
dot product : [[ 1.05696878]
 [ 0.16760145]
 [ 0.70138472]]
result : [[ 0.96846997]
 [ 0.48856935]
 [ 0.80288362]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.80372785]
 [-0.21526295]
 [ 0.9606156 ]]
dot product : [[-0.07876216]
 [-1.39048831]]
result : [[ 0.51192023]
 [-1.32944964]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.51192023]
 [-1.32944964]]
dot product : [[ 1.66204562]
 [ 0.08290011]
 [ 1.04690982]]
result : [[ 1.57354681]
 [ 0.40386801]
 [ 1.14840872]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.10106781]
 [-0.48450296]
 [ 0.75796058]]
dot product : [[-0.36033076]
 [-1.00279142]]
result : [[ 0.23035164]
 [-0.94175275]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.23035164]
 [-0.94175275]]
dot product : [[ 1.00155239]
 [ 0.15065729]
 [ 0.66208316]]
result : [[ 0.91305358]
 [ 0.47162518]
 [ 0.76358206]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.3062507 ]
 [-0.86339003]
 [ 0.49898272]]
dot product : [[-0.31570389]
 [-1.4539465 ]]
result : [[ 0.2749785 ]
 [-1.39290783]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.2749785 ]
 [-1.39290783]]
dot product : [[ 1.39400526]
 [ 0.26850856]
 [ 0.93974751]]
result : [[ 1.30550646]
 [ 0.58947646]
 [ 1.04124642]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.85465634]
 [-0.63408057]
 [ 0.64146157]]
dot product : [[-0.58258185]
 [-0.63858354]]
result : [[ 0.00810054]
 [-0.57754487]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.00810054]
 [-0.57754487]]
dot product : [[ 0.43723788]
 [ 0.18494066]
 [ 0.32597642]]
result : [[ 0.34873907]
 [ 0.50590856]
 [ 0.42747533]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.80146246]
 [-0.89525142]
 [ 0.45939652]]
dot product : [[-0.61151908]
 [-0.81459705]]
result : [[-0.02083669]
 [-0.75355838]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[-0.02083669]
 [-0.75355838]]
dot product : [[ 0.52875218]
 [ 0.26312994]
 [ 0.40644095]]
result : [[ 0.44025337]
 [ 0.58409784]
 [ 0.50793985]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.78950553]
 [-1.1036475 ]
 [ 0.33826956]]
dot product : [[-0.22839012]
 [-1.87345667]]
result : [[ 0.36229227]
 [-1.812418  ]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.36229227]
 [-1.812418  ]]
dot product : [[ 1.8198224 ]
 [ 0.34625161]
 [ 1.22548019]]
result : [[ 1.73132359]
 [ 0.66721951]
 [ 1.32697909]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.4324114 ]
 [-0.96680394]
 [ 0.42853068]]
dot product : [[-0.29959197]
 [-1.58597377]]
result : [[ 0.29109042]
 [-1.5249351 ]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.29109042]
 [-1.5249351 ]]
dot product : [[ 1.51291017]
 [ 0.30087568]
 [ 1.02283889]]
result : [[ 1.42441136]
 [ 0.62184358]
 [ 1.12433779]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.86939212]
 [-0.97796583]
 [ 0.42752859]]
dot product : [[-0.18679337]
 [-1.85131669]]
result : [[ 0.40388903]
 [-1.79027802]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.40388903]
 [-1.79027802]]
dot product : [[ 1.85875648]
 [ 0.31003731]
 [ 1.23817772]]
result : [[ 1.77025767]
 [ 0.63100521]
 [ 1.33967663]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.5761078 ]
 [-1.06372307]
 [ 0.36290032]]
dot product : [[-0.27781335]
 [-1.72480875]]
result : [[ 0.31286904]
 [-1.66377008]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.31286904]
 [-1.66377008]]
dot product : [[ 1.64437317]
 [ 0.33155088]
 [ 1.11312195]]
result : [[ 1.55587437]
 [ 0.65251878]
 [ 1.21462085]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.88658559]
 [-0.40591942]
 [ 0.80074197]]
dot product : [[-0.55348743]
 [-0.49344095]]
result : [[ 0.03719496]
 [-0.43240228]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.03719496]
 [-0.43240228]]
dot product : [[ 0.36872826]
 [ 0.1168285 ]
 [ 0.26277017]]
result : [[ 0.28022945]
 [ 0.4377964 ]
 [ 0.36426907]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.8641857 ]
 [-0.08405028]
 [ 1.02649209]]
dot product : [[-0.49475162]
 [-0.32868651]]
result : [[ 0.09593077]
 [-0.26764784]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.09593077]
 [-0.26764784]]
dot product : [[ 0.3251307 ]
 [ 0.02164496]
 [ 0.20647977]]
result : [[ 0.23663189]
 [ 0.34261286]
 [ 0.30797867]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.83309753]
 [-0.03868815]
 [ 1.0587434 ]]
dot product : [[-0.47914666]
 [-0.32203286]]
result : [[ 0.11153573]
 [-0.26099419]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.11153573]
 [-0.26099419]]
dot product : [[ 0.34095673]
 [ 0.00860437]
 [ 0.21216179]]
result : [[ 0.25245792]
 [ 0.32957227]
 [ 0.3136607 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.87031495]
 [-0.09903159]
 [ 1.01590529]]
dot product : [[-0.49881983]
 [-0.33333812]]
result : [[ 0.09186256]
 [-0.27229945]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.09186256]
 [-0.27229945]]
dot product : [[ 0.32315884]
 [ 0.02600715]
 [ 0.20662028]]
result : [[ 0.23466004]
 [ 0.34697505]
 [ 0.30811918]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.13937598]
 [-0.71261405]
 [ 0.60196689]]
dot product : [[-0.33471803]
 [-1.27157417]]
result : [[ 0.25596436]
 [-1.2105355 ]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.25596436]
 [-1.2105355 ]]
dot product : [[ 1.23406734]
 [ 0.22154625]
 [ 0.82692027]]
result : [[ 1.14556853]
 [ 0.54251415]
 [ 0.92841917]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.82906   ]
 [-1.07064725]
 [ 0.36199604]]
dot product : [[-0.21259438]
 [-1.87866217]]
result : [[ 0.37808801]
 [-1.8176235 ]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.37808801]
 [-1.8176235 ]]
dot product : [[ 1.84465904]
 [ 0.33699155]
 [ 1.23787042]]
result : [[ 1.75616023]
 [ 0.65795945]
 [ 1.33936932]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.86836884]
 [-0.59192698]
 [ 0.69785067]]
dot product : [[-0.12366365]
 [-1.6371752 ]]
result : [[ 0.46701874]
 [-1.57613653]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.46701874]
 [-1.57613653]]
dot product : [[ 1.78452997]
 [ 0.19550405]
 [ 1.15707036]]
result : [[ 1.69603117]
 [ 0.51647194]
 [ 1.25856926]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.84591795]
 [-0.68208683]
 [ 0.60797968]]
dot product : [[-0.58817348]
 [-0.67032051]]
result : [[ 0.00250891]
 [-0.60928184]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.00250891]
 [-0.60928184]]
dot product : [[ 0.4532418 ]
 [ 0.19929885]
 [ 0.34026015]]
result : [[ 0.364743  ]
 [ 0.52026675]
 [ 0.44175905]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.1280158 ]
 [-0.70199809]
 [ 0.60922395]]
dot product : [[-0.33595468]
 [-1.25896442]]
result : [[ 0.25472772]
 [-1.19792575]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.25472772]
 [-1.19792575]]
dot product : [[ 1.22311249]
 [ 0.2182449 ]
 [ 0.81916599]]
result : [[ 1.13461369]
 [ 0.5392128 ]
 [ 0.92066489]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.88628836]
 [-0.1636171 ]
 [ 0.97042779]]
dot product : [[-0.51361679]
 [-0.35958947]]
result : [[ 0.0770656]
 [-0.2985508]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.0770656]
 [-0.2985508]]
dot product : [[ 0.32287803]
 [ 0.04495278]
 [ 0.21232004]]
result : [[ 0.23437923]
 [ 0.36592068]
 [ 0.31381895]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.78790495]
 [-0.95398039]
 [ 0.41848079]]
dot product : [[-0.61760749]
 [-0.85512338]]
result : [[-0.0269251 ]
 [-0.79408471]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[-0.0269251 ]
 [-0.79408471]]
dot product : [[ 0.55058614]
 [ 0.28073358]
 [ 0.42531279]]
result : [[ 0.46208733]
 [ 0.60170147]
 [ 0.52681169]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.6015206 ]
 [-0.06581055]
 [ 1.04336123]]
dot product : [[-0.4228521 ]
 [-0.47438132]]
result : [[ 0.16783029]
 [-0.41334265]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.16783029]
 [-0.41334265]]
dot product : [[ 0.52827062]
 [ 0.01975073]
 [ 0.33070837]]
result : [[ 0.43977182]
 [ 0.34071863]
 [ 0.43220727]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.82087594]
 [-0.30014702]
 [ 0.90143979]]
dot product : [[-0.08820405]
 [-1.44761168]]
result : [[ 0.50247834]
 [-1.38657301]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.50247834]
 [-1.38657301]]
dot product : [[ 1.69167838]
 [ 0.10831081]
 [ 1.07299333]]
result : [[ 1.60317957]
 [ 0.42927871]
 [ 1.17449223]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.84876504]
 [-1.03861718]
 [ 0.38473357]]
dot product : [[-0.20216501]
 [-1.87263182]]
result : [[ 0.38851738]
 [-1.81159316]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.38851738]
 [-1.81159316]]
dot product : [[ 1.8540669 ]
 [ 0.32775355]
 [ 1.24078754]]
result : [[ 1.76556809]
 [ 0.64872145]
 [ 1.34228644]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.24775025]
 [-0.34713934]
 [ 0.85186713]]
dot product : [[-0.3762506 ]
 [-0.83981388]]
result : [[ 0.21443179]
 [-0.77877521]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.21443179]
 [-0.77877521]]
dot product : [[ 0.86004838]
 [ 0.10794413]
 [ 0.56189936]]
result : [[ 0.77154958]
 [ 0.42891203]
 [ 0.66339826]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.88410719]
 [-0.84248988]
 [ 0.52263013]]
dot product : [[-0.16068435]
 [-1.7851065 ]]
result : [[ 0.42999804]
 [-1.72406783]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.42999804]
 [-1.72406783]]
dot product : [[ 1.84456468]
 [ 0.27004498]
 [ 1.21706199]]
result : [[ 1.75606588]
 [ 0.59101288]
 [ 1.31856089]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.47996716]
 [-0.14885975]
 [ 0.98709849]]
dot product : [[-0.40460435]
 [-0.59241149]]
result : [[ 0.18607804]
 [-0.53137282]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.18607804]
 [-0.53137282]]
dot product : [[ 0.63967831]
 [ 0.04601492]
 [ 0.40730158]]
result : [[ 0.55117951]
 [ 0.36698282]
 [ 0.50880048]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.66063379]
 [-1.10247317]
 [ 0.33708225]]
dot product : [[-0.26200376]
 [-1.79637458]]
result : [[ 0.32867864]
 [-1.73533591]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.32867864]
 [-1.73533591]]
dot product : [[ 1.71823019]
 [ 0.34417787]
 [ 1.16241589]]
result : [[ 1.62973139]
 [ 0.66514577]
 [ 1.26391479]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.18458517]
 [-0.75451282]
 [ 0.57333073]]
dot product : [[-0.32973938]
 [-1.32156328]]
result : [[ 0.26094301]
 [-1.26052461]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.26094301]
 [-1.26052461]]
dot product : [[ 1.27759713]
 [ 0.23458092]
 [ 0.85770654]]
result : [[ 1.18909832]
 [ 0.55554882]
 [ 0.95920544]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.58500707]
 [-1.0686209 ]
 [ 0.35960921]]
dot product : [[-0.27628319]
 [-1.73279602]]
result : [[ 0.3143992 ]
 [-1.67175735]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.3143992 ]
 [-1.67175735]]
dot product : [[ 1.65230476]
 [ 0.33312298]
 [ 1.11848265]]
result : [[ 1.56380595]
 [ 0.65409088]
 [ 1.21998155]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.87249431]
 [-0.52297891]
 [ 0.71898646]]
dot product : [[-0.56901529]
 [-0.56654895]]
result : [[ 0.0216671 ]
 [-0.50551028]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.0216671 ]
 [-0.50551028]]
dot product : [[ 0.40207609]
 [ 0.1517432 ]
 [ 0.29408215]]
result : [[ 0.31357728]
 [ 0.4727111 ]
 [ 0.39558106]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.21820126]
 [-0.78523648]
 [ 0.55233957]]
dot product : [[-0.32596665]
 [-1.35849521]]
result : [[ 0.26471574]
 [-1.29745654]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.26471574]
 [-1.29745654]]
dot product : [[ 1.30988252]
 [ 0.24414524]
 [ 0.88050824]]
result : [[ 1.22138371]
 [ 0.56511314]
 [ 0.98200714]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.25882582]
 [-0.33700705]
 [ 0.85878993]]
dot product : [[-0.37749202]
 [-0.82764046]]
result : [[ 0.21319037]
 [-0.76660179]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.21319037]
 [-0.76660179]]
dot product : [[ 0.84940939]
 [ 0.10479008]
 [ 0.5543848 ]]
result : [[ 0.76091059]
 [ 0.42575797]
 [ 0.6558837 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.15797529]
 [-0.43065982]
 [ 0.7947788 ]]
dot product : [[-0.36641659]
 [-0.93925723]]
result : [[ 0.2242658 ]
 [-0.87821856]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.2242658 ]
 [-0.87821856]]
dot product : [[ 0.94654915]
 [ 0.13392266]
 [ 0.62310041]]
result : [[ 0.85805035]
 [ 0.45489056]
 [ 0.72459931]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.46254887]
 [-0.98940729]
 [ 0.41317183]]
dot product : [[-0.2953982 ]
 [-1.61635087]]
result : [[ 0.2952842]
 [-1.5553122]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.2952842]
 [-1.5553122]]
dot product : [[ 1.5409149 ]
 [ 0.30798452]
 [ 1.04224932]]
result : [[ 1.45241609]
 [ 0.62895242]
 [ 1.14374823]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.8615769 ]
 [-1.00628655]
 [ 0.40757408]]
dot product : [[-0.19349455]
 [-1.86234696]]
result : [[ 0.39718785]
 [-1.80130829]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.39718785]
 [-1.80130829]]
dot product : [[ 1.8579955 ]
 [ 0.31833411]
 [ 1.24028179]]
result : [[ 1.7694967 ]
 [ 0.63930201]
 [ 1.3417807 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.71335526]
 [-1.11486096]
 [ 0.32922941]]
dot product : [[-0.25020792]
 [-1.83449537]]
result : [[ 0.34047447]
 [-1.7734567 ]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.34047447]
 [-1.7734567 ]]
dot product : [[ 1.76205629]
 [ 0.34855859]
 [ 1.19070189]]
result : [[ 1.67355748]
 [ 0.66952649]
 [ 1.29220079]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.75549339]
 [-0.01066178]
 [ 1.0795801 ]]
dot product : [[-0.45418633]
 [-0.3525565 ]]
result : [[ 0.13649606]
 [-0.29151783]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.13649606]
 [-0.29151783]]
dot product : [[ 0.39666875]
 [ 0.00132925]
 [ 0.24413809]]
result : [[ 0.30816994]
 [ 0.32229715]
 [ 0.34563699]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.01360924]
 [-0.59378189]
 [ 0.68322227]]
dot product : [[-0.3481945 ]
 [-1.13125205]]
result : [[ 0.24248789]
 [-1.07021338]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.24248789]
 [-1.07021338]]
dot product : [[ 1.11253988]
 [ 0.18461053]
 [ 0.74080145]]
result : [[ 1.02404108]
 [ 0.50557843]
 [ 0.84230035]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.86435564]
 [-0.99724056]
 [ 0.41395221]]
dot product : [[-0.19128001]
 [-1.85899128]]
result : [[ 0.39940238]
 [-1.79795261]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.39940238]
 [-1.79795261]]
dot product : [[ 1.85846075]
 [ 0.31568779]
 [ 1.23974741]]
result : [[ 1.76996194]
 [ 0.63665569]
 [ 1.34124632]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.87867669]
 [-0.69203369]
 [ 0.62790797]]
dot product : [[-0.13739989]
 [-1.69866198]]
result : [[ 0.4532825 ]
 [-1.63762331]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.4532825 ]
 [-1.63762331]]
dot product : [[ 1.81167752]
 [ 0.225339  ]
 [ 1.18299819]]
result : [[ 1.72317871]
 [ 0.5463069 ]
 [ 1.2844971 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.26986321]
 [-0.32695589]
 [ 0.8656565 ]]
dot product : [[-0.37873675]
 [-0.81553458]]
result : [[ 0.21194565]
 [-0.75449591]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.21194565]
 [-0.75449591]]
dot product : [[ 0.83881587]
 [ 0.1016606 ]
 [ 0.5469058 ]]
result : [[ 0.75031707]
 [ 0.4226285 ]
 [ 0.64840471]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.63582729]
 [-0.0470456 ]
 [ 1.0559671 ]]
dot product : [[-0.42876994]
 [-0.44365468]]
result : [[ 0.16191245]
 [-0.38261601]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.16191245]
 [-0.38261601]]
dot product : [[ 0.49771648]
 [ 0.01372475]
 [ 0.31006713]]
result : [[ 0.40921767]
 [ 0.33469264]
 [ 0.41156603]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.8199447 ]
 [-0.81128412]
 [ 0.51790952]]
dot product : [[-0.60257774]
 [-0.75718952]]
result : [[-0.01189534]
 [-0.69615085]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[-0.01189534]
 [-0.69615085]]
dot product : [[ 0.49824435]
 [ 0.23797335]
 [ 0.37989854]]
result : [[ 0.40974555]
 [ 0.55894124]
 [ 0.48139744]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.67627288]
 [-1.10732743]
 [ 0.33392676]]
dot product : [[-0.25869841]
 [-1.80833507]]
result : [[ 0.33198399]
 [-1.7472964 ]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.33198399]
 [-1.7472964 ]]
dot product : [[ 1.73145495]
 [ 0.34582728]
 [ 1.17105285]]
result : [[ 1.64295614]
 [ 0.66679518]
 [ 1.27255175]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.40909873]
 [-0.20541402]
 [ 0.94859942]]
dot product : [[-0.39530143]
 [-0.66572541]]
result : [[ 0.19538096]
 [-0.60468674]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.19538096]
 [-0.60468674]]
dot product : [[ 0.70617869]
 [ 0.06374072]
 [ 0.45365576]]
result : [[ 0.61767988]
 [ 0.38470862]
 [ 0.55515466]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.836243  ]
 [-0.73217645]
 [ 0.57305343]]
dot product : [[-0.59386157]
 [-0.70376533]]
result : [[-0.00317918]
 [-0.64272666]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[-0.00317918]
 [-0.64272666]]
dot product : [[ 0.47037865]
 [ 0.21428762]
 [ 0.35543543]]
result : [[ 0.38187985]
 [ 0.53525551]
 [ 0.45693434]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.53025033]
 [-1.03611129]
 [ 0.38152138]]
dot product : [[-0.28530837]
 [-1.6823379 ]]
result : [[ 0.30537402]
 [-1.62129923]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.30537402]
 [-1.62129923]]
dot product : [[ 1.60305073]
 [ 0.32274581]
 [ 1.08500293]]
result : [[ 1.51455193]
 [ 0.6437137 ]
 [ 1.18650183]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.52840239]
 [-0.11323031]
 [ 1.01129402]]
dot product : [[-0.41145887]
 [-0.54397688]]
result : [[ 0.17922352]
 [-0.48293821]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.17922352]
 [-0.48293821]]
dot product : [[ 0.59480334]
 [ 0.03479687]
 [ 0.37625185]]
result : [[ 0.50630453]
 [ 0.35576477]
 [ 0.47775076]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.85221913]
 [-1.03110487]
 [ 0.39004821]]
dot product : [[-0.20002519]
 [-1.87052503]]
result : [[ 0.39065721]
 [-1.80948636]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.39065721]
 [-1.80948636]]
dot product : [[ 1.85535506]
 [ 0.32557125]
 [ 1.24090261]]
result : [[ 1.76685625]
 [ 0.64653915]
 [ 1.34240151]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.86272391]
 [-0.54843756]
 [ 0.72821772]]
dot product : [[-0.11800232]
 [-1.60977138]]
result : [[ 0.47268008]
 [-1.54873272]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.47268008]
 [-1.54873272]]
dot product : [[ 1.77181839]
 [ 0.1825272 ]
 [ 1.14523771]]
result : [[ 1.68331958]
 [ 0.5034951 ]
 [ 1.24673661]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.8773334 ]
 [-0.93457826]
 [ 0.45803619]]
dot product : [[-0.17758473]
 [-1.83202706]]
result : [[ 0.41309766]
 [-1.77098839]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.41309766]
 [-1.77098839]]
dot product : [[ 1.85675101]
 [ 0.29727258]
 [ 1.232989  ]]
result : [[ 1.7682522 ]
 [ 0.61824048]
 [ 1.3344879 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.00935906]
 [-0.57188877]
 [ 0.69819556]]
dot product : [[-0.35062425]
 [-1.10551977]]
result : [[ 0.24005814]
 [-1.0444811 ]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.24005814]
 [-1.0444811 ]]
dot product : [[ 1.09030942]
 [ 0.17780837]
 [ 0.72503397]]
result : [[ 1.00181061]
 [ 0.49877627]
 [ 0.82653287]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.87164646]
 [-0.96772944]
 [ 0.43473216]]
dot product : [[-0.1845209 ]
 [-1.84699152]]
result : [[ 0.40616149]
 [-1.78595285]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.40616149]
 [-1.78595285]]
dot product : [[ 1.85858283]
 [ 0.30703084]
 [ 1.23713916]]
result : [[ 1.77008402]
 [ 0.62799874]
 [ 1.33863806]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.46006334]
 [-0.16426831]
 [ 0.97661847]]
dot product : [[-0.40191355]
 [-0.61273938]]
result : [[ 0.18876884]
 [-0.55170071]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.18876884]
 [-0.55170071]]
dot product : [[ 0.65826499]
 [ 0.05085239]
 [ 0.42022123]]
result : [[ 0.56976618]
 [ 0.37182029]
 [ 0.52172014]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.6839231 ]
 [-1.10936775]
 [ 0.33261725]]
dot product : [[-0.25702663]
 [-1.81400092]]
result : [[ 0.33365576]
 [-1.75296225]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.33365576]
 [-1.75296225]]
dot product : [[ 1.73786056]
 [ 0.34653497]
 [ 1.17520802]]
result : [[ 1.64936175]
 [ 0.66750287]
 [ 1.27670692]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.87704311]
 [-0.67298184]
 [ 0.64122427]]
dot product : [[-0.13469959]
 [-1.68715472]]
result : [[ 0.4559828 ]
 [-1.62611605]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.4559828 ]
 [-1.62611605]]
dot product : [[ 1.80676904]
 [ 0.21966534]
 [ 1.17822369]]
result : [[ 1.71827024]
 [ 0.54063324]
 [ 1.27972259]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.84039431]
 [-0.40575427]
 [ 0.82778877]]
dot product : [[-0.10042746]
 [-1.51760371]]
result : [[ 0.49025493]
 [-1.45656504]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.49025493]
 [-1.45656504]]
dot product : [[ 1.72711696]
 [ 0.13990083]
 [ 1.10455943]]
result : [[ 1.63861815]
 [ 0.46086873]
 [ 1.20605834]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.87575982]
 [-0.11553038]
 [ 1.00426649]]
dot product : [[-0.50295772]
 [-0.33923501]]
result : [[ 0.08772468]
 [-0.27819634]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.08772468]
 [-0.27819634]]
dot product : [[ 0.32201392]
 [ 0.03082867]
 [ 0.20741126]]
result : [[ 0.23351512]
 [ 0.35179657]
 [ 0.30891017]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.84182799]
 [-0.0479054 ]
 [ 1.05215254]]
dot product : [[-0.48295062]
 [-0.32195336]]
result : [[ 0.10773177]
 [-0.26091469]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.10773177]
 [-0.26091469]]
dot product : [[ 0.33584251]
 [ 0.01122181]
 [ 0.20983074]]
result : [[ 0.24734371]
 [ 0.33218971]
 [ 0.31132964]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.88312225]
 [-0.76350839]
 [ 0.57792449]]
dot product : [[-0.14797181]
 [-1.7408343 ]]
result : [[ 0.44271059]
 [-1.67979563]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.44271059]
 [-1.67979563]]
dot product : [[ 1.82876827]
 [ 0.2466017 ]
 [ 1.20008979]]
result : [[ 1.74026946]
 [ 0.5675696 ]
 [ 1.30158869]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.2918166 ]
 [-0.30711228]
 [ 0.87921038]]
dot product : [[-0.38123684]
 [-0.7915379 ]]
result : [[ 0.20944555]
 [-0.73049923]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.20944555]
 [-0.73049923]]
dot product : [[ 0.81777352]
 [ 0.09548001]
 [ 0.532061  ]]
result : [[ 0.72927471]
 [ 0.41644791]
 [ 0.6335599 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.61024572]
 [-0.06079305]
 [ 1.04673886]]
dot product : [[-0.42431692]
 [-0.46643115]]
result : [[ 0.16636547]
 [-0.40539248]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.16636547]
 [-0.40539248]]
dot product : [[ 0.52045327]
 [ 0.01814546]
 [ 0.32540757]]
result : [[ 0.43195446]
 [ 0.33911336]
 [ 0.42690648]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.58378371]
 [-0.07647514]
 [ 1.03616955]]
dot product : [[-0.41995066]
 [-0.49079993]]
result : [[ 0.17073173]
 [-0.42976126]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.17073173]
 [-0.42976126]]
dot product : [[ 0.54425056]
 [ 0.02315188]
 [ 0.34158116]]
result : [[ 0.45575175]
 [ 0.34411978]
 [ 0.44308007]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.83742212]
 [-1.05892622]
 [ 0.37033453]]
dot product : [[-0.20847586]
 [-1.87713825]]
result : [[ 0.38220653]
 [-1.81609958]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.38220653]
 [-1.81609958]]
dot product : [[ 1.84900732]
 [ 0.33362643]
 [ 1.2394991 ]]
result : [[ 1.76050852]
 [ 0.65459433]
 [ 1.34099801]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.77815857]
 [-1.10857954]
 [ 0.33463877]]
dot product : [[-0.23217671]
 [-1.86945502]]
result : [[ 0.35850569]
 [-1.80841635]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.35850569]
 [-1.80841635]]
dot product : [[ 1.81183506]
 [ 0.3475628 ]
 [ 1.22097892]]
result : [[ 1.72333625]
 [ 0.6685307 ]
 [ 1.32247782]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.87519723]
 [-0.65344906]
 [ 0.65487403]]
dot product : [[-0.131976  ]
 [-1.67525554]]
result : [[ 0.4587064 ]
 [-1.61421687]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.4587064 ]
 [-1.61421687]]
dot product : [[ 1.80160212]
 [ 0.21384618]
 [ 1.17324528]]
result : [[ 1.71310331]
 [ 0.53481407]
 [ 1.27474418]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.79777761]
 [-0.01697286]
 [ 1.07450114]]
dot product : [[-0.46631506]
 [-0.33096908]]
result : [[ 0.12436733]
 [-0.26993041]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.12436733]
 [-0.26993041]]
dot product : [[ 0.36460884]
 [ 0.00263534]
 [ 0.22484428]]
result : [[ 0.27611003]
 [ 0.32360324]
 [ 0.32634318]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.02084301]
 [-0.56093583]
 [ 0.70568668]]
dot product : [[-0.35183802]
 [-1.09265022]]
result : [[ 0.23884437]
 [-1.03161155]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.23884437]
 [-1.03161155]]
dot product : [[ 1.07919313]
 [ 0.1744054 ]
 [ 0.71714899]]
result : [[ 0.99069432]
 [ 0.49537329]
 [ 0.81864789]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.65264831]
 [-1.09966686]
 [ 0.33892295]]
dot product : [[-0.26363769]
 [-1.79008619]]
result : [[ 0.3270447 ]
 [-1.72904752]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.3270447 ]
 [-1.72904752]]
dot product : [[ 1.71141518]
 [ 0.34323846]
 [ 1.15793735]]
result : [[ 1.62291637]
 [ 0.66420635]
 [ 1.25943625]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.2844863 ]
 [-0.84443541]
 [ 0.51191699]]
dot product : [[-0.3183004 ]
 [-1.43055364]]
result : [[ 0.27238199]
 [-1.36951497]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.27238199]
 [-1.36951497]]
dot product : [[ 1.37328065]
 [ 0.26259423]
 [ 0.92518046]]
result : [[ 1.28478184]
 [ 0.58356212]
 [ 1.02667936]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.88431089]
 [-0.8122521 ]
 [ 0.54380843]]
dot product : [[-0.15566505]
 [-1.76850151]]
result : [[ 0.43501735]
 [-1.70746284]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.43501735]
 [-1.70746284]]
dot product : [[ 1.83897392]
 [ 0.26107758]
 [ 1.21084735]]
result : [[ 1.75047511]
 [ 0.58204548]
 [ 1.31234625]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.08239468]
 [-0.65908384]
 [ 0.63856482]]
dot product : [[-0.34087462]
 [-1.2081693 ]]
result : [[ 0.24980778]
 [-1.14713063]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.24980778]
 [-1.14713063]]
dot product : [[ 1.17906556]
 [ 0.20490347]
 [ 0.78796688]]
result : [[ 1.09056675]
 [ 0.52587137]
 [ 0.88946578]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.09382361]
 [-0.66987231]
 [ 0.63118801]]
dot product : [[-0.33964827]
 [-1.22091525]]
result : [[ 0.25103413]
 [-1.15987658]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.25103413]
 [-1.15987658]]
dot product : [[ 1.19010729]
 [ 0.20825692]
 [ 0.7957907 ]]
result : [[ 1.10160848]
 [ 0.52922482]
 [ 0.8972896 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.16929504]
 [-0.42001607]
 [ 0.80205595]]
dot product : [[-0.36763807]
 [-0.92665609]]
result : [[ 0.22304433]
 [-0.86561743]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.22304433]
 [-0.86561743]]
dot product : [[ 0.93562083]
 [ 0.13061361]
 [ 0.61536003]]
result : [[ 0.84712202]
 [ 0.45158151]
 [ 0.71685894]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.74891835]
 [-0.01094122]
 [ 1.07948694]]
dot product : [[-0.45250742]
 [-0.35661065]]
result : [[ 0.13817498]
 [-0.29557198]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.13817498]
 [-0.29557198]]
dot product : [[ 0.40189373]
 [ 0.00150018]
 [ 0.24740147]]
result : [[ 0.31339493]
 [ 0.32246808]
 [ 0.34890037]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.80786871]
 [-0.86671599]
 [ 0.47927961]]
dot product : [[-0.60851331]
 [-0.7950134 ]]
result : [[-0.01783092]
 [-0.73397473]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[-0.01783092]
 [-0.73397473]]
dot product : [[ 0.51828589]
 [ 0.25457905]
 [ 0.39735973]]
result : [[ 0.42978708]
 [ 0.57554695]
 [ 0.49885863]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.45257334]
 [-0.98203513]
 [ 0.41817889]]
dot product : [[-0.29680433]
 [-1.60635663]]
result : [[ 0.29387806]
 [-1.54531797]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.29387806]
 [-1.54531797]]
dot product : [[ 1.53166615]
 [ 0.30566399]
 [ 1.03584733]]
result : [[ 1.44316734]
 [ 0.62663189]
 [ 1.13734623]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.88137046]
 [-0.8976838 ]
 [ 0.48393586]]
dot product : [[-0.17046662]
 [-1.81401349]]
result : [[ 0.42021577]
 [-1.75297482]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.42021577]
 [-1.75297482]]
dot product : [[ 1.85290946]
 [ 0.28638178]
 [ 1.22725297]]
result : [[ 1.76441065]
 [ 0.60734968]
 [ 1.32875187]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.34920177]
 [-0.89994823]
 [ 0.47405128]]
dot product : [[-0.31044053]
 [-1.49964224]]
result : [[ 0.28024186]
 [-1.43860357]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.28024186]
 [-1.43860357]]
dot product : [[ 1.43474311]
 [ 0.2799287 ]
 [ 0.9683179 ]]
result : [[ 1.34624431]
 [ 0.6008966 ]
 [ 1.0698168 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.69183527]
 [-0.02307173]
 [ 1.07188228]]
dot product : [[-0.43952516]
 [-0.39717595]]
result : [[ 0.15115723]
 [-0.33613728]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.15115723]
 [-0.33613728]]
dot product : [[ 0.44910168]
 [ 0.00586297]
 [ 0.27775983]]
result : [[ 0.36060287]
 [ 0.32683087]
 [ 0.37925873]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.10523791]
 [-0.6806234 ]
 [ 0.62383717]]
dot product : [[-0.33841961]
 [-1.23363183]]
result : [[ 0.25226278]
 [-1.17259316]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.25226278]
 [-1.17259316]]
dot product : [[ 1.2011304 ]
 [ 0.21159908]
 [ 0.80359957]]
result : [[ 1.1126316 ]
 [ 0.53256698]
 [ 0.90509847]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.66850921]
 [-1.10502797]
 [ 0.33541597]]
dot product : [[-0.26035739]
 [-1.80245859]]
result : [[ 0.330325  ]
 [-1.74141992]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.330325  ]
 [-1.74141992]]
dot product : [[ 1.72491081]
 [ 0.34504119]
 [ 1.16678827]]
result : [[ 1.636412  ]
 [ 0.66600909]
 [ 1.26828717]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.49957509]
 [-0.13409692]
 [ 0.99713094]]
dot product : [[-0.40732357]
 [-0.57261627]]
result : [[ 0.18335882]
 [-0.5115776 ]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.18335882]
 [-0.5115776 ]]
dot product : [[ 0.62144719]
 [ 0.04137296]
 [ 0.39466099]]
result : [[ 0.53294838]
 [ 0.36234086]
 [ 0.49615989]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.26254751]
 [-0.82507121]
 [ 0.52513537]]
dot product : [[-0.3208754 ]
 [-1.40683081]]
result : [[ 0.26980699]
 [-1.34579214]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.26980699]
 [-1.34579214]]
dot product : [[ 1.35234096]
 [ 0.25655606]
 [ 0.91044288]]
result : [[ 1.26384215]
 [ 0.57752396]
 [ 1.01194178]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.12388573]
 [-0.46285611]
 [ 0.77276375]]
dot product : [[-0.3627615 ]
 [-0.97728455]]
result : [[ 0.22792089]
 [-0.91624588]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.22792089]
 [-0.91624588]]
dot product : [[ 0.97948704]
 [ 0.14393019]
 [ 0.6464404 ]]
result : [[ 0.89098824]
 [ 0.46489809]
 [ 0.7479393 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.61963995]
 [-1.08600301]
 [ 0.34797682]]
dot product : [[-0.27005268]
 [-1.76295121]]
result : [[ 0.32062971]
 [-1.70191254]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.32062971]
 [-1.70191254]]
dot product : [[ 1.68285247]
 [ 0.33874311]
 [ 1.13899414]]
result : [[ 1.59435367]
 [ 0.65971101]
 [ 1.24049304]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.74083576]
 [-1.11590179]
 [ 0.32892906]]
dot product : [[-0.24316999]
 [-1.8513695 ]]
result : [[ 0.3475124 ]
 [-1.79033083]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.3475124 ]
 [-1.79033083]]
dot product : [[ 1.78387005]
 [ 0.34923527]
 [ 1.20431471]]
result : [[ 1.69537125]
 [ 0.67020317]
 [ 1.30581361]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.61112977]
 [-1.08199651]
 [ 0.35064981]]
dot product : [[-0.27162715]
 [-1.75568774]]
result : [[ 0.31905524]
 [-1.69464907]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.31905524]
 [-1.69464907]]
dot product : [[ 1.67539647]
 [ 0.33744063]
 [ 1.13400922]]
result : [[ 1.58689766]
 [ 0.65840853]
 [ 1.23550813]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.37776181]
 [-0.23174803]
 [ 0.93064673]]
dot product : [[-0.39140569]
 [-0.69887749]]
result : [[ 0.19927671]
 [-0.63783882]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.19927671]
 [-0.63783882]]
dot product : [[ 0.73583643]
 [ 0.07197233]
 [ 0.47442987]]
result : [[ 0.64733762]
 [ 0.39294022]
 [ 0.57592877]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.29539115]
 [-0.85396583]
 [ 0.50541302]]
dot product : [[-0.31700492]
 [-1.44229288]]
result : [[ 0.27367747]
 [-1.38125421]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.27367747]
 [-1.38125421]]
dot product : [[ 1.38367087]
 [ 0.26556745]
 [ 0.93248612]]
result : [[ 1.29517207]
 [ 0.58653535]
 [ 1.03398502]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.14663269]
 [-0.44135029]
 [ 0.78746928]]
dot product : [[-0.36519679]
 [-0.95189777]]
result : [[ 0.2254856]
 [-0.8908591]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.2254856]
 [-0.8908591]]
dot product : [[ 0.95750434]
 [ 0.13724588]
 [ 0.63086168]]
result : [[ 0.86900554]
 [ 0.45821378]
 [ 0.73236058]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.85738571]
 [-0.07055587]
 [ 1.03604809]]
dot product : [[-0.49075165]
 [-0.32525519]]
result : [[ 0.09993074]
 [-0.26421652]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.09993074]
 [-0.26421652]]
dot product : [[ 0.32791296]
 [ 0.01773285]
 [ 0.2069767 ]]
result : [[ 0.23941415]
 [ 0.33870075]
 [ 0.3084756 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.79214976]
 [-0.01515875]
 [ 1.0758593 ]]
dot product : [[-0.4645408 ]
 [-0.33330344]]
result : [[ 0.12614159]
 [-0.27226477]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.12614159]
 [-0.27226477]]
dot product : [[ 0.3686906 ]
 [ 0.00217253]
 [ 0.2272088 ]]
result : [[ 0.2801918 ]
 [ 0.32314042]
 [ 0.3287077 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.66048242]
 [-0.03533603]
 [ 1.06378268]]
dot product : [[-0.43331461]
 [-0.42255491]]
result : [[ 0.15736778]
 [-0.36151624]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.15736778]
 [-0.36151624]]
dot product : [[ 0.476096  ]
 [ 0.00992098]
 [ 0.29560381]]
result : [[ 0.38759719]
 [ 0.33088887]
 [ 0.39710272]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.88312251]
 [-0.87095692]
 [ 0.50267967]]
dot product : [[-0.16561773]
 [-1.80026883]]
result : [[ 0.42506466]
 [-1.73923016]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.42506466]
 [-1.73923016]]
dot product : [[ 1.84920435]
 [ 0.27847663]
 [ 1.22252619]]
result : [[ 1.76070555]
 [ 0.59944453]
 [ 1.32402509]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.23663819]
 [-0.35734895]
 [ 0.84489076]]
dot product : [[-0.37501231]
 [-0.8520517 ]]
result : [[ 0.21567008]
 [-0.79101303]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.21567008]
 [-0.79101303]]
dot product : [[ 0.87073078]
 [ 0.11112162]
 [ 0.56944784]]
result : [[ 0.78223197]
 [ 0.43208952]
 [ 0.67094675]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.8841156 ]
 [-0.79645963]
 [ 0.55486465]]
dot product : [[-0.15312272]
 [-1.75965019]]
result : [[ 0.43755967]
 [-1.69861152]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.43755967]
 [-1.69861152]]
dot product : [[ 1.8358167 ]
 [ 0.25639009]
 [ 1.20745454]]
result : [[ 1.74731789]
 [ 0.57735798]
 [ 1.30895344]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.77743051]
 [-0.09431641]
 [ 1.04490281]]
dot product : [[-0.06579792]
 [-1.30799093]]
result : [[ 0.52488447]
 [-1.24695226]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.52488447]
 [-1.24695226]]
dot product : [[ 1.61835738]
 [ 0.04666889]
 [ 1.00883629]]
result : [[ 1.52985857]
 [ 0.36763679]
 [ 1.11033519]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.8608687 ]
 [-0.07711913]
 [ 1.03139762]]
dot product : [[-0.4927432 ]
 [-0.32681988]]
result : [[ 0.09793919]
 [-0.26578121]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.09793919]
 [-0.26578121]]
dot product : [[ 0.32642156]
 [ 0.01963322]
 [ 0.20664937]]
result : [[ 0.23792276]
 [ 0.34060112]
 [ 0.30814827]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.53784878]
 [-0.10663077]
 [ 1.01576828]]
dot product : [[-0.41285309]
 [-0.53472384]]
result : [[ 0.17782931]
 [-0.47368517]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.17782931]
 [-0.47368517]]
dot product : [[ 0.58611775]
 [ 0.03271263]
 [ 0.37026912]]
result : [[ 0.49761895]
 [ 0.35368053]
 [ 0.47176803]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.84468781]
 [-0.43082952]
 [ 0.81029585]]
dot product : [[-0.10341921]
 [-1.53402033]]
result : [[ 0.48726319]
 [-1.47298166]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.48726319]
 [-1.47298166]]
dot product : [[ 1.73526329]
 [ 0.14739696]
 [ 1.11188827]]
result : [[ 1.64676448]
 [ 0.46836486]
 [ 1.21338717]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.05949974]
 [-0.63741001]
 [ 0.65338569]]
dot product : [[-0.34332113]
 [-1.18260182]]
result : [[ 0.24736126]
 [-1.12156315]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.24736126]
 [-1.12156315]]
dot product : [[ 1.15693449]
 [ 0.19816734]
 [ 0.77228094]]
result : [[ 1.06843569]
 [ 0.51913524]
 [ 0.87377984]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.83586808]
 [-0.38015222]
 [ 0.84564697]]
dot product : [[-0.09741026]
 [-1.50075766]]
result : [[ 0.49327214]
 [-1.43971899]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.49327214]
 [-1.43971899]]
dot product : [[ 1.71868737]
 [ 0.13224531]
 [ 1.09700715]]
result : [[ 1.63018857]
 [ 0.45321321]
 [ 1.19850605]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.78390241]
 [-1.10627369]
 [ 0.3363431 ]]
dot product : [[-0.23029126]
 [-1.87158617]]
result : [[ 0.36039113]
 [-1.8105475 ]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.36039113]
 [-1.8105475 ]]
dot product : [[ 1.81591453]
 [ 0.34695566]
 [ 1.22329729]]
result : [[ 1.72741573]
 [ 0.66792356]
 [ 1.3247962 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.88021093]
 [-0.91040425]
 [ 0.47500981]]
dot product : [[-0.17285984]
 [-1.82036201]]
result : [[ 0.41782255]
 [-1.75932334]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.41782255]
 [-1.75932334]]
dot product : [[ 1.85441672]
 [ 0.29013982]
 [ 1.2293439 ]]
result : [[ 1.76591792]
 [ 0.61110772]
 [ 1.33084281]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.45000473]
 [-0.17220518]
 [ 0.97121724]]
dot product : [[-0.40057836]
 [-0.62309526]]
result : [[ 0.19010403]
 [-0.56205659]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.19010403]
 [-0.56205659]]
dot product : [[ 0.66768649]
 [ 0.05334155]
 [ 0.42678164]]
result : [[ 0.57918769]
 [ 0.37430945]
 [ 0.52828054]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.7804745 ]
 [-0.01245835]
 [ 1.07793242]]
dot product : [[-0.46103459]
 [-0.33873422]]
result : [[ 0.1296478 ]
 [-0.27769555]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.1296478 ]
 [-0.27769555]]
dot product : [[ 0.37736062]
 [ 0.00152776]
 [ 0.23233609]]
result : [[ 0.28886182]
 [ 0.32249566]
 [ 0.33383499]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.87372259]
 [-0.95708859]
 [ 0.44221619]]
dot product : [[-0.18222876]
 [-1.84233695]]
result : [[ 0.40845364]
 [-1.78129828]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.40845364]
 [-1.78129828]]
dot product : [[ 1.85819208]
 [ 0.303902  ]
 [ 1.23592926]]
result : [[ 1.76969327]
 [ 0.6248699 ]
 [ 1.33742817]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.06673768]
 [-0.51717072]
 [ 0.73561912]]
dot product : [[-0.35668999]
 [-1.04122221]]
result : [[ 0.2339924 ]
 [-0.98018354]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.2339924 ]
 [-0.98018354]]
dot product : [[ 1.03476919]
 [ 0.1608079 ]
 [ 0.68563887]]
result : [[ 0.94627038]
 [ 0.4817758 ]
 [ 0.78713777]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.84875027]
 [-0.45538179]
 [ 0.79316557]]
dot product : [[-0.10638567]
 [-1.55001064]]
result : [[ 0.48429672]
 [-1.48897198]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.48429672]
 [-1.48897198]]
dot product : [[ 1.74312842]
 [ 0.15473485]
 [ 1.11899528]]
result : [[ 1.65462961]
 [ 0.47570275]
 [ 1.22049418]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.87538845]
 [-0.50225611]
 [ 0.73345324]]
dot product : [[-0.56637125]
 [-0.5533698 ]]
result : [[ 0.02431114]
 [-0.49233113]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.02431114]
 [-0.49233113]]
dot product : [[ 0.39585828]
 [ 0.14555697]
 [ 0.28834427]]
result : [[ 0.30735947]
 [ 0.46652487]
 [ 0.38984318]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.22549134]
 [-0.36763205]
 [ 0.83786346]]
dot product : [[-0.37377696]
 [-0.8643508 ]]
result : [[ 0.21690543]
 [-0.80331213]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.21690543]
 [-0.80331213]]
dot product : [[ 0.8814545 ]
 [ 0.11432137]
 [ 0.57702863]]
result : [[ 0.7929557 ]
 [ 0.43528926]
 [ 0.67852753]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.17332101]
 [-0.74413054]
 [ 0.58042565]]
dot product : [[-0.33098921]
 [-1.30913973]]
result : [[ 0.25969318]
 [-1.24810106]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.25969318]
 [-1.24810106]]
dot product : [[ 1.26676225]
 [ 0.23135017]
 [ 0.85004786]]
result : [[ 1.17826345]
 [ 0.55231807]
 [ 0.95154676]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.76193823]
 [-0.01066996]
 [ 1.07947387]]
dot product : [[-0.45587833]
 [-0.34873865]]
result : [[ 0.13480406]
 [-0.28769998]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.13480406]
 [-0.28769998]]
dot product : [[ 0.39160087]
 [ 0.00124539]
 [ 0.24099824]]
result : [[ 0.30310207]
 [ 0.32221329]
 [ 0.34249714]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.84136483]
 [-1.05252402]
 [ 0.37487938]]
dot product : [[-0.20639017]
 [-1.87593531]]
result : [[ 0.38429222]
 [-1.81489664]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.38429222]
 [-1.81489664]]
dot product : [[ 1.85089096]
 [ 0.33177999]
 [ 1.24008416]]
result : [[ 1.76239215]
 [ 0.65274789]
 [ 1.34158306]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.60251976]
 [-1.07776145]
 [ 0.35348131]]
dot product : [[-0.27319027]
 [-1.74823864]]
result : [[ 0.31749212]
 [-1.68719997]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.31749212]
 [-1.68719997]]
dot product : [[ 1.66781847]
 [ 0.33606901]
 [ 1.12892792]]
result : [[ 1.57931966]
 [ 0.65703691]
 [ 1.23042682]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.89074637]
 [-0.35380162]
 [ 0.83717451]]
dot product : [[-0.54601975]
 [-0.46214465]]
result : [[ 0.04466264]
 [-0.40110598]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.04466264]
 [-0.40110598]]
dot product : [[ 0.35554304]
 [ 0.10131189]
 [ 0.24985929]]
result : [[ 0.26704424]
 [ 0.42227979]
 [ 0.35135819]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.5017083 ]
 [-1.01718375]
 [ 0.39433099]]
dot product : [[-0.28968729]
 [-1.65494028]]
result : [[ 0.3009951 ]
 [-1.59390161]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.3009951 ]
 [-1.59390161]]
dot product : [[ 1.57700007]
 [ 0.31674877]
 [ 1.06713774]]
result : [[ 1.48850126]
 [ 0.63771667]
 [ 1.16863665]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.0896365]
 [-0.4953697]
 [ 0.750529 ]]
dot product : [[-0.35911664]
 [-1.01558208]]
result : [[ 0.23156576]
 [-0.95454341]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.23156576]
 [-0.95454341]]
dot product : [[ 1.01261089]
 [ 0.15403398]
 [ 0.66992448]]
result : [[ 0.92411208]
 [ 0.47500188]
 [ 0.77142339]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.19582107]
 [-0.76482712]
 [ 0.56628298]]
dot product : [[-0.32848579]
 [-1.33393245]]
result : [[ 0.2621966 ]
 [-1.27289378]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.2621966 ]
 [-1.27289378]]
dot product : [[ 1.28839684]
 [ 0.23779111]
 [ 0.86533725]]
result : [[ 1.19989804]
 [ 0.55875901]
 [ 0.96683615]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.31359679]
 [-0.2876391 ]
 [ 0.89250755]]
dot product : [[-0.38375234]
 [-0.76784884]]
result : [[ 0.20693006]
 [-0.70681017]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.20693006]
 [-0.70681017]]
dot product : [[ 0.79693786]
 [ 0.08941164]
 [ 0.51737797]]
result : [[ 0.70843905]
 [ 0.41037954]
 [ 0.61887687]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.88956859]
 [-0.37070946]
 [ 0.82535253]]
dot product : [[-0.54848752]
 [-0.47219562]]
result : [[ 0.04219488]
 [-0.41115695]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.04219488]
 [-0.41115695]]
dot product : [[ 0.35968521]
 [ 0.10634342]
 [ 0.25396392]]
result : [[ 0.2711864 ]
 [ 0.42731132]
 [ 0.35546282]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.66848697]
 [-0.03190354]
 [ 1.06606158]]
dot product : [[-0.43485071]
 [-0.41590884]]
result : [[ 0.15583169]
 [-0.35487017]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.15583169]
 [-0.35487017]]
dot product : [[ 0.4691469 ]
 [ 0.00879555]
 [ 0.29098523]]
result : [[ 0.38064809]
 [ 0.32976345]
 [ 0.39248413]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.80326333]
 [-0.01910134]
 [ 1.07292504]]
dot product : [[-0.46810367]
 [-0.32889291]]
result : [[ 0.12257873]
 [-0.26785424]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.12257873]
 [-0.26785424]]
dot product : [[ 0.36069867]
 [ 0.00319331]
 [ 0.22261469]]
result : [[ 0.27219986]
 [ 0.32416121]
 [ 0.32411359]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.88232077]
 [-0.74634198]
 [ 0.58993341]]
dot product : [[-0.14536286]
 [-1.73086348]]
result : [[ 0.44531953]
 [-1.66982481]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.44531953]
 [-1.66982481]]
dot product : [[ 1.82487292]
 [ 0.24149851]
 [ 1.1961146 ]]
result : [[ 1.73637411]
 [ 0.5624664 ]
 [ 1.2976135 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.37036119]
 [-0.91749063]
 [ 0.46209653]]
dot product : [[-0.3077708 ]
 [-1.52189513]]
result : [[ 0.2829116 ]
 [-1.46085646]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.2829116 ]
 [-1.46085646]]
dot product : [[ 1.45472327]
 [ 0.28541599]
 [ 0.98229517]]
result : [[ 1.36622446]
 [ 0.60638389]
 [ 1.08379407]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.82007365]
 [-1.08094931]
 [ 0.3546415 ]]
dot product : [[-0.21664362]
 [-1.87903097]]
result : [[ 0.37403877]
 [-1.8179923 ]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.37403877]
 [-1.8179923 ]]
dot product : [[ 1.83954987]
 [ 0.33992738]
 [ 1.23564115]]
result : [[ 1.75105106]
 [ 0.66089528]
 [ 1.33714005]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.88454188]
 [-0.15320278]
 [ 0.97774804]]
dot product : [[-0.51144832]
 [-0.35486468]]
result : [[ 0.07923407]
 [-0.29382601]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.07923407]
 [-0.29382601]]
dot product : [[ 0.32227107]
 [ 0.04188672]
 [ 0.21099676]]
result : [[ 0.23377226]
 [ 0.36285462]
 [ 0.31249567]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.8411984 ]
 [-0.70686931]
 [ 0.59069842]]
dot product : [[-0.59100538]
 [-0.68682787]]
result : [[ -3.22983300e-04]
 [ -6.25789204e-01]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ -3.22983300e-04]
 [ -6.25789204e-01]]
dot product : [[ 0.46166758]
 [ 0.20671383]
 [ 0.34773553]]
result : [[ 0.37316877]
 [ 0.52768173]
 [ 0.44923444]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.03232454]
 [-0.54998373]
 [ 0.71317725]]
dot product : [[-0.3530513 ]
 [-1.07978256]]
result : [[ 0.23763109]
 [-1.01874389]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.23763109]
 [-1.01874389]]
dot product : [[ 1.06807889]
 [ 0.1710027 ]
 [ 0.70926536]]
result : [[ 0.97958009]
 [ 0.4919706 ]
 [ 0.81076427]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.25151697]
 [-0.81524509]
 [ 0.53184446]]
dot product : [[-0.32215528]
 [-1.39485346]]
result : [[ 0.26852711]
 [-1.33381479]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.26852711]
 [-1.33381479]]
dot product : [[ 1.34179563]
 [ 0.25349343]
 [ 0.90301421]]
result : [[ 1.25329682]
 [ 0.57446133]
 [ 1.00451311]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.72041262]
 [-1.11554813]
 [ 0.32885824]]
dot product : [[-0.24846944]
 [-1.83906112]]
result : [[ 0.34221295]
 [-1.77802245]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.34221295]
 [-1.77802245]]
dot product : [[ 1.76773821]
 [ 0.34885693]
 [ 1.19428551]]
result : [[ 1.6792394 ]
 [ 0.66982483]
 [ 1.29578441]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.74738816]
 [-1.11543764]
 [ 0.32935628]]
dot product : [[-0.24137489]
 [-1.85499891]]
result : [[ 0.3493075 ]
 [-1.79396024]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.3493075 ]
 [-1.79396024]]
dot product : [[ 1.7889358 ]
 [ 0.34918531]
 [ 1.20741178]]
result : [[ 1.700437  ]
 [ 0.67015321]
 [ 1.30891068]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.80028279]
 [-1.09741885]
 [ 0.34279947]]
dot product : [[-0.22454004]
 [-1.87640321]]
result : [[ 0.36614235]
 [-1.81536454]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.36614235]
 [-1.81536454]]
dot product : [[ 1.827115  ]
 [ 0.34454815]
 [ 1.229433  ]]
result : [[ 1.7386162 ]
 [ 0.66551605]
 [ 1.3309319 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.04803713]
 [-0.62653231]
 [ 0.66082445]]
dot product : [[-0.34454166]
 [-1.16978654]]
result : [[ 0.24614073]
 [-1.10874787]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.24614073]
 [-1.10874787]]
dot product : [[ 1.1458493 ]
 [ 0.19478697]
 [ 0.76442208]]
result : [[ 1.05735049]
 [ 0.51575487]
 [ 0.86592098]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.84595787]
 [-0.05303528]
 [ 1.04849575]]
dot product : [[-0.48487647]
 [-0.32234153]]
result : [[ 0.10580593]
 [-0.26130286]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.10580593]
 [-0.26130286]]
dot product : [[ 0.33356966]
 [ 0.01268831]
 [ 0.20888878]]
result : [[ 0.24507086]
 [ 0.33365621]
 [ 0.31038768]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.8624718 ]
 [-0.58812709]
 [ 0.67352033]]
dot product : [[-0.57708523]
 [-0.60852944]]
result : [[ 0.01359716]
 [-0.54749077]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.01359716]
 [-0.54749077]]
dot product : [[ 0.42235034]
 [ 0.17120379]
 [ 0.31257122]]
result : [[ 0.33385154]
 [ 0.49217168]
 [ 0.41407013]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.05527359]
 [-0.52809735]
 [ 0.72814612]]
dot product : [[-0.3554771 ]
 [-1.05406543]]
result : [[ 0.23520529]
 [-0.99302676]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.23520529]
 [-0.99302676]]
dot product : [[ 1.04586485]
 [ 0.1642028 ]
 [ 0.69350867]]
result : [[ 0.95736605]
 [ 0.4851707 ]
 [ 0.79500758]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.40166683]
 [-0.94279731]
 [ 0.44486278]]
dot product : [[-0.30371454]
 [-1.55446039]]
result : [[ 0.28696785]
 [-1.49342172]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.28696785]
 [-1.49342172]]
dot product : [[ 1.48416102]
 [ 0.29334242]
 [ 1.00283951]]
result : [[ 1.39566221]
 [ 0.61431032]
 [ 1.10433841]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.24044795]
 [-0.80532804]
 [ 0.53861663]]
dot product : [[-0.32343033]
 [-1.38280299]]
result : [[ 0.26725206]
 [-1.32176432]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.26725206]
 [-1.32176432]]
dot product : [[ 1.33120273]
 [ 0.25040331]
 [ 0.89554779]]
result : [[ 1.24270393]
 [ 0.57137121]
 [ 0.9970467 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.07095282]
 [-0.6482618 ]
 [ 0.64596492]]
dot product : [[-0.34209885]
 [-1.19539711]]
result : [[ 0.24858355]
 [-1.13435844]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.24858355]
 [-1.13435844]]
dot product : [[ 1.16800727]
 [ 0.20153989]
 [ 0.78012975]]
result : [[ 1.07950846]
 [ 0.52250779]
 [ 0.88162865]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.87312378]
 [-0.10708939]
 [ 1.01021872]]
dot product : [[-0.50087997]
 [-0.33612934]]
result : [[ 0.08980242]
 [-0.27509067]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.08980242]
 [-0.27509067]]
dot product : [[ 0.32248198]
 [ 0.02835992]
 [ 0.20693365]]
result : [[ 0.23398318]
 [ 0.34932782]
 [ 0.30843255]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.88923054]
 [-0.18566798]
 [ 0.95493997]]
dot product : [[-0.51800996]
 [-0.37004177]]
result : [[ 0.07267243]
 [-0.3090031 ]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.07267243]
 [-0.3090031 ]]
dot product : [[ 0.32475766]
 [ 0.05145485]
 [ 0.2154903 ]]
result : [[ 0.23625885]
 [ 0.37242275]
 [ 0.3169892 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.87313736]
 [-0.63343154]
 [ 0.66885992]]
dot product : [[-0.12922893]
 [-1.66296131]]
result : [[ 0.46145346]
 [-1.60192264]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.46145346]
 [-1.60192264]]
dot product : [[ 1.79617468]
 [ 0.20788034]
 [ 1.16806134]]
result : [[ 1.70767587]
 [ 0.52884824]
 [ 1.26956024]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.89329364]
 [-0.24810329]
 [ 0.91115396]]
dot product : [[-0.52932941]
 [-0.40216762]]
result : [[ 0.06135299]
 [-0.34112895]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.06135299]
 [-0.34112895]]
dot product : [[ 0.33343638]
 [ 0.06992207]
 [ 0.2265468 ]]
result : [[ 0.24493758]
 [ 0.39088997]
 [ 0.3280457 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.65236982]
 [-0.03900642]
 [ 1.06133886]]
dot product : [[-0.43178924]
 [-0.42939666]]
result : [[ 0.15889316]
 [-0.36835799]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.15889316]
 [-0.36835799]]
dot product : [[ 0.48317535]
 [ 0.01111842]
 [ 0.30032474]]
result : [[ 0.39467654]
 [ 0.33208632]
 [ 0.40182365]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.87806208]
 [-0.48202356]
 [ 0.74758014]]
dot product : [[-0.56374987]
 [-0.5405926 ]]
result : [[ 0.02693252]
 [-0.47955393]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.02693252]
 [-0.47955393]]
dot product : [[ 0.38990716]
 [ 0.13951913]
 [ 0.28281625]]
result : [[ 0.30140835]
 [ 0.46048703]
 [ 0.38431516]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.39871286]
 [-0.21406246]
 [ 0.94270499]]
dot product : [[-0.39399725]
 [-0.67666898]]
result : [[ 0.19668514]
 [-0.61563031]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.19668514]
 [-0.61563031]]
dot product : [[ 0.71599294]
 [ 0.06644535]
 [ 0.46052427]]
result : [[ 0.62749414]
 [ 0.38741325]
 [ 0.56202317]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.76277979]
 [-0.03044527]
 [ 1.08940248]]
dot product : [[-0.05915181]
 [-1.26397188]]
result : [[ 0.53153059]
 [-1.20293321]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.53153059]
 [-1.20293321]]
dot product : [[ 1.59468551]
 [ 0.02752518]
 [ 0.98835784]]
result : [[ 1.50618671]
 [ 0.34849308]
 [ 1.08985674]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.85258341]
 [-0.47941491]
 [ 0.77639526]]
dot product : [[-0.10932703]
 [-1.56557778]]
result : [[ 0.48135536]
 [-1.50453911]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.48135536]
 [-1.50453911]]
dot product : [[ 1.75071443]
 [ 0.16191567]
 [ 1.1258821 ]]
result : [[ 1.66221562]
 [ 0.48288357]
 [ 1.227381  ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.13526893]
 [-0.45208366]
 [ 0.78013005]]
dot product : [[-0.36397849]
 [-0.96457459]]
result : [[ 0.22670391]
 [-0.90353592]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.22670391]
 [-0.90353592]]
dot product : [[ 0.96848433]
 [ 0.14058211]
 [ 0.63864222]]
result : [[ 0.87998552]
 [ 0.46155001]
 [ 0.74014112]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.49203326]
 [-1.01050411]
 [ 0.39885779]]
dot product : [[-0.29112833]
 [-1.64550731]]
result : [[ 0.29955406]
 [-1.58446864]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.29955406]
 [-1.58446864]]
dot product : [[ 1.56811939]
 [ 0.3146377 ]
 [ 1.06102683]]
result : [[ 1.47962058]
 [ 0.6356056 ]
 [ 1.16252573]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.28086071]
 [-0.31698969]
 [ 0.8724642 ]]
dot product : [[-0.37998496]
 [-0.80349935]]
result : [[ 0.21069743]
 [-0.74246068]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.21069743]
 [-0.74246068]]
dot product : [[ 0.82826989]
 [ 0.09855686]
 [ 0.53946399]]
result : [[ 0.73977109]
 [ 0.41952476]
 [ 0.64096289]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.88261408]
 [-0.14319077]
 [ 0.98478939]]
dot product : [[-0.50929837]
 [-0.35046996]]
result : [[ 0.08138403]
 [-0.28943129]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.08138403]
 [-0.28943129]]
dot product : [[ 0.32188324]
 [ 0.03894244]
 [ 0.20984587]]
result : [[ 0.23338443]
 [ 0.35991034]
 [ 0.31134478]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.54721097]
 [-0.10021561]
 [ 1.02011474]]
dot product : [[-0.41425549]
 [-0.52562272]]
result : [[ 0.1764269 ]
 [-0.46458405]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.1764269 ]
 [-0.46458405]]
dot product : [[ 0.57753346]
 [ 0.03068421]
 [ 0.36436594]]
result : [[ 0.48903465]
 [ 0.35165211]
 [ 0.46586484]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.54885873]
 [-1.04776523]
 [ 0.37365046]]
dot product : [[-0.28234079]
 [-1.69982064]]
result : [[ 0.3083416 ]
 [-1.63878197]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.3083416 ]
 [-1.63878197]]
dot product : [[ 1.61990435]
 [ 0.32645212]
 [ 1.09650712]]
result : [[ 1.53140554]
 [ 0.64742002]
 [ 1.19800602]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.53959763]
 [-1.04203725]
 [ 0.37751727]]
dot product : [[-0.28382953]
 [-1.69115958]]
result : [[ 0.30685286]
 [-1.63012092]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.30685286]
 [-1.63012092]]
dot product : [[ 1.61153027]
 [ 0.3246289 ]
 [ 1.0907967 ]]
result : [[ 1.52303146]
 [ 0.6455968 ]
 [ 1.19229561]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.6280486 ]
 [-1.08977712]
 [ 0.34546499]]
dot product : [[-0.26846668]
 [-1.77002591]]
result : [[ 0.32221571]
 [-1.70898724]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.32221571]
 [-1.70898724]]
dot product : [[ 1.69018441]
 [ 0.33997529]
 [ 1.14388104]]
result : [[ 1.60168561]
 [ 0.66094318]
 [ 1.24537995]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.88785181]
 [-0.17443756]
 [ 0.96282598]]
dot product : [[-0.51580394]
 [-0.36464745]]
result : [[ 0.07487845]
 [-0.30360878]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.07487845]
 [-0.30360878]]
dot product : [[ 0.32370621]
 [ 0.04814177]
 [ 0.21381734]]
result : [[ 0.2352074 ]
 [ 0.36910967]
 [ 0.31531625]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.70617593]
 [-1.1138955 ]
 [ 0.32979354]]
dot product : [[-0.2519327 ]
 [-1.82970335]]
result : [[ 0.33874969]
 [-1.76866468]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.33874969]
 [-1.76866468]]
dot product : [[ 1.7562255 ]
 [ 0.34817607]
 [ 1.18700069]]
result : [[ 1.66772669]
 [ 0.66914397]
 [ 1.2884996 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.00212559]
 [-0.58283873]
 [ 0.69070654]]
dot product : [[-0.3494098 ]
 [-1.11838809]]
result : [[ 0.24127259]
 [-1.05734942]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.24127259]
 [-1.05734942]]
dot product : [[ 1.10142569]
 [ 0.18121047]
 [ 0.73291866]]
result : [[ 1.01292688]
 [ 0.50217837]
 [ 0.83441757]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.86733502]
 [-0.09135316]
 [ 1.02132887]]
dot product : [[-0.49677711]
 [-0.33085822]]
result : [[ 0.09390529]
 [-0.26981955]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.09390529]
 [-0.26981955]]
dot product : [[ 0.32404244]
 [ 0.02376922]
 [ 0.20646953]]
result : [[ 0.23554363]
 [ 0.34473712]
 [ 0.30796843]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.207027  ]
 [-0.77506961]
 [ 0.55928504]]
dot product : [[-0.32722828]
 [-1.34624414]]
result : [[ 0.26345412]
 [-1.28520547]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.26345412]
 [-1.28520547]]
dot product : [[ 1.29915933]
 [ 0.24097961]
 [ 0.87293836]]
result : [[ 1.21066052]
 [ 0.56194751]
 [ 0.97443726]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.81047671]
 [-1.08986298]
 [ 0.34824972]]
dot product : [[-0.22062503]
 [-1.87826965]]
result : [[ 0.37005737]
 [-1.81723098]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.37005737]
 [-1.81723098]]
dot product : [[ 1.83369634]
 [ 0.34244316]
 [ 1.23282433]]
result : [[ 1.74519753]
 [ 0.66341106]
 [ 1.33432324]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.80545352]
 [-1.09380872]
 [ 0.34540823]]
dot product : [[-0.22259074]
 [-1.87747301]]
result : [[ 0.36809165]
 [-1.81643434]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.36809165]
 [-1.81643434]]
dot product : [[ 1.83049561]
 [ 0.34354642]
 [ 1.23119967]]
result : [[ 1.74199681]
 [ 0.66451432]
 [ 1.33269857]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.48980896]
 [-0.14139571]
 [ 0.99217199]]
dot product : [[-0.40596032]
 [-0.58244573]]
result : [[ 0.18472208]
 [-0.52140707]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.18472208]
 [-0.52140707]]
dot product : [[ 0.63051727]
 [ 0.04366892]
 [ 0.40094558]]
result : [[ 0.54201847]
 [ 0.36463682]
 [ 0.50244449]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.83110741]
 [-0.35401954]
 [ 0.86387311]]
dot product : [[-0.09436741]
 [-1.48347905]]
result : [[ 0.49631499]
 [-1.42244038]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.49631499]
 [-1.42244038]]
dot product : [[ 1.70997246]
 [ 0.12442923]
 [ 1.08922979]]
result : [[ 1.62147365]
 [ 0.44539713]
 [ 1.1907287 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.22934215]
 [-0.7953239 ]
 [ 0.54544921]]
dot product : [[-0.32470073]
 [-1.37068253]]
result : [[ 0.26598167]
 [-1.30964386]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.26598167]
 [-1.30964386]]
dot product : [[ 1.32056434]
 [ 0.24728686]
 [ 0.88804526]]
result : [[ 1.23206553]
 [ 0.56825476]
 [ 0.98954416]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.33519014]
 [-0.26856694]
 [ 0.9055268 ]]
dot product : [[-0.38628468]
 [-0.74449242]]
result : [[ 0.20439772]
 [-0.68345375]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.20439772]
 [-0.68345375]]
dot product : [[ 0.77632543]
 [ 0.08346473]
 [ 0.50286975]]
result : [[ 0.68782662]
 [ 0.40443263]
 [ 0.60436865]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.89248299]
 [-0.32136112]
 [ 0.85986509]]
dot product : [[-0.54114769]
 [-0.44317045]]
result : [[ 0.0495347 ]
 [-0.38213178]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.0495347 ]
 [-0.38213178]]
dot product : [[ 0.34800711]
 [ 0.09166507]
 [ 0.24223889]]
result : [[ 0.2595083 ]
 [ 0.41263297]
 [ 0.34373779]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.83331994]
 [-1.06496602]
 [ 0.36604096]]
dot product : [[-0.21054387]
 [-1.87804617]]
result : [[ 0.38013852]
 [-1.8170075 ]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.38013852]
 [-1.8170075 ]]
dot product : [[ 1.84692933]
 [ 0.33536323]
 [ 1.23876065]]
result : [[ 1.75843052]
 [ 0.65633113]
 [ 1.34025955]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.32441767]
 [-0.27805098]
 [ 0.89905324]]
dot product : [[-0.38501631]
 [-0.75612749]]
result : [[ 0.20566608]
 [-0.69508882]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.20566608]
 [-0.69508882]]
dot product : [[ 0.7866027 ]
 [ 0.08642242]
 [ 0.51010119]]
result : [[ 0.6981039 ]
 [ 0.40739032]
 [ 0.61160009]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.89224133]
 [-0.22185723]
 [ 0.92955015]]
dot product : [[-0.52474303]
 [-0.38827392]]
result : [[ 0.06593936]
 [-0.32723525]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.06593936]
 [-0.32723525]]
dot product : [[ 0.32927233]
 [ 0.06215019]
 [ 0.22157933]]
result : [[ 0.24077352]
 [ 0.38311808]
 [ 0.32307823]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.63635401]
 [-1.09331501]
 [ 0.34311697]]
dot product : [[-0.26686897]
 [-1.77690873]]
result : [[ 0.32381342]
 [-1.71587006]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.32381342]
 [-1.71587006]]
dot product : [[ 1.69739022]
 [ 0.34113601]
 [ 1.1486683 ]]
result : [[ 1.60889142]
 [ 0.66210391]
 [ 1.2501672 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.34591249]
 [-0.2591908 ]
 [ 0.91192558]]
dot product : [[-0.38755762]
 [-0.73294676]]
result : [[ 0.20312478]
 [-0.67190809]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.20312478]
 [-0.67190809]]
dot product : [[ 0.7661081 ]
 [ 0.08053971]
 [ 0.49568526]]
result : [[ 0.67760929]
 [ 0.40150761]
 [ 0.59718417]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.64415088]
 [-0.04291088]
 [ 1.05873279]]
dot product : [[-0.43027441]
 [-0.43643095]]
result : [[ 0.16040798]
 [-0.37539228]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.16040798]
 [-0.37539228]]
dot product : [[ 0.49038286]
 [ 0.01238673]
 [ 0.30514639]]
result : [[ 0.40188405]
 [ 0.33335463]
 [ 0.4066453 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.86603769]
 [-0.56591058]
 [ 0.68902265]]
dot product : [[-0.5743721 ]
 [-0.59412565]]
result : [[ 0.01631029]
 [-0.53308698]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.01631029]
 [-0.53308698]]
dot product : [[ 0.41532005]
 [ 0.16456545]
 [ 0.306194  ]]
result : [[ 0.32682125]
 [ 0.48553335]
 [ 0.4076929 ]]
Total Cost [ 417.93473129] for Epoch 5 complete
Axis-wise Cost is [[ 154.02151713]
 [ 204.76254178]
 [  59.15067238]] 
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.84992859]
 [-0.05851777]
 [ 1.04459451]]
dot product : [[-0.48681847]
 [-0.32301914]]
result : [[ 0.10386393]
 [-0.26198047]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.10386393]
 [-0.26198047]]
dot product : [[ 0.33148908]
 [ 0.01426155]
 [ 0.20809803]]
result : [[ 0.24299027]
 [ 0.33522945]
 [ 0.30959694]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.15071471]
 [-0.72317733]
 [ 0.59474638]]
dot product : [[-0.33347836]
 [-1.28414205]]
result : [[ 0.25720403]
 [-1.22310338]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.25720403]
 [-1.22310338]]
dot product : [[ 1.24499529]
 [ 0.22483168]
 [ 0.83465309]]
result : [[ 1.15649649]
 [ 0.54579958]
 [ 0.936152  ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.38085591]
 [-0.92606427]
 [ 0.45625618]]
dot product : [[-0.30642578]
 [-1.53286188]]
result : [[ 0.28425662]
 [-1.47182321]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.28425662]
 [-1.47182321]]
dot product : [[ 1.46460892]
 [ 0.28809989]
 [ 0.98920112]]
result : [[ 1.37611011]
 [ 0.60906779]
 [ 1.09070002]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.61887301]
 [-0.05599051]
 [ 1.04996748]]
dot product : [[-0.42579138]
 [-0.4586579 ]]
result : [[ 0.16489101]
 [-0.39761923]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.16489101]
 [-0.39761923]]
dot product : [[ 0.51275375]
 [ 0.01660527]
 [ 0.32019935]]
result : [[ 0.42425494]
 [ 0.33757317]
 [ 0.42169825]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.64455448]
 [-1.09661287]
 [ 0.3409354 ]]
dot product : [[-0.26525937]
 [-1.78359653]]
result : [[ 0.32542303]
 [-1.72255786]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.32542303]
 [-1.72255786]]
dot product : [[ 1.70446784]
 [ 0.34222412]
 [ 1.15335428]]
result : [[ 1.61596903]
 [ 0.66319202]
 [ 1.25485318]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.82375085]
 [-0.03083545]
 [ 1.0643883 ]]
dot product : [[-0.47540515]
 [-0.32323262]]
result : [[ 0.11527724]
 [-0.26219395]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.11527724]
 [-0.26219395]]
dot product : [[ 0.34681519]
 [ 0.00639998]
 [ 0.21507816]]
result : [[ 0.25831638]
 [ 0.32736788]
 [ 0.31657706]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.69887632]
 [-1.1126556 ]
 [ 0.330548  ]]
dot product : [[-0.25364395]
 [-1.82468818]]
result : [[ 0.33703844]
 [-1.76364951]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.33703844]
 [-1.76364951]]
dot product : [[ 1.7502479 ]
 [ 0.34771052]
 [ 1.18318357]]
result : [[ 1.66174909]
 [ 0.66867842]
 [ 1.28468247]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.48228053]
 [-1.0036456 ]
 [ 0.40350862]]
dot product : [[-0.29256038]
 [-1.63592934]]
result : [[ 0.29812202]
 [-1.57489067]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.29812202]
 [-1.57489067]]
dot product : [[ 1.55914359]
 [ 0.31247253]
 [ 1.0548407 ]]
result : [[ 1.47064478]
 [ 0.63344043]
 [ 1.1563396 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.81540173]
 [-0.27239952]
 [ 0.92078564]]
dot product : [[-0.08508318]
 [-1.42901665]]
result : [[ 0.50559921]
 [-1.36797798]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.50559921]
 [-1.36797798]]
dot product : [[ 1.68209508]
 [ 0.10000614]
 [ 1.06453096]]
result : [[ 1.59359627]
 [ 0.42097404]
 [ 1.16602987]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.81380157]
 [-0.02431671]
 [ 1.06910845]]
dot product : [[-0.47172464]
 [-0.32552764]]
result : [[ 0.11895776]
 [-0.26448897]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.11895776]
 [-0.26448897]]
dot product : [[ 0.35340135]
 [ 0.00459938]
 [ 0.2185668 ]]
result : [[ 0.26490254]
 [ 0.32556728]
 [ 0.3200657 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.76825116]
 [-0.01096956]
 [ 1.07916561]]
dot product : [[-0.45758358]
 [-0.34516024]]
result : [[ 0.13309881]
 [-0.28412157]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.13309881]
 [-0.28412157]]
dot product : [[ 0.38669219]
 [ 0.00124975]
 [ 0.23798353]]
result : [[ 0.29819338]
 [ 0.32221765]
 [ 0.33948243]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.21431142]
 [-0.37798482]
 [ 0.8307879 ]]
dot product : [[-0.37254438]
 [-0.87670806]]
result : [[ 0.21813801]
 [-0.81566939]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.21813801]
 [-0.81566939]]
dot product : [[ 0.8922175 ]
 [ 0.11754222]
 [ 0.58464008]]
result : [[ 0.80371869]
 [ 0.43851012]
 [ 0.68613899]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.85618893]
 [-0.50293269]
 [ 0.75998228]]
dot product : [[-0.11224347]
 [-1.58072487]]
result : [[ 0.47843892]
 [-1.5196862 ]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.47843892]
 [-1.5196862 ]]
dot product : [[ 1.75802338]
 [ 0.16894056]
 [ 1.13255036]]
result : [[ 1.66952458]
 [ 0.48990846]
 [ 1.23404926]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.88430752]
 [-0.82759425]
 [ 0.53306447]]
dot product : [[-0.15818553]
 [-1.7769859 ]]
result : [[ 0.43249686]
 [-1.71594723]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.43249686]
 [-1.71594723]]
dot product : [[ 1.84188922]
 [ 0.26562883]
 [ 1.21404929]]
result : [[ 1.75339041]
 [ 0.58659673]
 [ 1.31554819]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.3027292 ]
 [-0.29732748]
 [ 0.88589238]]
dot product : [[-0.38249257]
 [-0.77965335]]
result : [[ 0.20818982]
 [-0.71861468]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.20818982]
 [-0.71861468]]
dot product : [[ 0.80732882]
 [ 0.09243122]
 [ 0.52469844]]
result : [[ 0.71883001]
 [ 0.41339912]
 [ 0.62619735]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.69939058]
 [-0.02062908]
 [ 1.07347501]]
dot product : [[-0.44110597]
 [-0.39134384]]
result : [[ 0.14957642]
 [-0.33030517]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.14957642]
 [-0.33030517]]
dot product : [[ 0.4426942 ]
 [ 0.0050372 ]
 [ 0.27356692]]
result : [[ 0.35419539]
 [ 0.3260051 ]
 [ 0.37506582]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.42968263]
 [-0.18852497]
 [ 0.96010561]]
dot product : [[-0.39792749]
 [-0.64417526]]
result : [[ 0.1927549 ]
 [-0.58313659]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.1927549 ]
 [-0.58313659]]
dot product : [[ 0.68677549]
 [ 0.05845495]
 [ 0.44009546]]
result : [[ 0.59827668]
 [ 0.37942285]
 [ 0.54159436]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.77443049]
 [-0.01156442]
 [ 1.07865268]]
dot product : [[-0.45930227]
 [-0.34182438]]
result : [[ 0.13138012]
 [-0.28078571]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.13138012]
 [-0.28078571]]
dot product : [[ 0.38194475]
 [ 0.00134349]
 [ 0.2350956 ]]
result : [[ 0.29344594]
 [ 0.32231139]
 [ 0.33659451]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.85040337]
 [-0.65782519]
 [ 0.62489984]]
dot product : [[-0.5853657]
 [-0.6542401]]
result : [[ 0.0053167 ]
 [-0.59320143]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.0053167 ]
 [-0.59320143]]
dot product : [[ 0.44509926]
 [ 0.19204151]
 [ 0.33300766]]
result : [[ 0.35660045]
 [ 0.51300941]
 [ 0.43450656]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.89352823]
 [-0.26187376]
 [ 0.90150702]]
dot product : [[-0.53165243]
 [-0.40964553]]
result : [[ 0.05902996]
 [-0.34860686]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.05902996]
 [-0.34860686]]
dot product : [[ 0.3358709 ]
 [ 0.07400398]
 [ 0.22930786]]
result : [[ 0.24737209]
 [ 0.39497188]
 [ 0.33080676]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.47005138]
 [-0.15648523]
 [ 0.9819131 ]]
dot product : [[-0.40325549]
 [-0.60251041]]
result : [[ 0.1874269 ]
 [-0.54147174]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.1874269 ]
 [-0.54147174]]
dot product : [[ 0.64892824]
 [ 0.04840979]
 [ 0.41372734]]
result : [[ 0.56042944]
 [ 0.36937769]
 [ 0.51522624]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.81885068]
 [-0.02741125]
 [ 1.06686264]]
dot product : [[-0.47355736]
 [-0.32424478]]
result : [[ 0.11712503]
 [-0.26320611]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.11712503]
 [-0.26320611]]
dot product : [[ 0.35001834]
 [ 0.00544979]
 [ 0.21675176]]
result : [[ 0.26151953]
 [ 0.32641768]
 [ 0.31825066]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.42222839]
 [-0.95895256]
 [ 0.43387011]]
dot product : [[-0.30097383]
 [-1.5755914 ]]
result : [[ 0.28970856]
 [-1.51455273]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.28970856]
 [-1.51455273]]
dot product : [[ 1.50340708]
 [ 0.29841021]
 [ 1.0162357 ]]
result : [[ 1.41490827]
 [ 0.61937811]
 [ 1.1177346 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.88275463]
 [-0.44301392]
 [ 0.77482491]]
dot product : [[-0.55857441]
 [-0.5162316 ]]
result : [[ 0.03210799]
 [-0.45519293]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.03210799]
 [-0.45519293]]
dot product : [[ 0.37879673]
 [ 0.12788398]
 [ 0.27238327]]
result : [[ 0.29029792]
 [ 0.44885188]
 [ 0.37388217]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.86696128]
 [-0.9878016 ]
 [ 0.42060282]]
dot product : [[-0.18904634]
 [-1.85531556]]
result : [[ 0.40163605]
 [-1.79427689]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.40163605]
 [-1.79427689]]
dot product : [[ 1.85871509]
 [ 0.31292258]
 [ 1.2390466 ]]
result : [[ 1.77021629]
 [ 0.63389048]
 [ 1.3405455 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.62740077]
 [-0.05140675]
 [ 1.05304444]]
dot product : [[-0.42727566]
 [-0.4510647 ]]
result : [[ 0.16340673]
 [-0.39002603]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.16340673]
 [-0.39002603]]
dot product : [[ 0.50517413]
 [ 0.01513131]
 [ 0.31508532]]
result : [[ 0.41667532]
 [ 0.33609921]
 [ 0.41658423]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.55803192]
 [-1.05329141]
 [ 0.36992359]]
dot product : [[-0.28084197]
 [-1.70831794]]
result : [[ 0.30984042]
 [-1.64727927]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.30984042]
 [-1.64727927]]
dot product : [[ 1.6281709 ]
 [ 0.32821429]
 [ 1.10213256]]
result : [[ 1.5396721 ]
 [ 0.64918219]
 [ 1.20363146]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.70682931]
 [-0.01844346]
 [ 1.07488957]]
dot product : [[-0.44269841]
 [-0.38572304]]
result : [[ 0.14798398]
 [-0.32468437]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.14798398]
 [-0.32468437]]
dot product : [[ 0.4364273 ]
 [ 0.00428924]
 [ 0.26948449]]
result : [[ 0.34792849]
 [ 0.32525714]
 [ 0.3709834 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.03656671]
 [-0.6156325 ]
 [ 0.66827857]]
dot product : [[-0.34576061]
 [-1.1569544 ]]
result : [[ 0.24492178]
 [-1.09591573]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.24492178]
 [-1.09591573]]
dot product : [[ 1.13475376]
 [ 0.19139994]
 [ 0.75655479]]
result : [[ 1.04625495]
 [ 0.51236784]
 [ 0.85805369]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.11663588]
 [-0.69133326]
 [ 0.61651493]]
dot product : [[-0.33718848]
 [-1.24631593]]
result : [[ 0.25349392]
 [-1.18527726]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.25349392]
 [-1.18527726]]
dot product : [[ 1.21213283]
 [ 0.21492879]
 [ 0.81139188]]
result : [[ 1.12363402]
 [ 0.53589669]
 [ 0.91289078]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.51130396]
 [-1.02368072]
 [ 0.38993089]]
dot product : [[-0.28823707]
 [-1.66422512]]
result : [[ 0.30244532]
 [-1.60318645]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.30244532]
 [-1.60318645]]
dot product : [[ 1.58578357]
 [ 0.31880458]
 [ 1.07317182]]
result : [[ 1.49728476]
 [ 0.63977248]
 [ 1.17467072]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.80968627]
 [-0.24410611]
 [ 0.94051003]]
dot product : [[-0.08193595]
 [-1.40997657]]
result : [[ 0.50874645]
 [-1.3489379 ]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.50874645]
 [-1.3489379 ]]
dot product : [[ 1.67221818]
 [ 0.0915363 ]
 [ 1.055837  ]]
result : [[ 1.58371938]
 [ 0.41250419]
 [ 1.15733591]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.11248479]
 [-0.47366382]
 [ 0.76537305]]
dot product : [[-0.36154565]
 [-0.99002453]]
result : [[ 0.22913674]
 [-0.92898586]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.22913674]
 [-0.92898586]]
dot product : [[ 0.99051042]
 [ 0.14728897]
 [ 0.65425459]]
result : [[ 0.90201161]
 [ 0.46825687]
 [ 0.75575349]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.83105005]
 [-0.75801209]
 [ 0.55504205]]
dot product : [[-0.59674224]
 [-0.72113601]]
result : [[-0.00605985]
 [-0.66009734]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[-0.00605985]
 [-0.66009734]]
dot product : [[ 0.4793771 ]
 [ 0.22202136]
 [ 0.36336148]]
result : [[ 0.39087829]
 [ 0.54298926]
 [ 0.46486039]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.89286411]
 [-0.23476572]
 [ 0.92050079]]
dot product : [[-0.52702633]
 [-0.3950448 ]]
result : [[ 0.06365606]
 [-0.33400613]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.06365606]
 [-0.33400613]]
dot product : [[ 0.33123755]
 [ 0.06597119]
 [ 0.22397117]]
result : [[ 0.24273874]
 [ 0.38693909]
 [ 0.32547007]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.73415457]
 [-1.11607237]
 [ 0.32870542]]
dot product : [[-0.24495066]
 [-1.84750131]]
result : [[ 0.34573174]
 [-1.78646264]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.34573174]
 [-1.78646264]]
dot product : [[ 1.77864716]
 [ 0.34919643]
 [ 1.20109355]]
result : [[ 1.69014835]
 [ 0.67016433]
 [ 1.30259245]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.891427  ]
 [-0.20937399]
 [ 0.9383047 ]]
dot product : [[-0.52247933]
 [-0.38185188]]
result : [[ 0.06820307]
 [-0.32081321]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.06820307]
 [-0.32081321]]
dot product : [[ 0.32753865]
 [ 0.0584579 ]
 [ 0.21936966]]
result : [[ 0.23903984]
 [ 0.3794258 ]
 [ 0.32086856]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.18059023]
 [-0.40942288]
 [ 0.80929809]]
dot product : [[-0.3688614 ]
 [-0.91409748]]
result : [[ 0.22182099]
 [-0.85305881]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.22182099]
 [-0.85305881]]
dot product : [[ 0.92472143]
 [ 0.12731989]
 [ 0.60764218]]
result : [[ 0.83622262]
 [ 0.44828779]
 [ 0.70914109]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.89171727]
 [-0.33735345]
 [ 0.84867781]]
dot product : [[-0.5435732 ]
 [-0.45247064]]
result : [[ 0.04710919]
 [-0.39143197]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.04710919]
 [-0.39143197]]
dot product : [[ 0.35165103]
 [ 0.0964195 ]
 [ 0.24595149]]
result : [[ 0.26315223]
 [ 0.4173874 ]
 [ 0.34745039]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.81402889]
 [-0.83872816]
 [ 0.49878306]]
dot product : [[-0.60553292]
 [-0.7758786 ]]
result : [[-0.01485053]
 [-0.71483993]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[-0.01485053]
 [-0.71483993]]
dot product : [[ 0.5081173]
 [ 0.2461939]
 [ 0.3885128]]
result : [[ 0.41961849]
 [ 0.5671618 ]
 [ 0.49001171]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.88371162]
 [-0.85694283]
 [ 0.51250275]]
dot product : [[-0.16316169]
 [-1.79286644]]
result : [[ 0.4275207 ]
 [-1.73182777]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.4275207 ]
 [-1.73182777]]
dot product : [[ 1.84700237]
 [ 0.2743272 ]
 [ 1.21988708]]
result : [[ 1.75850356]
 [ 0.5952951 ]
 [ 1.32138598]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.38826665]
 [-0.22284173]
 [ 0.93671988]]
dot product : [[-0.39269873]
 [-0.68772072]]
result : [[ 0.19798366]
 [-0.62668205]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.19798366]
 [-0.62668205]]
dot product : [[ 0.72587955]
 [ 0.0691896 ]
 [ 0.46744952]]
result : [[ 0.63738074]
 [ 0.3901575 ]
 [ 0.56894842]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.56567595]
 [-0.08795369]
 [ 1.02841365]]
dot product : [[-0.41708561]
 [-0.50788873]]
result : [[ 0.17359679]
 [-0.44685006]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.17359679]
 [-0.44685006]]
dot product : [[ 0.56067702]
 [ 0.02679946]
 [ 0.3528047 ]]
result : [[ 0.47217821]
 [ 0.34776736]
 [ 0.4543036 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.51887351]
 [-0.1200104 ]
 [ 1.00669461]]
dot product : [[-0.41007267]
 [-0.55337872]]
result : [[ 0.18060973]
 [-0.49234005]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.18060973]
 [-0.49234005]]
dot product : [[ 0.60358815]
 [ 0.03693578]
 [ 0.38231249]]
result : [[ 0.51508935]
 [ 0.35790368]
 [ 0.48381139]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.69145814]
 [-1.11114508]
 [ 0.33149012]]
dot product : [[-0.25534187]
 [-1.819453  ]]
result : [[ 0.33534052]
 [-1.75841433]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.33534052]
 [-1.75841433]]
dot product : [[ 1.74412557]
 [ 0.3471631 ]
 [ 1.17925213]]
result : [[ 1.65562676]
 [ 0.668131  ]
 [ 1.28075103]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.80860522]
 [-0.02154802]
 [ 1.07112836]]
dot product : [[-0.4699068 ]
 [-0.32707805]]
result : [[ 0.12077559]
 [-0.26603938]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.12077559]
 [-0.26603938]]
dot product : [[ 0.35696215]
 [ 0.00384761]
 [ 0.22052165]]
result : [[ 0.26846334]
 [ 0.32481551]
 [ 0.32202056]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.41942256]
 [-0.19690025]
 [ 0.95440051]]
dot product : [[-0.39661145]
 [-0.65489313]]
result : [[ 0.19407094]
 [-0.59385446]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.19407094]
 [-0.59385446]]
dot product : [[ 0.69643885]
 [ 0.06107686]
 [ 0.44684561]]
result : [[ 0.60794004]
 [ 0.38204476]
 [ 0.54834452]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.89304525]
 [-0.30582081]
 [ 0.870739  ]]
dot product : [[-0.53874304]
 [-0.43424097]]
result : [[ 0.05193935]
 [-0.37320231]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.05193935]
 [-0.37320231]]
dot product : [[ 0.3446092 ]
 [ 0.08704747]
 [ 0.23871985]]
result : [[ 0.25611039]
 [ 0.40801537]
 [ 0.34021875]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.41197964]
 [-0.95094907]
 [ 0.43931503]]
dot product : [[-0.30234796]
 [-1.56508589]]
result : [[ 0.28833443]
 [-1.50404722]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.28833443]
 [-1.50404722]]
dot product : [[ 1.49382334]
 [ 0.29589874]
 [ 1.00956869]]
result : [[ 1.40532453]
 [ 0.61686664]
 [ 1.1110676 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.8708618 ]
 [-0.61292545]
 [ 0.68318458]]
dot product : [[-0.12645821]
 [-1.6502689 ]]
result : [[ 0.46422418]
 [-1.58923023]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.46422418]
 [-1.58923023]]
dot product : [[ 1.79048465]
 [ 0.20176668]
 [ 1.16267024]]
result : [[ 1.70198584]
 [ 0.52273458]
 [ 1.26416915]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.88818223]
 [-0.38808078]
 [ 0.81320924]]
dot product : [[-0.55097668]
 [-0.48262668]]
result : [[ 0.03970571]
 [-0.42158801]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.03970571]
 [-0.42158801]]
dot product : [[ 0.36407959]
 [ 0.11151524]
 [ 0.258267  ]]
result : [[ 0.27558078]
 [ 0.43248314]
 [ 0.35976591]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.88131382]
 [-0.72870994]
 [ 0.60226519]]
dot product : [[-0.14273135]
 [-1.72051324]]
result : [[ 0.44795105]
 [-1.65947457]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.44795105]
 [-1.65947457]]
dot product : [[ 1.82072739]
 [ 0.23625443]
 [ 1.19194202]]
result : [[ 1.73222858]
 [ 0.55722233]
 [ 1.29344092]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.81535065]
 [-1.08557778]
 [ 0.35132659]]
dot product : [[-0.21864271]
 [-1.87879001]]
result : [[ 0.37203968]
 [-1.81775134]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.37203968]
 [-1.81775134]]
dot product : [[ 1.83671511]
 [ 0.34123719]
 [ 1.23430537]]
result : [[ 1.74821631]
 [ 0.66220509]
 [ 1.33580427]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.79752477]
 [-0.18586622]
 [ 0.98110502]]
dot product : [[-0.07556165]
 [-1.37054874]]
result : [[ 0.51512074]
 [-1.30951007]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.51512074]
 [-1.30951007]]
dot product : [[ 1.65157533]
 [ 0.07409644]
 [ 1.03774779]]
result : [[ 1.56307652]
 [ 0.39506434]
 [ 1.13924669]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.50926384]
 [-0.12696721]
 [ 1.0019727 ]]
dot product : [[-0.40869429]
 [-0.56292622]]
result : [[ 0.1819881 ]
 [-0.50188755]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.1819881 ]
 [-0.50188755]]
dot product : [[ 0.61247013]
 [ 0.0391282 ]
 [ 0.38844941]]
result : [[ 0.52397132]
 [ 0.36009609]
 [ 0.48994832]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.59269937]
 [-0.07103919]
 [ 1.03983725]]
dot product : [[-0.42139674]
 [-0.48250529]]
result : [[ 0.16928565]
 [-0.42146662]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.16928565]
 [-0.42146662]]
dot product : [[ 0.53620374]
 [ 0.02141992]
 [ 0.33610011]]
result : [[ 0.44770494]
 [ 0.34238782]
 [ 0.43759901]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.76625553]
 [-1.11224554]
 [ 0.33188589]]
dot product : [[-0.23590125]
 [-1.86442328]]
result : [[ 0.35478114]
 [-1.80338461]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.35478114]
 [-1.80338461]]
dot product : [[ 1.80316953]
 [ 0.34849097]
 [ 1.21594223]]
result : [[ 1.71467072]
 [ 0.66945886]
 [ 1.31744113]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.86937796]
 [-0.5441958 ]
 [ 0.70417715]]
dot product : [[-0.57168218]
 [-0.58013319]]
result : [[ 0.01900021]
 [-0.51909452]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.01900021]
 [-0.51909452]]
dot product : [[ 0.40856266]
 [ 0.15807898]
 [ 0.30003152]]
result : [[ 0.32006385]
 [ 0.47904688]
 [ 0.40153042]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.33854048]
 [-0.89098712]
 [ 0.48016037]]
dot product : [[-0.31176562]
 [-1.48836236]]
result : [[ 0.27891678]
 [-1.42732369]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.27891678]
 [-1.42732369]]
dot product : [[ 1.42465274]
 [ 0.27712762]
 [ 0.96124984]]
result : [[ 1.33615394]
 [ 0.59809552]
 [ 1.06274874]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.8800997 ]
 [-0.71060845]
 [ 0.6149225 ]]
dot product : [[-0.14007709]
 [-1.70978044]]
result : [[ 0.45060531]
 [-1.64874178]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.45060531]
 [-1.64874178]]
dot product : [[ 1.81632961]
 [ 0.23086831]
 [ 1.18757043]]
result : [[ 1.7278308 ]
 [ 0.55183621]
 [ 1.28906933]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.73538449]
 [-0.01234762]
 [ 1.07871312]]
dot product : [[-0.44918809]
 [-0.36541539]]
result : [[ 0.1414943 ]
 [-0.30437672]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.1414943 ]
 [-0.30437672]]
dot product : [[ 0.41280678]
 [ 0.00209858]
 [ 0.25429228]]
result : [[ 0.32430798]
 [ 0.32306648]
 [ 0.35579118]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.79480844]
 [-0.92433828]
 [ 0.43913113]]
dot product : [[-0.61455041]
 [-0.83463267]]
result : [[-0.02386802]
 [-0.773594  ]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[-0.02386802]
 [-0.773594  ]]
dot product : [[ 0.53951824]
 [ 0.27184773]
 [ 0.41575809]]
result : [[ 0.45101943]
 [ 0.59281563]
 [ 0.517257  ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.47245184]
 [-0.99661205]
 [ 0.40828086]]
dot product : [[-0.2939836 ]
 [-1.62620948]]
result : [[ 0.29669879]
 [-1.56517081]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.29669879]
 [-1.56517081]]
dot product : [[ 1.55007473]
 [ 0.31025442]
 [ 1.04858099]]
result : [[ 1.46157593]
 [ 0.63122231]
 [ 1.15007989]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.77023174]
 [-0.06266718]
 [ 1.0669541 ]]
dot product : [[-0.06248868]
 [-1.28621487]]
result : [[ 0.52819371]
 [-1.2251762 ]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.52819371]
 [-1.2251762 ]]
dot product : [[ 1.60667548]
 [ 0.03718367]
 [ 0.99871856]]
result : [[ 1.51817667]
 [ 0.35815157]
 [ 1.10021746]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.44252695]
 [-0.97449941]
 [ 0.42329939]]
dot product : [[-0.2982022 ]
 [-1.59622989]]
result : [[ 0.29248019]
 [-1.53519122]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.29248019]
 [-1.53519122]]
dot product : [[ 1.52233055]
 [ 0.30329399]
 [ 1.02937665]]
result : [[ 1.43383174]
 [ 0.62426189]
 [ 1.13087555]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.85862676]
 [-1.01494338]
 [ 0.40146581]]
dot product : [[-0.19569014]
 [-1.86538572]]
result : [[ 0.39499226]
 [-1.80434705]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.39499226]
 [-1.80434705]]
dot product : [[ 1.85732143]
 [ 0.32086269]
 [ 1.24065137]]
result : [[ 1.76882262]
 [ 0.64183058]
 [ 1.34215027]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.83754064]
 [-0.04312429]
 [ 1.05556754]]
dot product : [[-0.48104075]
 [-0.32185151]]
result : [[ 0.10964165]
 [-0.26081284]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.10964165]
 [-0.26081284]]
dot product : [[ 0.33830556]
 [ 0.00986088]
 [ 0.21092229]]
result : [[ 0.24980675]
 [ 0.33082878]
 [ 0.31242119]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.77227571]
 [-1.11056888]
 [ 0.33315392]]
dot product : [[-0.23404664]
 [-1.86706635]]
result : [[ 0.35663575]
 [-1.80602768]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.35663575]
 [-1.80602768]]
dot product : [[ 1.80758603]
 [ 0.34807418]
 [ 1.21852668]]
result : [[ 1.71908723]
 [ 0.66904208]
 [ 1.32002559]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.8756188 ]
 [-0.94603947]
 [ 0.44998331]]
dot product : [[-0.17991676]
 [-1.83734983]]
result : [[ 0.41076563]
 [-1.77631117]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.41076563]
 [-1.77631117]]
dot product : [[ 1.85758216]
 [ 0.30064963]
 [ 1.23454642]]
result : [[ 1.76908335]
 [ 0.62161753]
 [ 1.33604532]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.87886468]
 [-0.92270113]
 [ 0.46637747]]
dot product : [[-0.17523249]
 [-1.82636549]]
result : [[ 0.41544991]
 [-1.76532682]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.41544991]
 [-1.76532682]]
dot product : [[ 1.85569655]
 [ 0.2937697 ]
 [ 1.23125537]]
result : [[ 1.76719774]
 [ 0.6147376 ]
 [ 1.33275427]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.78075027]
 [-0.98418159]
 [ 0.39744286]]
dot product : [[-0.62069049]
 [-0.87607231]]
result : [[-0.0300081 ]
 [-0.81503364]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[-0.0300081 ]
 [-0.81503364]]
dot product : [[ 0.56195795]
 [ 0.28978864]
 [ 0.43510666]]
result : [[ 0.47345914]
 [ 0.61075654]
 [ 0.53660556]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.43987726]
 [-0.18029201]
 [ 0.96571207]]
dot product : [[-0.39924974]
 [-0.63357492]]
result : [[ 0.19143266]
 [-0.57253625]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.19143266]
 [-0.57253625]]
dot product : [[ 0.67719068]
 [ 0.05587612]
 [ 0.43340692]]
result : [[ 0.58869188]
 [ 0.37684402]
 [ 0.53490583]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.88371996]
 [-0.780213  ]
 [ 0.56623579]]
dot product : [[-0.15055837]
 [-1.75042883]]
result : [[ 0.44012403]
 [-1.68939016]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.44012403]
 [-1.68939016]]
dot product : [[ 1.83241551]
 [ 0.25156518]
 [ 1.20386923]]
result : [[ 1.7439167 ]
 [ 0.57253308]
 [ 1.30536813]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.02509018]
 [-0.60471442]
 [ 0.6757454 ]]
dot product : [[-0.34697817]
 [-1.14410853]]
result : [[ 0.24370423]
 [-1.08306986]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.24370423]
 [-1.08306986]]
dot product : [[ 1.12364993]
 [ 0.18800741]
 [ 0.7486807 ]]
result : [[ 1.03515112]
 [ 0.50897531]
 [ 0.85017961]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.52081854]
 [-1.02999117]
 [ 0.38566014]]
dot product : [[-0.28677749]
 [-1.6733587 ]]
result : [[ 0.3039049 ]
 [-1.61232003]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.3039049 ]
 [-1.61232003]]
dot product : [[ 1.59446781]
 [ 0.32080398]
 [ 1.07912742]]
result : [[ 1.505969  ]
 [ 0.64177188]
 [ 1.18062632]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.88477696]
 [-0.42422919]
 [ 0.78794808]]
dot product : [[-0.55601995]
 [-0.50464154]]
result : [[ 0.03466245]
 [-0.44360288]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.03466245]
 [-0.44360288]]
dot product : [[ 0.37363328]
 [ 0.12228436]
 [ 0.26747505]]
result : [[ 0.28513448]
 [ 0.44325226]
 [ 0.36897395]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.31706324]
 [-0.8727042 ]
 [ 0.49262874]]
dot product : [[-0.31439711]
 [-1.46551137]]
result : [[ 0.27628528]
 [-1.4044727 ]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.27628528]
 [-1.4044727 ]]
dot product : [[ 1.40428175]
 [ 0.2714164 ]
 [ 0.94696302]]
result : [[ 1.31578294]
 [ 0.59238429]
 [ 1.04846192]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.6841651 ]
 [-0.02576757]
 [ 1.07011403]]
dot product : [[-0.4379558 ]
 [-0.40321623]]
result : [[ 0.15272659]
 [-0.34217756]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.15272659]
 [-0.34217756]]
dot product : [[ 0.45564767]
 [ 0.00676539]
 [ 0.28206161]]
result : [[ 0.36714886]
 [ 0.32773329]
 [ 0.38356051]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.36720003]
 [-0.24077752]
 [ 0.9244882 ]]
dot product : [[-0.39011794]
 [-0.71013617]]
result : [[ 0.20056445]
 [-0.6490975 ]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.20056445]
 [-0.6490975 ]]
dot product : [[ 0.74586153]
 [ 0.07479236]
 [ 0.4814637 ]]
result : [[ 0.65736272]
 [ 0.39576026]
 [ 0.5829626 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.56711552]
 [-1.05861197]
 [ 0.36633933]]
dot product : [[-0.27933288]
 [-1.71664835]]
result : [[ 0.31134951]
 [-1.65560968]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.31134951]
 [-1.65560968]]
dot product : [[ 1.63632787]
 [ 0.32991426]
 [ 1.10767137]]
result : [[ 1.54782906]
 [ 0.65088216]
 [ 1.20917028]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.72842907]
 [-0.01346693]
 [ 1.07803774]]
dot product : [[-0.44754732]
 [-0.37015972]]
result : [[ 0.14313507]
 [-0.30912105]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.14313507]
 [-0.30912105]]
dot product : [[ 0.41849071]
 [ 0.00252375]
 [ 0.25791645]]
result : [[ 0.3299919 ]
 [ 0.32349165]
 [ 0.35941536]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.19185916]
 [-0.39888405]
 [ 0.81650256]]
dot product : [[-0.37008678]
 [-0.90158452]]
result : [[ 0.22059561]
 [-0.84054585]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.22059561]
 [-0.84054585]]
dot product : [[ 0.91385303]
 [ 0.12404264]
 [ 0.59994849]]
result : [[ 0.82535422]
 [ 0.44501054]
 [ 0.70144739]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.20310013]
 [-0.38840343]
 [ 0.82366671]]
dot product : [[-0.37131438]
 [-0.88912034]]
result : [[ 0.21936801]
 [-0.82808167]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.21936801]
 [-0.82808167]]
dot product : [[ 0.9030177 ]
 [ 0.12078304]
 [ 0.59228058]]
result : [[ 0.81451889]
 [ 0.44175093]
 [ 0.69377948]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.32782706]
 [-0.8819045 ]
 [ 0.48635374]]
dot product : [[-0.31308441]
 [-1.47698436]]
result : [[ 0.27759798]
 [-1.41594569]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.27759798]
 [-1.41594569]]
dot product : [[ 1.41449827]
 [ 0.2742898 ]
 [ 0.954131  ]]
result : [[ 1.32599946]
 [ 0.5952577 ]
 [ 1.05562991]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.82850036]
 [-0.03459315]
 [ 1.06168277]]
dot product : [[-0.47726819]
 [-0.32249427]]
result : [[ 0.1134142]
 [-0.2614556]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.1134142]
 [-0.2614556]]
dot product : [[ 0.34379396]
 [ 0.00745112]
 [ 0.21354763]]
result : [[ 0.25529516]
 [ 0.32841902]
 [ 0.31504653]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.76009975]
 [-1.11361334]
 [ 0.33083205]]
dot product : [[-0.23774071]
 [-1.86152893]]
result : [[ 0.35294169]
 [-1.80049026]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.35294169]
 [-1.80049026]]
dot product : [[ 1.79858761]
 [ 0.34881431]
 [ 1.21322717]]
result : [[ 1.7100888 ]
 [ 0.66978221]
 [ 1.31472607]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.72135026]
 [-0.01485856]
 [ 1.07717359]]
dot product : [[-0.44591891]
 [-0.37512785]]
result : [[ 0.14476349]
 [-0.31408918]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.14476349]
 [-0.31408918]]
dot product : [[ 0.42432348]
 [ 0.00303136]
 [ 0.26165763]]
result : [[ 0.33582468]
 [ 0.32399926]
 [ 0.36315654]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.84514637]
 [-1.04575562]
 [ 0.37967818]]
dot product : [[-0.20428661]
 [-1.87443421]]
result : [[ 0.38639578]
 [-1.81339554]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.38639578]
 [-1.81339554]]
dot product : [[ 1.85257817]
 [ 0.32982275]
 [ 1.24051418]]
result : [[ 1.76407937]
 [ 0.65079065]
 [ 1.34201308]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.77334271]
 [-1.01494568]
 [ 0.37601468]]
dot product : [[-0.6237996]
 [-0.8974826]]
result : [[-0.0331172 ]
 [-0.83644393]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[-0.0331172 ]
 [-0.83644393]]
dot product : [[ 0.57363573]
 [ 0.29901407]
 [ 0.44514134]]
result : [[ 0.48513692]
 [ 0.61998197]
 [ 0.54664024]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.82561786]
 [-0.78438004]
 [ 0.53666163]]
dot product : [[-0.59964757]
 [-0.73894303]]
result : [[-0.00896518]
 [-0.67790436]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[-0.00896518]
 [-0.67790436]]
dot product : [[ 0.48866497]
 [ 0.22991622]
 [ 0.37151531]]
result : [[ 0.40016617]
 [ 0.55088411]
 [ 0.47301421]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.88234155]
 [-0.88453597]
 [ 0.49315826]]
dot product : [[-0.16805265]
 [-1.80731681]]
result : [[ 0.42262975]
 [-1.74627814]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.42262975]
 [-1.74627814]]
dot product : [[ 1.85117269]
 [ 0.28249444]
 [ 1.22498094]]
result : [[ 1.76267389]
 [ 0.60346234]
 [ 1.32647984]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.16203029]
 [-0.7336841 ]
 [ 0.58756508]]
dot product : [[-0.33223548]
 [-1.29666495]]
result : [[ 0.25844691]
 [-1.23562628]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.25844691]
 [-1.23562628]]
dot product : [[ 1.25589429]
 [ 0.22810005]
 [ 0.84236283]]
result : [[ 1.16739548]
 [ 0.54906794]
 [ 0.94386174]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.71414978]
 [-0.01651868]
 [ 1.07612332]]
dot product : [[-0.44430266]
 [-0.38031667]]
result : [[ 0.14637973]
 [-0.319278  ]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.14637973]
 [-0.319278  ]]
dot product : [[ 0.43030304]
 [ 0.00362024]
 [ 0.26551419]]
result : [[ 0.34180423]
 [ 0.32458814]
 [ 0.36701309]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.82464401]
 [-1.07597374]
 [ 0.3581971 ]]
dot product : [[-0.21462757]
 [-1.8789894 ]]
result : [[ 0.37605482]
 [-1.81795073]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.37605482]
 [-1.81795073]]
dot product : [[ 1.84219853]
 [ 0.33851255]
 [ 1.23683004]]
result : [[ 1.75369972]
 [ 0.65948045]
 [ 1.33832894]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.67638176]
 [-0.02871278]
 [ 1.06817291]]
dot product : [[-0.43639771]
 [-0.40946157]]
result : [[ 0.15428468]
 [-0.3484229 ]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.15428468]
 [-0.3484229 ]]
dot product : [[ 0.4623301 ]
 [ 0.00774331]
 [ 0.28647061]]
result : [[ 0.37383129]
 [ 0.3287112 ]
 [ 0.38796952]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.89042284]
 [-0.19731218]
 [ 0.94676709]]
dot product : [[-0.52023503]
 [-0.37577554]]
result : [[ 0.07044737]
 [-0.31473687]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.07044737]
 [-0.31473687]]
dot product : [[ 0.32603445]
 [ 0.05489317]
 [ 0.21734052]]
result : [[ 0.23753564]
 [ 0.37586107]
 [ 0.31883943]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.89340573]
 [-0.2907287 ]
 [ 0.88130219]]
dot product : [[-0.53635907]
 [-0.42567908]]
result : [[ 0.05432332]
 [-0.36464041]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.05432332]
 [-0.36464041]]
dot product : [[ 0.34145524]
 [ 0.08256552]
 [ 0.23539275]]
result : [[ 0.25295643]
 [ 0.40353342]
 [ 0.33689165]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.85550694]
 [-1.02321488]
 [ 0.39562474]]
dot product : [[-0.19786695]
 [-1.86811071]]
result : [[ 0.39281544]
 [-1.80707204]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.39281544]
 [-1.80707204]]
dot product : [[ 1.85644059]
 [ 0.32327468]
 [ 1.24085776]]
result : [[ 1.76794178]
 [ 0.64424258]
 [ 1.34235666]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.35658302]
 [-0.24992639]
 [ 0.91824693]]
dot product : [[-0.38883531]
 [-0.72149363]]
result : [[ 0.20184708]
 [-0.66045496]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.20184708]
 [-0.66045496]]
dot product : [[ 0.75595277]
 [ 0.07764854]
 [ 0.48854937]]
result : [[ 0.66745397]
 [ 0.39861644]
 [ 0.59004827]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.85373844]
 [-0.0643567 ]
 [ 1.04044617]]
dot product : [[-0.4887768 ]
 [-0.32398931]]
result : [[ 0.10190559]
 [-0.26295065]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.10190559]
 [-0.26295065]]
dot product : [[ 0.32960282]
 [ 0.01594267]
 [ 0.20746013]]
result : [[ 0.24110401]
 [ 0.33691057]
 [ 0.30895903]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.35980925]
 [-0.90878401]
 [ 0.46802911]]
dot product : [[-0.30910899]
 [-1.51082087]]
result : [[ 0.28157341]
 [-1.4497822 ]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.28157341]
 [-1.4497822 ]]
dot product : [[ 1.44476731]
 [ 0.28269187]
 [ 0.97533355]]
result : [[ 1.35626851]
 [ 0.60365977]
 [ 1.07683245]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.27353785]
 [-0.83480259]
 [ 0.51849199]]
dot product : [[-0.3195905 ]
 [-1.41873191]]
result : [[ 0.27109189]
 [-1.35769324]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.27109189]
 [-1.35769324]]
dot product : [[ 1.36283665]
 [ 0.25959004]
 [ 0.91783217]]
result : [[ 1.27433785]
 [ 0.58055794]
 [ 1.01933107]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.86565678]
 [-0.57043228]
 [ 0.71286083]]
dot product : [[-0.12084508]
 [-1.62367707]]
result : [[ 0.46983731]
 [-1.5626384 ]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.46983731]
 [-1.5626384 ]]
dot product : [[ 1.77830857]
 [ 0.18909127]
 [ 1.15126006]]
result : [[ 1.68980977]
 [ 0.51005917]
 [ 1.25275896]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.85867859]
 [-0.61084914]
 [ 0.65766752]]
dot product : [[-0.57982176]
 [-0.6233477 ]]
result : [[ 0.01086064]
 [-0.56230903]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.01086064]
 [-0.56230903]]
dot product : [[ 0.4296556 ]
 [ 0.17799514]
 [ 0.31916482]]
result : [[ 0.34115679]
 [ 0.49896303]
 [ 0.42066372]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.88051691]
 [-0.46227744]
 [ 0.76136981]]
dot product : [[-0.56115099]
 [-0.52821425]]
result : [[ 0.02953141]
 [-0.46717558]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.02953141]
 [-0.46717558]]
dot product : [[ 0.38422066]
 [ 0.13362852]
 [ 0.27749646]]
result : [[ 0.29572186]
 [ 0.45459642]
 [ 0.37899536]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.75381005]
 [-1.11467609]
 [ 0.32998973]]
dot product : [[-0.23956519]
 [-1.85838643]]
result : [[ 0.3511172 ]
 [-1.79734776]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.3511172 ]
 [-1.79734776]]
dot product : [[ 1.79384235]
 [ 0.34904537]
 [ 1.21038314]]
result : [[ 1.70534354]
 [ 0.67001327]
 [ 1.31188205]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.8261106 ]
 [-0.32735242]
 [ 0.88246983]]
dot product : [[-0.09129873]
 [-1.46576477]]
result : [[ 0.49938366]
 [-1.4047261 ]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.49938366]
 [-1.4047261 ]]
dot product : [[ 1.70097015]
 [ 0.11645145]
 [ 1.08122573]]
result : [[ 1.61247134]
 [ 0.43741935]
 [ 1.18272463]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.57477534]
 [-0.08211458]
 [ 1.03236081]]
dot product : [[-0.41851368]
 [-0.49926212]]
result : [[ 0.17216872]
 [-0.43822345]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.17216872]
 [-0.43822345]]
dot product : [[ 0.55240901]
 [ 0.02494544]
 [ 0.3471499 ]]
result : [[ 0.4639102 ]
 [ 0.34591334]
 [ 0.4486488 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.59381163]
 [-1.07330163]
 [ 0.35646866]]
dot product : [[-0.27474223]
 [-1.74060702]]
result : [[ 0.31594017]
 [-1.67956835]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.31594017]
 [-1.67956835]]
dot product : [[ 1.66012054]
 [ 0.33462941]
 [ 1.12375185]]
result : [[ 1.57162174]
 [ 0.65559731]
 [ 1.22525075]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.74221482]
 [-0.01150444]
 [ 1.07919707]]
dot product : [[-0.4508414 ]
 [-0.36089799]]
result : [[ 0.139841  ]
 [-0.29985932]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.139841  ]
 [-0.29985932]]
dot product : [[ 0.40727377]
 [ 0.00175701]
 [ 0.25078674]]
result : [[ 0.31877496]
 [ 0.32272491]
 [ 0.35228565]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.88050667]
 [-0.13357725]
 [ 0.99155448]]
dot product : [[-0.50716673]
 [-0.3464022 ]]
result : [[ 0.08351566]
 [-0.28536353]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.08351566]
 [-0.28536353]]
dot product : [[ 0.32171249]
 [ 0.03611878]
 [ 0.20886575]]
result : [[ 0.23321368]
 [ 0.35708667]
 [ 0.31036465]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.72734629]
 [-1.11595321]
 [ 0.32868269]]
dot product : [[-0.24671708]
 [-1.84339747]]
result : [[ 0.34396531]
 [-1.7823588 ]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.34396531]
 [-1.7823588 ]]
dot product : [[ 1.77326919]
 [ 0.34906993]
 [ 1.19774994]]
result : [[ 1.68477038]
 [ 0.67003783]
 [ 1.29924885]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.7843778 ]
 [-0.12539678]
 [ 1.02324597]]
dot product : [[-0.06907971]
 [-1.32930318]]
result : [[ 0.52160268]
 [-1.26826451]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.52160268]
 [-1.26826451]]
dot product : [[ 1.62973327]
 [ 0.05598198]
 [ 1.01871265]]
result : [[ 1.54123447]
 [ 0.37694988]
 [ 1.12021155]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.39129169]
 [-0.9345011 ]
 [ 0.45051071]]
dot product : [[-0.30507375]
 [-1.54371801]]
result : [[ 0.28560864]
 [-1.48267934]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.28560864]
 [-1.48267934]]
dot product : [[ 1.47442219]
 [ 0.29074242]
 [ 0.99604978]]
result : [[ 1.38592338]
 [ 0.61171032]
 [ 1.09754868]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.85956852]
 [-0.52593896]
 [ 0.74392399]]
dot product : [[-0.11513517]
 [-1.59545503]]
result : [[ 0.47554722]
 [-1.53441636]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.47554722]
 [-1.53441636]]
dot product : [[ 1.76505735]
 [ 0.17581069]
 [ 1.13900169]]
result : [[ 1.67655854]
 [ 0.49677858]
 [ 1.24050059]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.79107532]
 [-0.15591211]
 [ 1.00198092]]
dot product : [[-0.07233422]
 [-1.35015474]]
result : [[ 0.51834817]
 [-1.28911607]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.51834817]
 [-1.28911607]]
dot product : [[ 1.64080523]
 [ 0.06512412]
 [ 1.02834928]]
result : [[ 1.55230643]
 [ 0.38609201]
 [ 1.12984818]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.79496623]
 [-1.10069716]
 [ 0.3404208 ]]
dot product : [[-0.22647311]
 [-1.87506339]]
result : [[ 0.36420928]
 [-1.81402472]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.36420928]
 [-1.81402472]]
dot product : [[ 1.82355658]
 [ 0.34544949]
 [ 1.22752596]]
result : [[ 1.73505777]
 [ 0.66641739]
 [ 1.32902487]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.78638149]
 [-0.01365519]
 [ 1.07700217]]
dot product : [[-0.4627807 ]
 [-0.33589286]]
result : [[ 0.12790169]
 [-0.27485419]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.12790169]
 [-0.27485419]]
dot product : [[ 0.37294189]
 [ 0.00180372]
 [ 0.22970661]]
result : [[ 0.28444308]
 [ 0.32277162]
 [ 0.33120551]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.87822135]
 [-0.1243584 ]
 [ 0.99804596]]
dot product : [[-0.50505324]
 [-0.34265826]]
result : [[ 0.08562915]
 [-0.28161959]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.08562915]
 [-0.28161959]]
dot product : [[ 0.32175674]
 [ 0.03341457]
 [ 0.20805475]]
result : [[ 0.23325793]
 [ 0.35438247]
 [ 0.30955365]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.89356616]
 [-0.27608096]
 [ 0.89155731]]
dot product : [[-0.53399559]
 [-0.41748164]]
result : [[ 0.0566868 ]
 [-0.35644297]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.0566868 ]
 [-0.35644297]]
dot product : [[ 0.33854316]
 [ 0.07821808]
 [ 0.23225596]]
result : [[ 0.25004435]
 [ 0.39918598]
 [ 0.33375486]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.07819255]
 [-0.50626023]
 [ 0.74308096]]
dot product : [[-0.35790311]
 [-1.02839338]]
result : [[ 0.23277929]
 [-0.96735471]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.23277929]
 [-0.96735471]]
dot product : [[ 1.02368384]
 [ 0.15741791]
 [ 0.67777693]]
result : [[ 0.93518503]
 [ 0.47838581]
 [ 0.77927583]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.55648726]
 [-0.09398864]
 [ 1.02433075]]
dot product : [[-0.41566627]
 [-0.51667664]]
result : [[ 0.17501612]
 [-0.45563797]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.17501612]
 [-0.45563797]]
dot product : [[ 0.56905252]
 [ 0.02871276]
 [ 0.35854392]]
result : [[ 0.48055372]
 [ 0.34968066]
 [ 0.46004282]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.04380197]
 [-0.53903629]
 [ 0.72066461]]
dot product : [[-0.35426427]
 [-1.06691992]]
result : [[ 0.23641812]
 [-1.00588125]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.23641812]
 [-1.00588125]]
dot product : [[ 1.05696878]
 [ 0.16760145]
 [ 0.70138472]]
result : [[ 0.96846997]
 [ 0.48856935]
 [ 0.80288362]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.80372785]
 [-0.21526295]
 [ 0.9606156 ]]
dot product : [[-0.07876216]
 [-1.39048831]]
result : [[ 0.51192023]
 [-1.32944964]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.51192023]
 [-1.32944964]]
dot product : [[ 1.66204562]
 [ 0.08290011]
 [ 1.04690982]]
result : [[ 1.57354681]
 [ 0.40386801]
 [ 1.14840872]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.10106781]
 [-0.48450296]
 [ 0.75796058]]
dot product : [[-0.36033076]
 [-1.00279142]]
result : [[ 0.23035164]
 [-0.94175275]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.23035164]
 [-0.94175275]]
dot product : [[ 1.00155239]
 [ 0.15065729]
 [ 0.66208316]]
result : [[ 0.91305358]
 [ 0.47162518]
 [ 0.76358206]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.3062507 ]
 [-0.86339003]
 [ 0.49898272]]
dot product : [[-0.31570389]
 [-1.4539465 ]]
result : [[ 0.2749785 ]
 [-1.39290783]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.2749785 ]
 [-1.39290783]]
dot product : [[ 1.39400526]
 [ 0.26850856]
 [ 0.93974751]]
result : [[ 1.30550646]
 [ 0.58947646]
 [ 1.04124642]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.85465634]
 [-0.63408057]
 [ 0.64146157]]
dot product : [[-0.58258185]
 [-0.63858354]]
result : [[ 0.00810054]
 [-0.57754487]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.00810054]
 [-0.57754487]]
dot product : [[ 0.43723788]
 [ 0.18494066]
 [ 0.32597642]]
result : [[ 0.34873907]
 [ 0.50590856]
 [ 0.42747533]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.80146246]
 [-0.89525142]
 [ 0.45939652]]
dot product : [[-0.61151908]
 [-0.81459705]]
result : [[-0.02083669]
 [-0.75355838]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[-0.02083669]
 [-0.75355838]]
dot product : [[ 0.52875218]
 [ 0.26312994]
 [ 0.40644095]]
result : [[ 0.44025337]
 [ 0.58409784]
 [ 0.50793985]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.78950553]
 [-1.1036475 ]
 [ 0.33826956]]
dot product : [[-0.22839012]
 [-1.87345667]]
result : [[ 0.36229227]
 [-1.812418  ]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.36229227]
 [-1.812418  ]]
dot product : [[ 1.8198224 ]
 [ 0.34625161]
 [ 1.22548019]]
result : [[ 1.73132359]
 [ 0.66721951]
 [ 1.32697909]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.4324114 ]
 [-0.96680394]
 [ 0.42853068]]
dot product : [[-0.29959197]
 [-1.58597377]]
result : [[ 0.29109042]
 [-1.5249351 ]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.29109042]
 [-1.5249351 ]]
dot product : [[ 1.51291017]
 [ 0.30087568]
 [ 1.02283889]]
result : [[ 1.42441136]
 [ 0.62184358]
 [ 1.12433779]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.86939212]
 [-0.97796583]
 [ 0.42752859]]
dot product : [[-0.18679337]
 [-1.85131669]]
result : [[ 0.40388903]
 [-1.79027802]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.40388903]
 [-1.79027802]]
dot product : [[ 1.85875648]
 [ 0.31003731]
 [ 1.23817772]]
result : [[ 1.77025767]
 [ 0.63100521]
 [ 1.33967663]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.5761078 ]
 [-1.06372307]
 [ 0.36290032]]
dot product : [[-0.27781335]
 [-1.72480875]]
result : [[ 0.31286904]
 [-1.66377008]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.31286904]
 [-1.66377008]]
dot product : [[ 1.64437317]
 [ 0.33155088]
 [ 1.11312195]]
result : [[ 1.55587437]
 [ 0.65251878]
 [ 1.21462085]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.88658559]
 [-0.40591942]
 [ 0.80074197]]
dot product : [[-0.55348743]
 [-0.49344095]]
result : [[ 0.03719496]
 [-0.43240228]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.03719496]
 [-0.43240228]]
dot product : [[ 0.36872826]
 [ 0.1168285 ]
 [ 0.26277017]]
result : [[ 0.28022945]
 [ 0.4377964 ]
 [ 0.36426907]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.8641857 ]
 [-0.08405028]
 [ 1.02649209]]
dot product : [[-0.49475162]
 [-0.32868651]]
result : [[ 0.09593077]
 [-0.26764784]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.09593077]
 [-0.26764784]]
dot product : [[ 0.3251307 ]
 [ 0.02164496]
 [ 0.20647977]]
result : [[ 0.23663189]
 [ 0.34261286]
 [ 0.30797867]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.83309753]
 [-0.03868815]
 [ 1.0587434 ]]
dot product : [[-0.47914666]
 [-0.32203286]]
result : [[ 0.11153573]
 [-0.26099419]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.11153573]
 [-0.26099419]]
dot product : [[ 0.34095673]
 [ 0.00860437]
 [ 0.21216179]]
result : [[ 0.25245792]
 [ 0.32957227]
 [ 0.3136607 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.87031495]
 [-0.09903159]
 [ 1.01590529]]
dot product : [[-0.49881983]
 [-0.33333812]]
result : [[ 0.09186256]
 [-0.27229945]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.09186256]
 [-0.27229945]]
dot product : [[ 0.32315884]
 [ 0.02600715]
 [ 0.20662028]]
result : [[ 0.23466004]
 [ 0.34697505]
 [ 0.30811918]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.13937598]
 [-0.71261405]
 [ 0.60196689]]
dot product : [[-0.33471803]
 [-1.27157417]]
result : [[ 0.25596436]
 [-1.2105355 ]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.25596436]
 [-1.2105355 ]]
dot product : [[ 1.23406734]
 [ 0.22154625]
 [ 0.82692027]]
result : [[ 1.14556853]
 [ 0.54251415]
 [ 0.92841917]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.82906   ]
 [-1.07064725]
 [ 0.36199604]]
dot product : [[-0.21259438]
 [-1.87866217]]
result : [[ 0.37808801]
 [-1.8176235 ]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.37808801]
 [-1.8176235 ]]
dot product : [[ 1.84465904]
 [ 0.33699155]
 [ 1.23787042]]
result : [[ 1.75616023]
 [ 0.65795945]
 [ 1.33936932]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.86836884]
 [-0.59192698]
 [ 0.69785067]]
dot product : [[-0.12366365]
 [-1.6371752 ]]
result : [[ 0.46701874]
 [-1.57613653]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.46701874]
 [-1.57613653]]
dot product : [[ 1.78452997]
 [ 0.19550405]
 [ 1.15707036]]
result : [[ 1.69603117]
 [ 0.51647194]
 [ 1.25856926]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.84591795]
 [-0.68208683]
 [ 0.60797968]]
dot product : [[-0.58817348]
 [-0.67032051]]
result : [[ 0.00250891]
 [-0.60928184]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.00250891]
 [-0.60928184]]
dot product : [[ 0.4532418 ]
 [ 0.19929885]
 [ 0.34026015]]
result : [[ 0.364743  ]
 [ 0.52026675]
 [ 0.44175905]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.1280158 ]
 [-0.70199809]
 [ 0.60922395]]
dot product : [[-0.33595468]
 [-1.25896442]]
result : [[ 0.25472772]
 [-1.19792575]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.25472772]
 [-1.19792575]]
dot product : [[ 1.22311249]
 [ 0.2182449 ]
 [ 0.81916599]]
result : [[ 1.13461369]
 [ 0.5392128 ]
 [ 0.92066489]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.88628836]
 [-0.1636171 ]
 [ 0.97042779]]
dot product : [[-0.51361679]
 [-0.35958947]]
result : [[ 0.0770656]
 [-0.2985508]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.0770656]
 [-0.2985508]]
dot product : [[ 0.32287803]
 [ 0.04495278]
 [ 0.21232004]]
result : [[ 0.23437923]
 [ 0.36592068]
 [ 0.31381895]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.78790495]
 [-0.95398039]
 [ 0.41848079]]
dot product : [[-0.61760749]
 [-0.85512338]]
result : [[-0.0269251 ]
 [-0.79408471]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[-0.0269251 ]
 [-0.79408471]]
dot product : [[ 0.55058614]
 [ 0.28073358]
 [ 0.42531279]]
result : [[ 0.46208733]
 [ 0.60170147]
 [ 0.52681169]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.6015206 ]
 [-0.06581055]
 [ 1.04336123]]
dot product : [[-0.4228521 ]
 [-0.47438132]]
result : [[ 0.16783029]
 [-0.41334265]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.16783029]
 [-0.41334265]]
dot product : [[ 0.52827062]
 [ 0.01975073]
 [ 0.33070837]]
result : [[ 0.43977182]
 [ 0.34071863]
 [ 0.43220727]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.82087594]
 [-0.30014702]
 [ 0.90143979]]
dot product : [[-0.08820405]
 [-1.44761168]]
result : [[ 0.50247834]
 [-1.38657301]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.50247834]
 [-1.38657301]]
dot product : [[ 1.69167838]
 [ 0.10831081]
 [ 1.07299333]]
result : [[ 1.60317957]
 [ 0.42927871]
 [ 1.17449223]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.84876504]
 [-1.03861718]
 [ 0.38473357]]
dot product : [[-0.20216501]
 [-1.87263182]]
result : [[ 0.38851738]
 [-1.81159316]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.38851738]
 [-1.81159316]]
dot product : [[ 1.8540669 ]
 [ 0.32775355]
 [ 1.24078754]]
result : [[ 1.76556809]
 [ 0.64872145]
 [ 1.34228644]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.24775025]
 [-0.34713934]
 [ 0.85186713]]
dot product : [[-0.3762506 ]
 [-0.83981388]]
result : [[ 0.21443179]
 [-0.77877521]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.21443179]
 [-0.77877521]]
dot product : [[ 0.86004838]
 [ 0.10794413]
 [ 0.56189936]]
result : [[ 0.77154958]
 [ 0.42891203]
 [ 0.66339826]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.88410719]
 [-0.84248988]
 [ 0.52263013]]
dot product : [[-0.16068435]
 [-1.7851065 ]]
result : [[ 0.42999804]
 [-1.72406783]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.42999804]
 [-1.72406783]]
dot product : [[ 1.84456468]
 [ 0.27004498]
 [ 1.21706199]]
result : [[ 1.75606588]
 [ 0.59101288]
 [ 1.31856089]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.47996716]
 [-0.14885975]
 [ 0.98709849]]
dot product : [[-0.40460435]
 [-0.59241149]]
result : [[ 0.18607804]
 [-0.53137282]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.18607804]
 [-0.53137282]]
dot product : [[ 0.63967831]
 [ 0.04601492]
 [ 0.40730158]]
result : [[ 0.55117951]
 [ 0.36698282]
 [ 0.50880048]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.66063379]
 [-1.10247317]
 [ 0.33708225]]
dot product : [[-0.26200376]
 [-1.79637458]]
result : [[ 0.32867864]
 [-1.73533591]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.32867864]
 [-1.73533591]]
dot product : [[ 1.71823019]
 [ 0.34417787]
 [ 1.16241589]]
result : [[ 1.62973139]
 [ 0.66514577]
 [ 1.26391479]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.18458517]
 [-0.75451282]
 [ 0.57333073]]
dot product : [[-0.32973938]
 [-1.32156328]]
result : [[ 0.26094301]
 [-1.26052461]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.26094301]
 [-1.26052461]]
dot product : [[ 1.27759713]
 [ 0.23458092]
 [ 0.85770654]]
result : [[ 1.18909832]
 [ 0.55554882]
 [ 0.95920544]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.58500707]
 [-1.0686209 ]
 [ 0.35960921]]
dot product : [[-0.27628319]
 [-1.73279602]]
result : [[ 0.3143992 ]
 [-1.67175735]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.3143992 ]
 [-1.67175735]]
dot product : [[ 1.65230476]
 [ 0.33312298]
 [ 1.11848265]]
result : [[ 1.56380595]
 [ 0.65409088]
 [ 1.21998155]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.87249431]
 [-0.52297891]
 [ 0.71898646]]
dot product : [[-0.56901529]
 [-0.56654895]]
result : [[ 0.0216671 ]
 [-0.50551028]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.0216671 ]
 [-0.50551028]]
dot product : [[ 0.40207609]
 [ 0.1517432 ]
 [ 0.29408215]]
result : [[ 0.31357728]
 [ 0.4727111 ]
 [ 0.39558106]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.21820126]
 [-0.78523648]
 [ 0.55233957]]
dot product : [[-0.32596665]
 [-1.35849521]]
result : [[ 0.26471574]
 [-1.29745654]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.26471574]
 [-1.29745654]]
dot product : [[ 1.30988252]
 [ 0.24414524]
 [ 0.88050824]]
result : [[ 1.22138371]
 [ 0.56511314]
 [ 0.98200714]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.25882582]
 [-0.33700705]
 [ 0.85878993]]
dot product : [[-0.37749202]
 [-0.82764046]]
result : [[ 0.21319037]
 [-0.76660179]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.21319037]
 [-0.76660179]]
dot product : [[ 0.84940939]
 [ 0.10479008]
 [ 0.5543848 ]]
result : [[ 0.76091059]
 [ 0.42575797]
 [ 0.6558837 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.15797529]
 [-0.43065982]
 [ 0.7947788 ]]
dot product : [[-0.36641659]
 [-0.93925723]]
result : [[ 0.2242658 ]
 [-0.87821856]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.2242658 ]
 [-0.87821856]]
dot product : [[ 0.94654915]
 [ 0.13392266]
 [ 0.62310041]]
result : [[ 0.85805035]
 [ 0.45489056]
 [ 0.72459931]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.46254887]
 [-0.98940729]
 [ 0.41317183]]
dot product : [[-0.2953982 ]
 [-1.61635087]]
result : [[ 0.2952842]
 [-1.5553122]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.2952842]
 [-1.5553122]]
dot product : [[ 1.5409149 ]
 [ 0.30798452]
 [ 1.04224932]]
result : [[ 1.45241609]
 [ 0.62895242]
 [ 1.14374823]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.8615769 ]
 [-1.00628655]
 [ 0.40757408]]
dot product : [[-0.19349455]
 [-1.86234696]]
result : [[ 0.39718785]
 [-1.80130829]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.39718785]
 [-1.80130829]]
dot product : [[ 1.8579955 ]
 [ 0.31833411]
 [ 1.24028179]]
result : [[ 1.7694967 ]
 [ 0.63930201]
 [ 1.3417807 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.71335526]
 [-1.11486096]
 [ 0.32922941]]
dot product : [[-0.25020792]
 [-1.83449537]]
result : [[ 0.34047447]
 [-1.7734567 ]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.34047447]
 [-1.7734567 ]]
dot product : [[ 1.76205629]
 [ 0.34855859]
 [ 1.19070189]]
result : [[ 1.67355748]
 [ 0.66952649]
 [ 1.29220079]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.75549339]
 [-0.01066178]
 [ 1.0795801 ]]
dot product : [[-0.45418633]
 [-0.3525565 ]]
result : [[ 0.13649606]
 [-0.29151783]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.13649606]
 [-0.29151783]]
dot product : [[ 0.39666875]
 [ 0.00132925]
 [ 0.24413809]]
result : [[ 0.30816994]
 [ 0.32229715]
 [ 0.34563699]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.01360924]
 [-0.59378189]
 [ 0.68322227]]
dot product : [[-0.3481945 ]
 [-1.13125205]]
result : [[ 0.24248789]
 [-1.07021338]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.24248789]
 [-1.07021338]]
dot product : [[ 1.11253988]
 [ 0.18461053]
 [ 0.74080145]]
result : [[ 1.02404108]
 [ 0.50557843]
 [ 0.84230035]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.86435564]
 [-0.99724056]
 [ 0.41395221]]
dot product : [[-0.19128001]
 [-1.85899128]]
result : [[ 0.39940238]
 [-1.79795261]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.39940238]
 [-1.79795261]]
dot product : [[ 1.85846075]
 [ 0.31568779]
 [ 1.23974741]]
result : [[ 1.76996194]
 [ 0.63665569]
 [ 1.34124632]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.87867669]
 [-0.69203369]
 [ 0.62790797]]
dot product : [[-0.13739989]
 [-1.69866198]]
result : [[ 0.4532825 ]
 [-1.63762331]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.4532825 ]
 [-1.63762331]]
dot product : [[ 1.81167752]
 [ 0.225339  ]
 [ 1.18299819]]
result : [[ 1.72317871]
 [ 0.5463069 ]
 [ 1.2844971 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.26986321]
 [-0.32695589]
 [ 0.8656565 ]]
dot product : [[-0.37873675]
 [-0.81553458]]
result : [[ 0.21194565]
 [-0.75449591]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.21194565]
 [-0.75449591]]
dot product : [[ 0.83881587]
 [ 0.1016606 ]
 [ 0.5469058 ]]
result : [[ 0.75031707]
 [ 0.4226285 ]
 [ 0.64840471]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.63582729]
 [-0.0470456 ]
 [ 1.0559671 ]]
dot product : [[-0.42876994]
 [-0.44365468]]
result : [[ 0.16191245]
 [-0.38261601]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.16191245]
 [-0.38261601]]
dot product : [[ 0.49771648]
 [ 0.01372475]
 [ 0.31006713]]
result : [[ 0.40921767]
 [ 0.33469264]
 [ 0.41156603]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.8199447 ]
 [-0.81128412]
 [ 0.51790952]]
dot product : [[-0.60257774]
 [-0.75718952]]
result : [[-0.01189534]
 [-0.69615085]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[-0.01189534]
 [-0.69615085]]
dot product : [[ 0.49824435]
 [ 0.23797335]
 [ 0.37989854]]
result : [[ 0.40974555]
 [ 0.55894124]
 [ 0.48139744]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.67627288]
 [-1.10732743]
 [ 0.33392676]]
dot product : [[-0.25869841]
 [-1.80833507]]
result : [[ 0.33198399]
 [-1.7472964 ]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.33198399]
 [-1.7472964 ]]
dot product : [[ 1.73145495]
 [ 0.34582728]
 [ 1.17105285]]
result : [[ 1.64295614]
 [ 0.66679518]
 [ 1.27255175]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.40909873]
 [-0.20541402]
 [ 0.94859942]]
dot product : [[-0.39530143]
 [-0.66572541]]
result : [[ 0.19538096]
 [-0.60468674]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.19538096]
 [-0.60468674]]
dot product : [[ 0.70617869]
 [ 0.06374072]
 [ 0.45365576]]
result : [[ 0.61767988]
 [ 0.38470862]
 [ 0.55515466]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.836243  ]
 [-0.73217645]
 [ 0.57305343]]
dot product : [[-0.59386157]
 [-0.70376533]]
result : [[-0.00317918]
 [-0.64272666]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[-0.00317918]
 [-0.64272666]]
dot product : [[ 0.47037865]
 [ 0.21428762]
 [ 0.35543543]]
result : [[ 0.38187985]
 [ 0.53525551]
 [ 0.45693434]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.53025033]
 [-1.03611129]
 [ 0.38152138]]
dot product : [[-0.28530837]
 [-1.6823379 ]]
result : [[ 0.30537402]
 [-1.62129923]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.30537402]
 [-1.62129923]]
dot product : [[ 1.60305073]
 [ 0.32274581]
 [ 1.08500293]]
result : [[ 1.51455193]
 [ 0.6437137 ]
 [ 1.18650183]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.52840239]
 [-0.11323031]
 [ 1.01129402]]
dot product : [[-0.41145887]
 [-0.54397688]]
result : [[ 0.17922352]
 [-0.48293821]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.17922352]
 [-0.48293821]]
dot product : [[ 0.59480334]
 [ 0.03479687]
 [ 0.37625185]]
result : [[ 0.50630453]
 [ 0.35576477]
 [ 0.47775076]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.85221913]
 [-1.03110487]
 [ 0.39004821]]
dot product : [[-0.20002519]
 [-1.87052503]]
result : [[ 0.39065721]
 [-1.80948636]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.39065721]
 [-1.80948636]]
dot product : [[ 1.85535506]
 [ 0.32557125]
 [ 1.24090261]]
result : [[ 1.76685625]
 [ 0.64653915]
 [ 1.34240151]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.86272391]
 [-0.54843756]
 [ 0.72821772]]
dot product : [[-0.11800232]
 [-1.60977138]]
result : [[ 0.47268008]
 [-1.54873272]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.47268008]
 [-1.54873272]]
dot product : [[ 1.77181839]
 [ 0.1825272 ]
 [ 1.14523771]]
result : [[ 1.68331958]
 [ 0.5034951 ]
 [ 1.24673661]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.8773334 ]
 [-0.93457826]
 [ 0.45803619]]
dot product : [[-0.17758473]
 [-1.83202706]]
result : [[ 0.41309766]
 [-1.77098839]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.41309766]
 [-1.77098839]]
dot product : [[ 1.85675101]
 [ 0.29727258]
 [ 1.232989  ]]
result : [[ 1.7682522 ]
 [ 0.61824048]
 [ 1.3344879 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.00935906]
 [-0.57188877]
 [ 0.69819556]]
dot product : [[-0.35062425]
 [-1.10551977]]
result : [[ 0.24005814]
 [-1.0444811 ]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.24005814]
 [-1.0444811 ]]
dot product : [[ 1.09030942]
 [ 0.17780837]
 [ 0.72503397]]
result : [[ 1.00181061]
 [ 0.49877627]
 [ 0.82653287]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.87164646]
 [-0.96772944]
 [ 0.43473216]]
dot product : [[-0.1845209 ]
 [-1.84699152]]
result : [[ 0.40616149]
 [-1.78595285]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.40616149]
 [-1.78595285]]
dot product : [[ 1.85858283]
 [ 0.30703084]
 [ 1.23713916]]
result : [[ 1.77008402]
 [ 0.62799874]
 [ 1.33863806]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.46006334]
 [-0.16426831]
 [ 0.97661847]]
dot product : [[-0.40191355]
 [-0.61273938]]
result : [[ 0.18876884]
 [-0.55170071]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.18876884]
 [-0.55170071]]
dot product : [[ 0.65826499]
 [ 0.05085239]
 [ 0.42022123]]
result : [[ 0.56976618]
 [ 0.37182029]
 [ 0.52172014]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.6839231 ]
 [-1.10936775]
 [ 0.33261725]]
dot product : [[-0.25702663]
 [-1.81400092]]
result : [[ 0.33365576]
 [-1.75296225]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.33365576]
 [-1.75296225]]
dot product : [[ 1.73786056]
 [ 0.34653497]
 [ 1.17520802]]
result : [[ 1.64936175]
 [ 0.66750287]
 [ 1.27670692]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.87704311]
 [-0.67298184]
 [ 0.64122427]]
dot product : [[-0.13469959]
 [-1.68715472]]
result : [[ 0.4559828 ]
 [-1.62611605]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.4559828 ]
 [-1.62611605]]
dot product : [[ 1.80676904]
 [ 0.21966534]
 [ 1.17822369]]
result : [[ 1.71827024]
 [ 0.54063324]
 [ 1.27972259]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.84039431]
 [-0.40575427]
 [ 0.82778877]]
dot product : [[-0.10042746]
 [-1.51760371]]
result : [[ 0.49025493]
 [-1.45656504]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.49025493]
 [-1.45656504]]
dot product : [[ 1.72711696]
 [ 0.13990083]
 [ 1.10455943]]
result : [[ 1.63861815]
 [ 0.46086873]
 [ 1.20605834]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.87575982]
 [-0.11553038]
 [ 1.00426649]]
dot product : [[-0.50295772]
 [-0.33923501]]
result : [[ 0.08772468]
 [-0.27819634]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.08772468]
 [-0.27819634]]
dot product : [[ 0.32201392]
 [ 0.03082867]
 [ 0.20741126]]
result : [[ 0.23351512]
 [ 0.35179657]
 [ 0.30891017]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.84182799]
 [-0.0479054 ]
 [ 1.05215254]]
dot product : [[-0.48295062]
 [-0.32195336]]
result : [[ 0.10773177]
 [-0.26091469]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.10773177]
 [-0.26091469]]
dot product : [[ 0.33584251]
 [ 0.01122181]
 [ 0.20983074]]
result : [[ 0.24734371]
 [ 0.33218971]
 [ 0.31132964]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.88312225]
 [-0.76350839]
 [ 0.57792449]]
dot product : [[-0.14797181]
 [-1.7408343 ]]
result : [[ 0.44271059]
 [-1.67979563]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.44271059]
 [-1.67979563]]
dot product : [[ 1.82876827]
 [ 0.2466017 ]
 [ 1.20008979]]
result : [[ 1.74026946]
 [ 0.5675696 ]
 [ 1.30158869]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.2918166 ]
 [-0.30711228]
 [ 0.87921038]]
dot product : [[-0.38123684]
 [-0.7915379 ]]
result : [[ 0.20944555]
 [-0.73049923]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.20944555]
 [-0.73049923]]
dot product : [[ 0.81777352]
 [ 0.09548001]
 [ 0.532061  ]]
result : [[ 0.72927471]
 [ 0.41644791]
 [ 0.6335599 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.61024572]
 [-0.06079305]
 [ 1.04673886]]
dot product : [[-0.42431692]
 [-0.46643115]]
result : [[ 0.16636547]
 [-0.40539248]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.16636547]
 [-0.40539248]]
dot product : [[ 0.52045327]
 [ 0.01814546]
 [ 0.32540757]]
result : [[ 0.43195446]
 [ 0.33911336]
 [ 0.42690648]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.58378371]
 [-0.07647514]
 [ 1.03616955]]
dot product : [[-0.41995066]
 [-0.49079993]]
result : [[ 0.17073173]
 [-0.42976126]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.17073173]
 [-0.42976126]]
dot product : [[ 0.54425056]
 [ 0.02315188]
 [ 0.34158116]]
result : [[ 0.45575175]
 [ 0.34411978]
 [ 0.44308007]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.83742212]
 [-1.05892622]
 [ 0.37033453]]
dot product : [[-0.20847586]
 [-1.87713825]]
result : [[ 0.38220653]
 [-1.81609958]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.38220653]
 [-1.81609958]]
dot product : [[ 1.84900732]
 [ 0.33362643]
 [ 1.2394991 ]]
result : [[ 1.76050852]
 [ 0.65459433]
 [ 1.34099801]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.77815857]
 [-1.10857954]
 [ 0.33463877]]
dot product : [[-0.23217671]
 [-1.86945502]]
result : [[ 0.35850569]
 [-1.80841635]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.35850569]
 [-1.80841635]]
dot product : [[ 1.81183506]
 [ 0.3475628 ]
 [ 1.22097892]]
result : [[ 1.72333625]
 [ 0.6685307 ]
 [ 1.32247782]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.87519723]
 [-0.65344906]
 [ 0.65487403]]
dot product : [[-0.131976  ]
 [-1.67525554]]
result : [[ 0.4587064 ]
 [-1.61421687]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.4587064 ]
 [-1.61421687]]
dot product : [[ 1.80160212]
 [ 0.21384618]
 [ 1.17324528]]
result : [[ 1.71310331]
 [ 0.53481407]
 [ 1.27474418]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.79777761]
 [-0.01697286]
 [ 1.07450114]]
dot product : [[-0.46631506]
 [-0.33096908]]
result : [[ 0.12436733]
 [-0.26993041]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.12436733]
 [-0.26993041]]
dot product : [[ 0.36460884]
 [ 0.00263534]
 [ 0.22484428]]
result : [[ 0.27611003]
 [ 0.32360324]
 [ 0.32634318]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.02084301]
 [-0.56093583]
 [ 0.70568668]]
dot product : [[-0.35183802]
 [-1.09265022]]
result : [[ 0.23884437]
 [-1.03161155]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.23884437]
 [-1.03161155]]
dot product : [[ 1.07919313]
 [ 0.1744054 ]
 [ 0.71714899]]
result : [[ 0.99069432]
 [ 0.49537329]
 [ 0.81864789]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.65264831]
 [-1.09966686]
 [ 0.33892295]]
dot product : [[-0.26363769]
 [-1.79008619]]
result : [[ 0.3270447 ]
 [-1.72904752]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.3270447 ]
 [-1.72904752]]
dot product : [[ 1.71141518]
 [ 0.34323846]
 [ 1.15793735]]
result : [[ 1.62291637]
 [ 0.66420635]
 [ 1.25943625]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.2844863 ]
 [-0.84443541]
 [ 0.51191699]]
dot product : [[-0.3183004 ]
 [-1.43055364]]
result : [[ 0.27238199]
 [-1.36951497]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.27238199]
 [-1.36951497]]
dot product : [[ 1.37328065]
 [ 0.26259423]
 [ 0.92518046]]
result : [[ 1.28478184]
 [ 0.58356212]
 [ 1.02667936]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.88431089]
 [-0.8122521 ]
 [ 0.54380843]]
dot product : [[-0.15566505]
 [-1.76850151]]
result : [[ 0.43501735]
 [-1.70746284]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.43501735]
 [-1.70746284]]
dot product : [[ 1.83897392]
 [ 0.26107758]
 [ 1.21084735]]
result : [[ 1.75047511]
 [ 0.58204548]
 [ 1.31234625]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.08239468]
 [-0.65908384]
 [ 0.63856482]]
dot product : [[-0.34087462]
 [-1.2081693 ]]
result : [[ 0.24980778]
 [-1.14713063]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.24980778]
 [-1.14713063]]
dot product : [[ 1.17906556]
 [ 0.20490347]
 [ 0.78796688]]
result : [[ 1.09056675]
 [ 0.52587137]
 [ 0.88946578]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.09382361]
 [-0.66987231]
 [ 0.63118801]]
dot product : [[-0.33964827]
 [-1.22091525]]
result : [[ 0.25103413]
 [-1.15987658]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.25103413]
 [-1.15987658]]
dot product : [[ 1.19010729]
 [ 0.20825692]
 [ 0.7957907 ]]
result : [[ 1.10160848]
 [ 0.52922482]
 [ 0.8972896 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.16929504]
 [-0.42001607]
 [ 0.80205595]]
dot product : [[-0.36763807]
 [-0.92665609]]
result : [[ 0.22304433]
 [-0.86561743]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.22304433]
 [-0.86561743]]
dot product : [[ 0.93562083]
 [ 0.13061361]
 [ 0.61536003]]
result : [[ 0.84712202]
 [ 0.45158151]
 [ 0.71685894]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.74891835]
 [-0.01094122]
 [ 1.07948694]]
dot product : [[-0.45250742]
 [-0.35661065]]
result : [[ 0.13817498]
 [-0.29557198]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.13817498]
 [-0.29557198]]
dot product : [[ 0.40189373]
 [ 0.00150018]
 [ 0.24740147]]
result : [[ 0.31339493]
 [ 0.32246808]
 [ 0.34890037]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.80786871]
 [-0.86671599]
 [ 0.47927961]]
dot product : [[-0.60851331]
 [-0.7950134 ]]
result : [[-0.01783092]
 [-0.73397473]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[-0.01783092]
 [-0.73397473]]
dot product : [[ 0.51828589]
 [ 0.25457905]
 [ 0.39735973]]
result : [[ 0.42978708]
 [ 0.57554695]
 [ 0.49885863]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.45257334]
 [-0.98203513]
 [ 0.41817889]]
dot product : [[-0.29680433]
 [-1.60635663]]
result : [[ 0.29387806]
 [-1.54531797]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.29387806]
 [-1.54531797]]
dot product : [[ 1.53166615]
 [ 0.30566399]
 [ 1.03584733]]
result : [[ 1.44316734]
 [ 0.62663189]
 [ 1.13734623]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.88137046]
 [-0.8976838 ]
 [ 0.48393586]]
dot product : [[-0.17046662]
 [-1.81401349]]
result : [[ 0.42021577]
 [-1.75297482]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.42021577]
 [-1.75297482]]
dot product : [[ 1.85290946]
 [ 0.28638178]
 [ 1.22725297]]
result : [[ 1.76441065]
 [ 0.60734968]
 [ 1.32875187]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.34920177]
 [-0.89994823]
 [ 0.47405128]]
dot product : [[-0.31044053]
 [-1.49964224]]
result : [[ 0.28024186]
 [-1.43860357]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.28024186]
 [-1.43860357]]
dot product : [[ 1.43474311]
 [ 0.2799287 ]
 [ 0.9683179 ]]
result : [[ 1.34624431]
 [ 0.6008966 ]
 [ 1.0698168 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.69183527]
 [-0.02307173]
 [ 1.07188228]]
dot product : [[-0.43952516]
 [-0.39717595]]
result : [[ 0.15115723]
 [-0.33613728]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.15115723]
 [-0.33613728]]
dot product : [[ 0.44910168]
 [ 0.00586297]
 [ 0.27775983]]
result : [[ 0.36060287]
 [ 0.32683087]
 [ 0.37925873]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.10523791]
 [-0.6806234 ]
 [ 0.62383717]]
dot product : [[-0.33841961]
 [-1.23363183]]
result : [[ 0.25226278]
 [-1.17259316]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.25226278]
 [-1.17259316]]
dot product : [[ 1.2011304 ]
 [ 0.21159908]
 [ 0.80359957]]
result : [[ 1.1126316 ]
 [ 0.53256698]
 [ 0.90509847]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.66850921]
 [-1.10502797]
 [ 0.33541597]]
dot product : [[-0.26035739]
 [-1.80245859]]
result : [[ 0.330325  ]
 [-1.74141992]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.330325  ]
 [-1.74141992]]
dot product : [[ 1.72491081]
 [ 0.34504119]
 [ 1.16678827]]
result : [[ 1.636412  ]
 [ 0.66600909]
 [ 1.26828717]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.49957509]
 [-0.13409692]
 [ 0.99713094]]
dot product : [[-0.40732357]
 [-0.57261627]]
result : [[ 0.18335882]
 [-0.5115776 ]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.18335882]
 [-0.5115776 ]]
dot product : [[ 0.62144719]
 [ 0.04137296]
 [ 0.39466099]]
result : [[ 0.53294838]
 [ 0.36234086]
 [ 0.49615989]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.26254751]
 [-0.82507121]
 [ 0.52513537]]
dot product : [[-0.3208754 ]
 [-1.40683081]]
result : [[ 0.26980699]
 [-1.34579214]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.26980699]
 [-1.34579214]]
dot product : [[ 1.35234096]
 [ 0.25655606]
 [ 0.91044288]]
result : [[ 1.26384215]
 [ 0.57752396]
 [ 1.01194178]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.12388573]
 [-0.46285611]
 [ 0.77276375]]
dot product : [[-0.3627615 ]
 [-0.97728455]]
result : [[ 0.22792089]
 [-0.91624588]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.22792089]
 [-0.91624588]]
dot product : [[ 0.97948704]
 [ 0.14393019]
 [ 0.6464404 ]]
result : [[ 0.89098824]
 [ 0.46489809]
 [ 0.7479393 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.61963995]
 [-1.08600301]
 [ 0.34797682]]
dot product : [[-0.27005268]
 [-1.76295121]]
result : [[ 0.32062971]
 [-1.70191254]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.32062971]
 [-1.70191254]]
dot product : [[ 1.68285247]
 [ 0.33874311]
 [ 1.13899414]]
result : [[ 1.59435367]
 [ 0.65971101]
 [ 1.24049304]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.74083576]
 [-1.11590179]
 [ 0.32892906]]
dot product : [[-0.24316999]
 [-1.8513695 ]]
result : [[ 0.3475124 ]
 [-1.79033083]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.3475124 ]
 [-1.79033083]]
dot product : [[ 1.78387005]
 [ 0.34923527]
 [ 1.20431471]]
result : [[ 1.69537125]
 [ 0.67020317]
 [ 1.30581361]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.61112977]
 [-1.08199651]
 [ 0.35064981]]
dot product : [[-0.27162715]
 [-1.75568774]]
result : [[ 0.31905524]
 [-1.69464907]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.31905524]
 [-1.69464907]]
dot product : [[ 1.67539647]
 [ 0.33744063]
 [ 1.13400922]]
result : [[ 1.58689766]
 [ 0.65840853]
 [ 1.23550813]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.37776181]
 [-0.23174803]
 [ 0.93064673]]
dot product : [[-0.39140569]
 [-0.69887749]]
result : [[ 0.19927671]
 [-0.63783882]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.19927671]
 [-0.63783882]]
dot product : [[ 0.73583643]
 [ 0.07197233]
 [ 0.47442987]]
result : [[ 0.64733762]
 [ 0.39294022]
 [ 0.57592877]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.29539115]
 [-0.85396583]
 [ 0.50541302]]
dot product : [[-0.31700492]
 [-1.44229288]]
result : [[ 0.27367747]
 [-1.38125421]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.27367747]
 [-1.38125421]]
dot product : [[ 1.38367087]
 [ 0.26556745]
 [ 0.93248612]]
result : [[ 1.29517207]
 [ 0.58653535]
 [ 1.03398502]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.14663269]
 [-0.44135029]
 [ 0.78746928]]
dot product : [[-0.36519679]
 [-0.95189777]]
result : [[ 0.2254856]
 [-0.8908591]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.2254856]
 [-0.8908591]]
dot product : [[ 0.95750434]
 [ 0.13724588]
 [ 0.63086168]]
result : [[ 0.86900554]
 [ 0.45821378]
 [ 0.73236058]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.85738571]
 [-0.07055587]
 [ 1.03604809]]
dot product : [[-0.49075165]
 [-0.32525519]]
result : [[ 0.09993074]
 [-0.26421652]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.09993074]
 [-0.26421652]]
dot product : [[ 0.32791296]
 [ 0.01773285]
 [ 0.2069767 ]]
result : [[ 0.23941415]
 [ 0.33870075]
 [ 0.3084756 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.79214976]
 [-0.01515875]
 [ 1.0758593 ]]
dot product : [[-0.4645408 ]
 [-0.33330344]]
result : [[ 0.12614159]
 [-0.27226477]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.12614159]
 [-0.27226477]]
dot product : [[ 0.3686906 ]
 [ 0.00217253]
 [ 0.2272088 ]]
result : [[ 0.2801918 ]
 [ 0.32314042]
 [ 0.3287077 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.66048242]
 [-0.03533603]
 [ 1.06378268]]
dot product : [[-0.43331461]
 [-0.42255491]]
result : [[ 0.15736778]
 [-0.36151624]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.15736778]
 [-0.36151624]]
dot product : [[ 0.476096  ]
 [ 0.00992098]
 [ 0.29560381]]
result : [[ 0.38759719]
 [ 0.33088887]
 [ 0.39710272]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.88312251]
 [-0.87095692]
 [ 0.50267967]]
dot product : [[-0.16561773]
 [-1.80026883]]
result : [[ 0.42506466]
 [-1.73923016]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.42506466]
 [-1.73923016]]
dot product : [[ 1.84920435]
 [ 0.27847663]
 [ 1.22252619]]
result : [[ 1.76070555]
 [ 0.59944453]
 [ 1.32402509]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.23663819]
 [-0.35734895]
 [ 0.84489076]]
dot product : [[-0.37501231]
 [-0.8520517 ]]
result : [[ 0.21567008]
 [-0.79101303]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.21567008]
 [-0.79101303]]
dot product : [[ 0.87073078]
 [ 0.11112162]
 [ 0.56944784]]
result : [[ 0.78223197]
 [ 0.43208952]
 [ 0.67094675]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.8841156 ]
 [-0.79645963]
 [ 0.55486465]]
dot product : [[-0.15312272]
 [-1.75965019]]
result : [[ 0.43755967]
 [-1.69861152]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.43755967]
 [-1.69861152]]
dot product : [[ 1.8358167 ]
 [ 0.25639009]
 [ 1.20745454]]
result : [[ 1.74731789]
 [ 0.57735798]
 [ 1.30895344]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.77743051]
 [-0.09431641]
 [ 1.04490281]]
dot product : [[-0.06579792]
 [-1.30799093]]
result : [[ 0.52488447]
 [-1.24695226]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.52488447]
 [-1.24695226]]
dot product : [[ 1.61835738]
 [ 0.04666889]
 [ 1.00883629]]
result : [[ 1.52985857]
 [ 0.36763679]
 [ 1.11033519]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.8608687 ]
 [-0.07711913]
 [ 1.03139762]]
dot product : [[-0.4927432 ]
 [-0.32681988]]
result : [[ 0.09793919]
 [-0.26578121]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.09793919]
 [-0.26578121]]
dot product : [[ 0.32642156]
 [ 0.01963322]
 [ 0.20664937]]
result : [[ 0.23792276]
 [ 0.34060112]
 [ 0.30814827]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.53784878]
 [-0.10663077]
 [ 1.01576828]]
dot product : [[-0.41285309]
 [-0.53472384]]
result : [[ 0.17782931]
 [-0.47368517]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.17782931]
 [-0.47368517]]
dot product : [[ 0.58611775]
 [ 0.03271263]
 [ 0.37026912]]
result : [[ 0.49761895]
 [ 0.35368053]
 [ 0.47176803]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.84468781]
 [-0.43082952]
 [ 0.81029585]]
dot product : [[-0.10341921]
 [-1.53402033]]
result : [[ 0.48726319]
 [-1.47298166]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.48726319]
 [-1.47298166]]
dot product : [[ 1.73526329]
 [ 0.14739696]
 [ 1.11188827]]
result : [[ 1.64676448]
 [ 0.46836486]
 [ 1.21338717]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.05949974]
 [-0.63741001]
 [ 0.65338569]]
dot product : [[-0.34332113]
 [-1.18260182]]
result : [[ 0.24736126]
 [-1.12156315]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.24736126]
 [-1.12156315]]
dot product : [[ 1.15693449]
 [ 0.19816734]
 [ 0.77228094]]
result : [[ 1.06843569]
 [ 0.51913524]
 [ 0.87377984]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.83586808]
 [-0.38015222]
 [ 0.84564697]]
dot product : [[-0.09741026]
 [-1.50075766]]
result : [[ 0.49327214]
 [-1.43971899]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.49327214]
 [-1.43971899]]
dot product : [[ 1.71868737]
 [ 0.13224531]
 [ 1.09700715]]
result : [[ 1.63018857]
 [ 0.45321321]
 [ 1.19850605]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.78390241]
 [-1.10627369]
 [ 0.3363431 ]]
dot product : [[-0.23029126]
 [-1.87158617]]
result : [[ 0.36039113]
 [-1.8105475 ]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.36039113]
 [-1.8105475 ]]
dot product : [[ 1.81591453]
 [ 0.34695566]
 [ 1.22329729]]
result : [[ 1.72741573]
 [ 0.66792356]
 [ 1.3247962 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.88021093]
 [-0.91040425]
 [ 0.47500981]]
dot product : [[-0.17285984]
 [-1.82036201]]
result : [[ 0.41782255]
 [-1.75932334]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.41782255]
 [-1.75932334]]
dot product : [[ 1.85441672]
 [ 0.29013982]
 [ 1.2293439 ]]
result : [[ 1.76591792]
 [ 0.61110772]
 [ 1.33084281]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.45000473]
 [-0.17220518]
 [ 0.97121724]]
dot product : [[-0.40057836]
 [-0.62309526]]
result : [[ 0.19010403]
 [-0.56205659]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.19010403]
 [-0.56205659]]
dot product : [[ 0.66768649]
 [ 0.05334155]
 [ 0.42678164]]
result : [[ 0.57918769]
 [ 0.37430945]
 [ 0.52828054]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.7804745 ]
 [-0.01245835]
 [ 1.07793242]]
dot product : [[-0.46103459]
 [-0.33873422]]
result : [[ 0.1296478 ]
 [-0.27769555]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.1296478 ]
 [-0.27769555]]
dot product : [[ 0.37736062]
 [ 0.00152776]
 [ 0.23233609]]
result : [[ 0.28886182]
 [ 0.32249566]
 [ 0.33383499]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.87372259]
 [-0.95708859]
 [ 0.44221619]]
dot product : [[-0.18222876]
 [-1.84233695]]
result : [[ 0.40845364]
 [-1.78129828]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.40845364]
 [-1.78129828]]
dot product : [[ 1.85819208]
 [ 0.303902  ]
 [ 1.23592926]]
result : [[ 1.76969327]
 [ 0.6248699 ]
 [ 1.33742817]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.06673768]
 [-0.51717072]
 [ 0.73561912]]
dot product : [[-0.35668999]
 [-1.04122221]]
result : [[ 0.2339924 ]
 [-0.98018354]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.2339924 ]
 [-0.98018354]]
dot product : [[ 1.03476919]
 [ 0.1608079 ]
 [ 0.68563887]]
result : [[ 0.94627038]
 [ 0.4817758 ]
 [ 0.78713777]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.84875027]
 [-0.45538179]
 [ 0.79316557]]
dot product : [[-0.10638567]
 [-1.55001064]]
result : [[ 0.48429672]
 [-1.48897198]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.48429672]
 [-1.48897198]]
dot product : [[ 1.74312842]
 [ 0.15473485]
 [ 1.11899528]]
result : [[ 1.65462961]
 [ 0.47570275]
 [ 1.22049418]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.87538845]
 [-0.50225611]
 [ 0.73345324]]
dot product : [[-0.56637125]
 [-0.5533698 ]]
result : [[ 0.02431114]
 [-0.49233113]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.02431114]
 [-0.49233113]]
dot product : [[ 0.39585828]
 [ 0.14555697]
 [ 0.28834427]]
result : [[ 0.30735947]
 [ 0.46652487]
 [ 0.38984318]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.22549134]
 [-0.36763205]
 [ 0.83786346]]
dot product : [[-0.37377696]
 [-0.8643508 ]]
result : [[ 0.21690543]
 [-0.80331213]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.21690543]
 [-0.80331213]]
dot product : [[ 0.8814545 ]
 [ 0.11432137]
 [ 0.57702863]]
result : [[ 0.7929557 ]
 [ 0.43528926]
 [ 0.67852753]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.17332101]
 [-0.74413054]
 [ 0.58042565]]
dot product : [[-0.33098921]
 [-1.30913973]]
result : [[ 0.25969318]
 [-1.24810106]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.25969318]
 [-1.24810106]]
dot product : [[ 1.26676225]
 [ 0.23135017]
 [ 0.85004786]]
result : [[ 1.17826345]
 [ 0.55231807]
 [ 0.95154676]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.76193823]
 [-0.01066996]
 [ 1.07947387]]
dot product : [[-0.45587833]
 [-0.34873865]]
result : [[ 0.13480406]
 [-0.28769998]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.13480406]
 [-0.28769998]]
dot product : [[ 0.39160087]
 [ 0.00124539]
 [ 0.24099824]]
result : [[ 0.30310207]
 [ 0.32221329]
 [ 0.34249714]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.84136483]
 [-1.05252402]
 [ 0.37487938]]
dot product : [[-0.20639017]
 [-1.87593531]]
result : [[ 0.38429222]
 [-1.81489664]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.38429222]
 [-1.81489664]]
dot product : [[ 1.85089096]
 [ 0.33177999]
 [ 1.24008416]]
result : [[ 1.76239215]
 [ 0.65274789]
 [ 1.34158306]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.60251976]
 [-1.07776145]
 [ 0.35348131]]
dot product : [[-0.27319027]
 [-1.74823864]]
result : [[ 0.31749212]
 [-1.68719997]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.31749212]
 [-1.68719997]]
dot product : [[ 1.66781847]
 [ 0.33606901]
 [ 1.12892792]]
result : [[ 1.57931966]
 [ 0.65703691]
 [ 1.23042682]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.89074637]
 [-0.35380162]
 [ 0.83717451]]
dot product : [[-0.54601975]
 [-0.46214465]]
result : [[ 0.04466264]
 [-0.40110598]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.04466264]
 [-0.40110598]]
dot product : [[ 0.35554304]
 [ 0.10131189]
 [ 0.24985929]]
result : [[ 0.26704424]
 [ 0.42227979]
 [ 0.35135819]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.5017083 ]
 [-1.01718375]
 [ 0.39433099]]
dot product : [[-0.28968729]
 [-1.65494028]]
result : [[ 0.3009951 ]
 [-1.59390161]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.3009951 ]
 [-1.59390161]]
dot product : [[ 1.57700007]
 [ 0.31674877]
 [ 1.06713774]]
result : [[ 1.48850126]
 [ 0.63771667]
 [ 1.16863665]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.0896365]
 [-0.4953697]
 [ 0.750529 ]]
dot product : [[-0.35911664]
 [-1.01558208]]
result : [[ 0.23156576]
 [-0.95454341]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.23156576]
 [-0.95454341]]
dot product : [[ 1.01261089]
 [ 0.15403398]
 [ 0.66992448]]
result : [[ 0.92411208]
 [ 0.47500188]
 [ 0.77142339]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.19582107]
 [-0.76482712]
 [ 0.56628298]]
dot product : [[-0.32848579]
 [-1.33393245]]
result : [[ 0.2621966 ]
 [-1.27289378]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.2621966 ]
 [-1.27289378]]
dot product : [[ 1.28839684]
 [ 0.23779111]
 [ 0.86533725]]
result : [[ 1.19989804]
 [ 0.55875901]
 [ 0.96683615]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.31359679]
 [-0.2876391 ]
 [ 0.89250755]]
dot product : [[-0.38375234]
 [-0.76784884]]
result : [[ 0.20693006]
 [-0.70681017]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.20693006]
 [-0.70681017]]
dot product : [[ 0.79693786]
 [ 0.08941164]
 [ 0.51737797]]
result : [[ 0.70843905]
 [ 0.41037954]
 [ 0.61887687]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.88956859]
 [-0.37070946]
 [ 0.82535253]]
dot product : [[-0.54848752]
 [-0.47219562]]
result : [[ 0.04219488]
 [-0.41115695]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.04219488]
 [-0.41115695]]
dot product : [[ 0.35968521]
 [ 0.10634342]
 [ 0.25396392]]
result : [[ 0.2711864 ]
 [ 0.42731132]
 [ 0.35546282]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.66848697]
 [-0.03190354]
 [ 1.06606158]]
dot product : [[-0.43485071]
 [-0.41590884]]
result : [[ 0.15583169]
 [-0.35487017]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.15583169]
 [-0.35487017]]
dot product : [[ 0.4691469 ]
 [ 0.00879555]
 [ 0.29098523]]
result : [[ 0.38064809]
 [ 0.32976345]
 [ 0.39248413]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.80326333]
 [-0.01910134]
 [ 1.07292504]]
dot product : [[-0.46810367]
 [-0.32889291]]
result : [[ 0.12257873]
 [-0.26785424]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.12257873]
 [-0.26785424]]
dot product : [[ 0.36069867]
 [ 0.00319331]
 [ 0.22261469]]
result : [[ 0.27219986]
 [ 0.32416121]
 [ 0.32411359]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.88232077]
 [-0.74634198]
 [ 0.58993341]]
dot product : [[-0.14536286]
 [-1.73086348]]
result : [[ 0.44531953]
 [-1.66982481]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.44531953]
 [-1.66982481]]
dot product : [[ 1.82487292]
 [ 0.24149851]
 [ 1.1961146 ]]
result : [[ 1.73637411]
 [ 0.5624664 ]
 [ 1.2976135 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.37036119]
 [-0.91749063]
 [ 0.46209653]]
dot product : [[-0.3077708 ]
 [-1.52189513]]
result : [[ 0.2829116 ]
 [-1.46085646]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.2829116 ]
 [-1.46085646]]
dot product : [[ 1.45472327]
 [ 0.28541599]
 [ 0.98229517]]
result : [[ 1.36622446]
 [ 0.60638389]
 [ 1.08379407]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.82007365]
 [-1.08094931]
 [ 0.3546415 ]]
dot product : [[-0.21664362]
 [-1.87903097]]
result : [[ 0.37403877]
 [-1.8179923 ]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.37403877]
 [-1.8179923 ]]
dot product : [[ 1.83954987]
 [ 0.33992738]
 [ 1.23564115]]
result : [[ 1.75105106]
 [ 0.66089528]
 [ 1.33714005]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.88454188]
 [-0.15320278]
 [ 0.97774804]]
dot product : [[-0.51144832]
 [-0.35486468]]
result : [[ 0.07923407]
 [-0.29382601]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.07923407]
 [-0.29382601]]
dot product : [[ 0.32227107]
 [ 0.04188672]
 [ 0.21099676]]
result : [[ 0.23377226]
 [ 0.36285462]
 [ 0.31249567]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.8411984 ]
 [-0.70686931]
 [ 0.59069842]]
dot product : [[-0.59100538]
 [-0.68682787]]
result : [[ -3.22983300e-04]
 [ -6.25789204e-01]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ -3.22983300e-04]
 [ -6.25789204e-01]]
dot product : [[ 0.46166758]
 [ 0.20671383]
 [ 0.34773553]]
result : [[ 0.37316877]
 [ 0.52768173]
 [ 0.44923444]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.03232454]
 [-0.54998373]
 [ 0.71317725]]
dot product : [[-0.3530513 ]
 [-1.07978256]]
result : [[ 0.23763109]
 [-1.01874389]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.23763109]
 [-1.01874389]]
dot product : [[ 1.06807889]
 [ 0.1710027 ]
 [ 0.70926536]]
result : [[ 0.97958009]
 [ 0.4919706 ]
 [ 0.81076427]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.25151697]
 [-0.81524509]
 [ 0.53184446]]
dot product : [[-0.32215528]
 [-1.39485346]]
result : [[ 0.26852711]
 [-1.33381479]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.26852711]
 [-1.33381479]]
dot product : [[ 1.34179563]
 [ 0.25349343]
 [ 0.90301421]]
result : [[ 1.25329682]
 [ 0.57446133]
 [ 1.00451311]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.72041262]
 [-1.11554813]
 [ 0.32885824]]
dot product : [[-0.24846944]
 [-1.83906112]]
result : [[ 0.34221295]
 [-1.77802245]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.34221295]
 [-1.77802245]]
dot product : [[ 1.76773821]
 [ 0.34885693]
 [ 1.19428551]]
result : [[ 1.6792394 ]
 [ 0.66982483]
 [ 1.29578441]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.74738816]
 [-1.11543764]
 [ 0.32935628]]
dot product : [[-0.24137489]
 [-1.85499891]]
result : [[ 0.3493075 ]
 [-1.79396024]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.3493075 ]
 [-1.79396024]]
dot product : [[ 1.7889358 ]
 [ 0.34918531]
 [ 1.20741178]]
result : [[ 1.700437  ]
 [ 0.67015321]
 [ 1.30891068]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.80028279]
 [-1.09741885]
 [ 0.34279947]]
dot product : [[-0.22454004]
 [-1.87640321]]
result : [[ 0.36614235]
 [-1.81536454]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.36614235]
 [-1.81536454]]
dot product : [[ 1.827115  ]
 [ 0.34454815]
 [ 1.229433  ]]
result : [[ 1.7386162 ]
 [ 0.66551605]
 [ 1.3309319 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.04803713]
 [-0.62653231]
 [ 0.66082445]]
dot product : [[-0.34454166]
 [-1.16978654]]
result : [[ 0.24614073]
 [-1.10874787]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.24614073]
 [-1.10874787]]
dot product : [[ 1.1458493 ]
 [ 0.19478697]
 [ 0.76442208]]
result : [[ 1.05735049]
 [ 0.51575487]
 [ 0.86592098]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.84595787]
 [-0.05303528]
 [ 1.04849575]]
dot product : [[-0.48487647]
 [-0.32234153]]
result : [[ 0.10580593]
 [-0.26130286]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.10580593]
 [-0.26130286]]
dot product : [[ 0.33356966]
 [ 0.01268831]
 [ 0.20888878]]
result : [[ 0.24507086]
 [ 0.33365621]
 [ 0.31038768]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.8624718 ]
 [-0.58812709]
 [ 0.67352033]]
dot product : [[-0.57708523]
 [-0.60852944]]
result : [[ 0.01359716]
 [-0.54749077]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.01359716]
 [-0.54749077]]
dot product : [[ 0.42235034]
 [ 0.17120379]
 [ 0.31257122]]
result : [[ 0.33385154]
 [ 0.49217168]
 [ 0.41407013]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.05527359]
 [-0.52809735]
 [ 0.72814612]]
dot product : [[-0.3554771 ]
 [-1.05406543]]
result : [[ 0.23520529]
 [-0.99302676]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.23520529]
 [-0.99302676]]
dot product : [[ 1.04586485]
 [ 0.1642028 ]
 [ 0.69350867]]
result : [[ 0.95736605]
 [ 0.4851707 ]
 [ 0.79500758]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.40166683]
 [-0.94279731]
 [ 0.44486278]]
dot product : [[-0.30371454]
 [-1.55446039]]
result : [[ 0.28696785]
 [-1.49342172]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.28696785]
 [-1.49342172]]
dot product : [[ 1.48416102]
 [ 0.29334242]
 [ 1.00283951]]
result : [[ 1.39566221]
 [ 0.61431032]
 [ 1.10433841]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.24044795]
 [-0.80532804]
 [ 0.53861663]]
dot product : [[-0.32343033]
 [-1.38280299]]
result : [[ 0.26725206]
 [-1.32176432]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.26725206]
 [-1.32176432]]
dot product : [[ 1.33120273]
 [ 0.25040331]
 [ 0.89554779]]
result : [[ 1.24270393]
 [ 0.57137121]
 [ 0.9970467 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.07095282]
 [-0.6482618 ]
 [ 0.64596492]]
dot product : [[-0.34209885]
 [-1.19539711]]
result : [[ 0.24858355]
 [-1.13435844]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.24858355]
 [-1.13435844]]
dot product : [[ 1.16800727]
 [ 0.20153989]
 [ 0.78012975]]
result : [[ 1.07950846]
 [ 0.52250779]
 [ 0.88162865]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.87312378]
 [-0.10708939]
 [ 1.01021872]]
dot product : [[-0.50087997]
 [-0.33612934]]
result : [[ 0.08980242]
 [-0.27509067]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.08980242]
 [-0.27509067]]
dot product : [[ 0.32248198]
 [ 0.02835992]
 [ 0.20693365]]
result : [[ 0.23398318]
 [ 0.34932782]
 [ 0.30843255]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.88923054]
 [-0.18566798]
 [ 0.95493997]]
dot product : [[-0.51800996]
 [-0.37004177]]
result : [[ 0.07267243]
 [-0.3090031 ]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.07267243]
 [-0.3090031 ]]
dot product : [[ 0.32475766]
 [ 0.05145485]
 [ 0.2154903 ]]
result : [[ 0.23625885]
 [ 0.37242275]
 [ 0.3169892 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.87313736]
 [-0.63343154]
 [ 0.66885992]]
dot product : [[-0.12922893]
 [-1.66296131]]
result : [[ 0.46145346]
 [-1.60192264]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.46145346]
 [-1.60192264]]
dot product : [[ 1.79617468]
 [ 0.20788034]
 [ 1.16806134]]
result : [[ 1.70767587]
 [ 0.52884824]
 [ 1.26956024]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.89329364]
 [-0.24810329]
 [ 0.91115396]]
dot product : [[-0.52932941]
 [-0.40216762]]
result : [[ 0.06135299]
 [-0.34112895]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.06135299]
 [-0.34112895]]
dot product : [[ 0.33343638]
 [ 0.06992207]
 [ 0.2265468 ]]
result : [[ 0.24493758]
 [ 0.39088997]
 [ 0.3280457 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.65236982]
 [-0.03900642]
 [ 1.06133886]]
dot product : [[-0.43178924]
 [-0.42939666]]
result : [[ 0.15889316]
 [-0.36835799]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.15889316]
 [-0.36835799]]
dot product : [[ 0.48317535]
 [ 0.01111842]
 [ 0.30032474]]
result : [[ 0.39467654]
 [ 0.33208632]
 [ 0.40182365]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.87806208]
 [-0.48202356]
 [ 0.74758014]]
dot product : [[-0.56374987]
 [-0.5405926 ]]
result : [[ 0.02693252]
 [-0.47955393]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.02693252]
 [-0.47955393]]
dot product : [[ 0.38990716]
 [ 0.13951913]
 [ 0.28281625]]
result : [[ 0.30140835]
 [ 0.46048703]
 [ 0.38431516]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.39871286]
 [-0.21406246]
 [ 0.94270499]]
dot product : [[-0.39399725]
 [-0.67666898]]
result : [[ 0.19668514]
 [-0.61563031]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.19668514]
 [-0.61563031]]
dot product : [[ 0.71599294]
 [ 0.06644535]
 [ 0.46052427]]
result : [[ 0.62749414]
 [ 0.38741325]
 [ 0.56202317]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.76277979]
 [-0.03044527]
 [ 1.08940248]]
dot product : [[-0.05915181]
 [-1.26397188]]
result : [[ 0.53153059]
 [-1.20293321]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.53153059]
 [-1.20293321]]
dot product : [[ 1.59468551]
 [ 0.02752518]
 [ 0.98835784]]
result : [[ 1.50618671]
 [ 0.34849308]
 [ 1.08985674]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.85258341]
 [-0.47941491]
 [ 0.77639526]]
dot product : [[-0.10932703]
 [-1.56557778]]
result : [[ 0.48135536]
 [-1.50453911]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.48135536]
 [-1.50453911]]
dot product : [[ 1.75071443]
 [ 0.16191567]
 [ 1.1258821 ]]
result : [[ 1.66221562]
 [ 0.48288357]
 [ 1.227381  ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.13526893]
 [-0.45208366]
 [ 0.78013005]]
dot product : [[-0.36397849]
 [-0.96457459]]
result : [[ 0.22670391]
 [-0.90353592]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.22670391]
 [-0.90353592]]
dot product : [[ 0.96848433]
 [ 0.14058211]
 [ 0.63864222]]
result : [[ 0.87998552]
 [ 0.46155001]
 [ 0.74014112]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.49203326]
 [-1.01050411]
 [ 0.39885779]]
dot product : [[-0.29112833]
 [-1.64550731]]
result : [[ 0.29955406]
 [-1.58446864]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.29955406]
 [-1.58446864]]
dot product : [[ 1.56811939]
 [ 0.3146377 ]
 [ 1.06102683]]
result : [[ 1.47962058]
 [ 0.6356056 ]
 [ 1.16252573]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.28086071]
 [-0.31698969]
 [ 0.8724642 ]]
dot product : [[-0.37998496]
 [-0.80349935]]
result : [[ 0.21069743]
 [-0.74246068]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.21069743]
 [-0.74246068]]
dot product : [[ 0.82826989]
 [ 0.09855686]
 [ 0.53946399]]
result : [[ 0.73977109]
 [ 0.41952476]
 [ 0.64096289]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.88261408]
 [-0.14319077]
 [ 0.98478939]]
dot product : [[-0.50929837]
 [-0.35046996]]
result : [[ 0.08138403]
 [-0.28943129]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.08138403]
 [-0.28943129]]
dot product : [[ 0.32188324]
 [ 0.03894244]
 [ 0.20984587]]
result : [[ 0.23338443]
 [ 0.35991034]
 [ 0.31134478]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.54721097]
 [-0.10021561]
 [ 1.02011474]]
dot product : [[-0.41425549]
 [-0.52562272]]
result : [[ 0.1764269 ]
 [-0.46458405]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.1764269 ]
 [-0.46458405]]
dot product : [[ 0.57753346]
 [ 0.03068421]
 [ 0.36436594]]
result : [[ 0.48903465]
 [ 0.35165211]
 [ 0.46586484]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.54885873]
 [-1.04776523]
 [ 0.37365046]]
dot product : [[-0.28234079]
 [-1.69982064]]
result : [[ 0.3083416 ]
 [-1.63878197]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.3083416 ]
 [-1.63878197]]
dot product : [[ 1.61990435]
 [ 0.32645212]
 [ 1.09650712]]
result : [[ 1.53140554]
 [ 0.64742002]
 [ 1.19800602]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.53959763]
 [-1.04203725]
 [ 0.37751727]]
dot product : [[-0.28382953]
 [-1.69115958]]
result : [[ 0.30685286]
 [-1.63012092]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.30685286]
 [-1.63012092]]
dot product : [[ 1.61153027]
 [ 0.3246289 ]
 [ 1.0907967 ]]
result : [[ 1.52303146]
 [ 0.6455968 ]
 [ 1.19229561]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.6280486 ]
 [-1.08977712]
 [ 0.34546499]]
dot product : [[-0.26846668]
 [-1.77002591]]
result : [[ 0.32221571]
 [-1.70898724]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.32221571]
 [-1.70898724]]
dot product : [[ 1.69018441]
 [ 0.33997529]
 [ 1.14388104]]
result : [[ 1.60168561]
 [ 0.66094318]
 [ 1.24537995]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.88785181]
 [-0.17443756]
 [ 0.96282598]]
dot product : [[-0.51580394]
 [-0.36464745]]
result : [[ 0.07487845]
 [-0.30360878]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.07487845]
 [-0.30360878]]
dot product : [[ 0.32370621]
 [ 0.04814177]
 [ 0.21381734]]
result : [[ 0.2352074 ]
 [ 0.36910967]
 [ 0.31531625]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.70617593]
 [-1.1138955 ]
 [ 0.32979354]]
dot product : [[-0.2519327 ]
 [-1.82970335]]
result : [[ 0.33874969]
 [-1.76866468]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.33874969]
 [-1.76866468]]
dot product : [[ 1.7562255 ]
 [ 0.34817607]
 [ 1.18700069]]
result : [[ 1.66772669]
 [ 0.66914397]
 [ 1.2884996 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.00212559]
 [-0.58283873]
 [ 0.69070654]]
dot product : [[-0.3494098 ]
 [-1.11838809]]
result : [[ 0.24127259]
 [-1.05734942]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.24127259]
 [-1.05734942]]
dot product : [[ 1.10142569]
 [ 0.18121047]
 [ 0.73291866]]
result : [[ 1.01292688]
 [ 0.50217837]
 [ 0.83441757]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.86733502]
 [-0.09135316]
 [ 1.02132887]]
dot product : [[-0.49677711]
 [-0.33085822]]
result : [[ 0.09390529]
 [-0.26981955]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.09390529]
 [-0.26981955]]
dot product : [[ 0.32404244]
 [ 0.02376922]
 [ 0.20646953]]
result : [[ 0.23554363]
 [ 0.34473712]
 [ 0.30796843]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.207027  ]
 [-0.77506961]
 [ 0.55928504]]
dot product : [[-0.32722828]
 [-1.34624414]]
result : [[ 0.26345412]
 [-1.28520547]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.26345412]
 [-1.28520547]]
dot product : [[ 1.29915933]
 [ 0.24097961]
 [ 0.87293836]]
result : [[ 1.21066052]
 [ 0.56194751]
 [ 0.97443726]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.81047671]
 [-1.08986298]
 [ 0.34824972]]
dot product : [[-0.22062503]
 [-1.87826965]]
result : [[ 0.37005737]
 [-1.81723098]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.37005737]
 [-1.81723098]]
dot product : [[ 1.83369634]
 [ 0.34244316]
 [ 1.23282433]]
result : [[ 1.74519753]
 [ 0.66341106]
 [ 1.33432324]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.80545352]
 [-1.09380872]
 [ 0.34540823]]
dot product : [[-0.22259074]
 [-1.87747301]]
result : [[ 0.36809165]
 [-1.81643434]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.36809165]
 [-1.81643434]]
dot product : [[ 1.83049561]
 [ 0.34354642]
 [ 1.23119967]]
result : [[ 1.74199681]
 [ 0.66451432]
 [ 1.33269857]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.48980896]
 [-0.14139571]
 [ 0.99217199]]
dot product : [[-0.40596032]
 [-0.58244573]]
result : [[ 0.18472208]
 [-0.52140707]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.18472208]
 [-0.52140707]]
dot product : [[ 0.63051727]
 [ 0.04366892]
 [ 0.40094558]]
result : [[ 0.54201847]
 [ 0.36463682]
 [ 0.50244449]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.83110741]
 [-0.35401954]
 [ 0.86387311]]
dot product : [[-0.09436741]
 [-1.48347905]]
result : [[ 0.49631499]
 [-1.42244038]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.49631499]
 [-1.42244038]]
dot product : [[ 1.70997246]
 [ 0.12442923]
 [ 1.08922979]]
result : [[ 1.62147365]
 [ 0.44539713]
 [ 1.1907287 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.22934215]
 [-0.7953239 ]
 [ 0.54544921]]
dot product : [[-0.32470073]
 [-1.37068253]]
result : [[ 0.26598167]
 [-1.30964386]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.26598167]
 [-1.30964386]]
dot product : [[ 1.32056434]
 [ 0.24728686]
 [ 0.88804526]]
result : [[ 1.23206553]
 [ 0.56825476]
 [ 0.98954416]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.33519014]
 [-0.26856694]
 [ 0.9055268 ]]
dot product : [[-0.38628468]
 [-0.74449242]]
result : [[ 0.20439772]
 [-0.68345375]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.20439772]
 [-0.68345375]]
dot product : [[ 0.77632543]
 [ 0.08346473]
 [ 0.50286975]]
result : [[ 0.68782662]
 [ 0.40443263]
 [ 0.60436865]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.89248299]
 [-0.32136112]
 [ 0.85986509]]
dot product : [[-0.54114769]
 [-0.44317045]]
result : [[ 0.0495347 ]
 [-0.38213178]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.0495347 ]
 [-0.38213178]]
dot product : [[ 0.34800711]
 [ 0.09166507]
 [ 0.24223889]]
result : [[ 0.2595083 ]
 [ 0.41263297]
 [ 0.34373779]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.83331994]
 [-1.06496602]
 [ 0.36604096]]
dot product : [[-0.21054387]
 [-1.87804617]]
result : [[ 0.38013852]
 [-1.8170075 ]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.38013852]
 [-1.8170075 ]]
dot product : [[ 1.84692933]
 [ 0.33536323]
 [ 1.23876065]]
result : [[ 1.75843052]
 [ 0.65633113]
 [ 1.34025955]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.32441767]
 [-0.27805098]
 [ 0.89905324]]
dot product : [[-0.38501631]
 [-0.75612749]]
result : [[ 0.20566608]
 [-0.69508882]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.20566608]
 [-0.69508882]]
dot product : [[ 0.7866027 ]
 [ 0.08642242]
 [ 0.51010119]]
result : [[ 0.6981039 ]
 [ 0.40739032]
 [ 0.61160009]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.89224133]
 [-0.22185723]
 [ 0.92955015]]
dot product : [[-0.52474303]
 [-0.38827392]]
result : [[ 0.06593936]
 [-0.32723525]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.06593936]
 [-0.32723525]]
dot product : [[ 0.32927233]
 [ 0.06215019]
 [ 0.22157933]]
result : [[ 0.24077352]
 [ 0.38311808]
 [ 0.32307823]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[ 0.63635401]
 [-1.09331501]
 [ 0.34311697]]
dot product : [[-0.26686897]
 [-1.77690873]]
result : [[ 0.32381342]
 [-1.71587006]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.32381342]
 [-1.71587006]]
dot product : [[ 1.69739022]
 [ 0.34113601]
 [ 1.1486683 ]]
result : [[ 1.60889142]
 [ 0.66210391]
 [ 1.2501672 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.34591249]
 [-0.2591908 ]
 [ 0.91192558]]
dot product : [[-0.38755762]
 [-0.73294676]]
result : [[ 0.20312478]
 [-0.67190809]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.20312478]
 [-0.67190809]]
dot product : [[ 0.7661081 ]
 [ 0.08053971]
 [ 0.49568526]]
result : [[ 0.67760929]
 [ 0.40150761]
 [ 0.59718417]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.64415088]
 [-0.04291088]
 [ 1.05873279]]
dot product : [[-0.43027441]
 [-0.43643095]]
result : [[ 0.16040798]
 [-0.37539228]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.16040798]
 [-0.37539228]]
dot product : [[ 0.49038286]
 [ 0.01238673]
 [ 0.30514639]]
result : [[ 0.40188405]
 [ 0.33335463]
 [ 0.4066453 ]]
weights:  [[ 0.26593491  0.32626143 -0.23138231]
 [-0.58181104  1.05962997 -0.72325652]]
biases:  [[ 0.59068239]
 [ 0.06103867]]
inputs : [[-0.86603769]
 [-0.56591058]
 [ 0.68902265]]
dot product : [[-0.5743721 ]
 [-0.59412565]]
result : [[ 0.01631029]
 [-0.53308698]]
weights:  [[ 1.32901583 -0.7384225 ]
 [-0.6949784  -0.32996633]
 [ 0.60117792 -0.55598547]]
biases:  [[-0.08849881]
 [ 0.3209679 ]
 [ 0.1014989 ]]
inputs : [[ 0.01631029]
 [-0.53308698]]
dot product : [[ 0.41532005]
 [ 0.16456545]
 [ 0.306194  ]]
result : [[ 0.32682125]
 [ 0.48553335]
 [ 0.4076929 ]]
Epoch 4: Score [[ 1.02681011]
 [ 1.36508361]
 [ 0.39433782]] / 300
input:  [[ 0.77227571]
 [-1.11056888]
 [ 0.33315392]]
activations:  [array([[ 0.77227571],
       [-1.11056888],
       [ 0.33315392]]), array([[ 0.35663575],
       [-1.80602768]]), array([[ 1.71908723],
       [ 0.66904208],
       [ 1.32002559]])]
cost derivative:  [[ 0.94681152]
 [ 1.77961096]
 [ 0.98687167]]
unit step:  1
delta:  [[ 0.94681152]
 [ 1.77961096]
 [ 0.98687167]]
delta b updated:  [array([[ 0.21926743],
       [ 3.31414193]]), array([[ 0.94681152],
       [ 1.77961096],
       [ 0.98687167]])]
delta w updated: [array([[ 0.16933491, -0.24351158,  0.0730498 ],
       [ 2.55943131, -3.68058291,  1.10411936]]), array([[ 0.33766684, -1.70996781],
       [ 0.63467289, -3.21402666],
       [ 0.35195372, -1.78231755]])]
input:  [[ 0.66850921]
 [-1.10502797]
 [ 0.33541597]]
activations:  [array([[ 0.66850921],
       [-1.10502797],
       [ 0.33541597]]), array([[ 0.33011632],
       [-1.74457413]]), array([[ 1.63711664],
       [ 0.66466283],
       [ 1.26851126]])]
cost derivative:  [[ 0.96860743]
 [ 1.7696908 ]
 [ 0.93309528]]
unit step:  1
delta:  [[ 0.96860743]
 [ 1.7696908 ]
 [ 0.93309528]]
delta b updated:  [array([[ 0.20393303],
       [ 3.16634083]]), array([[ 0.96860743],
       [ 1.7696908 ],
       [ 0.93309528]])]
delta w updated: [array([[ 0.13633111, -0.2253517 ,  0.0684024 ],
       [ 2.11672802, -3.49889518,  1.0620413 ]]), array([[ 0.31975312, -1.68980746],
       [ 0.58420381, -3.08735678],
       [ 0.30802998, -1.62785389]])]
input:  [[-0.15797529]
 [-0.43065982]
 [ 0.7947788 ]]
activations:  [array([[-0.15797529],
       [-0.43065982],
       [ 0.7947788 ]]), array([[ 0.22403605],
       [-0.881737  ]]), array([[ 0.85865629],
       [ 0.45308502],
       [ 0.72472582]])]
cost derivative:  [[ 1.01663158]
 [ 0.88374484]
 [-0.07005298]]
unit step:  1
delta:  [[ 1.01663158]
 [ 0.88374484]
 [-0.07005298]]
delta b updated:  [array([[ 0.15553818],
       [ 0.88211833]]), array([[ 1.01663158],
       [ 0.88374484],
       [-0.07005298]])]
delta w updated: [array([[-0.02457119, -0.06698405,  0.12361845],
       [-0.1393529 , -0.37989292,  0.70108895]]), array([[ 0.22776213, -0.89640167],
       [ 0.19799071, -0.77923052],
       [-0.01569439,  0.0617683 ]])]
input:  [[-0.85738571]
 [-0.07055587]
 [ 1.03604809]]
activations:  [array([[-0.85738571],
       [-0.07055587],
       [ 1.03604809]]), array([[ 0.09971402],
       [-0.26654211]]), array([[ 0.23945492],
       [ 0.33746486],
       [ 0.30870276]])]
cost derivative:  [[ 1.09684063]
 [ 0.40802073]
 [-0.72734533]]
unit step:  1
delta:  [[ 1.09684063]
 [ 0.40802073]
 [-0.72734533]]
delta b updated:  [array([[ 0.07344225],
       [ 0.14351947]]), array([[ 1.09684063],
       [ 0.40802073],
       [-0.72734533]])]
delta w updated: [array([[-0.06296834, -0.00518178,  0.07608971],
       [-0.12305154, -0.01012614,  0.14869307]]), array([[ 0.10937039, -0.29235421],
       [ 0.04068539, -0.10875471],
       [-0.07252653,  0.19386816]])]
input:  [[-0.88956859]
 [-0.37070946]
 [ 0.82535253]]
activations:  [array([[-0.88956859],
       [-0.37070946],
       [ 0.82535253]]), array([[ 0.04188145],
       [-0.41411532]]), array([[ 0.27096413],
       [ 0.42587886],
       [ 0.35610158]])]
cost derivative:  [[ 1.16053272]
 [ 0.79658832]
 [-0.46925095]]
unit step:  1
delta:  [[ 1.16053272]
 [ 0.79658832]
 [-0.46925095]]
delta b updated:  [array([[ 0.02956701],
       [ 0.35436819]]), array([[ 1.16053272],
       [ 0.79658832],
       [-0.46925095]])]
delta w updated: [array([[-0.02630188, -0.01096077,  0.0244032 ],
       [-0.31523482, -0.13136764,  0.29247869]]), array([[ 0.04860479, -0.48059437],
       [ 0.03336227, -0.32987942],
       [-0.01965291,  0.19432401]])]
input:  [[-0.42968263]
 [-0.18852497]
 [ 0.96010561]]
activations:  [array([[-0.42968263],
       [-0.18852497],
       [ 0.96010561]]), array([[ 0.19240344],
       [-0.58671248]]), array([[ 0.59766202],
       [ 0.37740164],
       [ 0.5425391 ]])]
cost derivative:  [[ 1.02734466]
 [ 0.56592661]
 [-0.41756651]]
unit step:  1
delta:  [[ 1.02734466]
 [ 0.56592661]
 [-0.41756651]]
delta b updated:  [array([[ 0.13861844],
       [ 0.41682864]]), array([[ 1.02734466],
       [ 0.56592661],
       [-0.41756651]])]
delta w updated: [array([[-0.05956193, -0.02613304,  0.13308834],
       [-0.17910403, -0.07858261,  0.40019952]]), array([[ 0.19766465, -0.60275593],
       [ 0.10888623, -0.3320362 ],
       [-0.08034123,  0.24499148]])]
input:  [[-0.88454188]
 [-0.15320278]
 [ 0.97774804]]
activations:  [array([[-0.88454188],
       [-0.15320278],
       [ 0.97774804]]), array([[ 0.07880757],
       [-0.29703546]]), array([[ 0.23290893],
       [ 0.36132278],
       [ 0.31366386]])]
cost derivative:  [[ 1.11745081]
 [ 0.51452557]
 [-0.66408419]]
unit step:  1
delta:  [[ 1.11745081]
 [ 0.51452557]
 [-0.66408419]]
delta b updated:  [array([[ 0.05734518],
       [ 0.18500782]]), array([[ 1.11745081],
       [ 0.51452557],
       [-0.66408419]])]
delta w updated: [array([[-0.05072421, -0.00878544,  0.05606913],
       [-0.16364716, -0.02834371,  0.18089103]]), array([[ 0.08806358, -0.33192252],
       [ 0.04054851, -0.15283234],
       [-0.05233486,  0.19725655]])]
input:  [[-0.8608687 ]
 [-0.07711913]
 [ 1.03139762]]
activations:  [array([[-0.8608687 ],
       [-0.07711913],
       [ 1.03139762]]), array([[ 0.09746422],
       [-0.26906216]]), array([[ 0.23668786],
       [ 0.33900329],
       [ 0.30959021]])]
cost derivative:  [[ 1.09755656]
 [ 0.41612242]
 [-0.7218074 ]]
unit step:  1
delta:  [[ 1.09755656]
 [ 0.41612242]
 [-0.7218074 ]]
delta b updated:  [array([[ 0.07162904],
       [ 0.14630296]]), array([[ 1.09755656],
       [ 0.41612242],
       [-0.7218074 ]])]
delta w updated: [array([[-0.0616632 , -0.00552397,  0.07387802],
       [-0.12594764, -0.01128276,  0.15089652]]), array([[ 0.1069725 , -0.29531094],
       [ 0.04055705, -0.1119628 ],
       [-0.0703504 ,  0.19421106]])]
input:  [[-0.81380157]
 [-0.02431671]
 [ 1.06910845]]
activations:  [array([[-0.81380157],
       [-0.02431671],
       [ 1.06910845]]), array([[ 0.11841789],
       [-0.26787711]]), array([[ 0.2632572 ],
       [ 0.32389132],
       [ 0.32178701]])]
cost derivative:  [[ 1.07705877]
 [ 0.34820803]
 [-0.74732144]]
unit step:  1
delta:  [[ 1.07705877]
 [ 0.34820803]
 [-0.74732144]]
delta b updated:  [array([[ 0.08757409],
       [ 0.13182148]]), array([[ 1.07705877],
       [ 0.34820803],
       [-0.74732144]])]
delta w updated: [array([[-0.07126793, -0.00212951,  0.0936262 ],
       [-0.10727653, -0.00320546,  0.14093145]]), array([[ 0.12754302, -0.28851939],
       [ 0.04123406, -0.09327696],
       [-0.08849623,  0.20019031]])]
input:  [[ 0.79752477]
 [-0.18586622]
 [ 0.98110502]]
activations:  [array([[ 0.79752477],
       [-0.18586622],
       [ 0.98110502]]), array([[ 0.51451574],
       [-1.31521207]]), array([[ 1.56015715],
       [ 0.39097775],
       [ 1.14171002]])]
cost derivative:  [[ 0.76263238]
 [ 0.57684398]
 [ 0.16060501]]
unit step:  1
delta:  [[ 0.76263238]
 [ 0.57684398]
 [ 0.16060501]]
delta b updated:  [array([[ 0.36451695],
       [ 1.10400376]]), array([[ 0.76263238],
       [ 0.57684398],
       [ 0.16060501]])]
delta w updated: [array([[ 0.29071129, -0.06775139,  0.3576294 ],
       [ 0.88047034, -0.20519701,  1.08314362]]), array([[ 0.39238637, -1.00302332],
       [ 0.29679531, -0.75867216],
       [ 0.0826338 , -0.21122964]])]
input:  [[ 0.46254887]
 [-0.98940729]
 [ 0.41317183]]
activations:  [array([[ 0.46254887],
       [-0.98940729],
       [ 0.41317183]]), array([[ 0.294413  ],
       [-1.56264509]]), array([[ 1.44910343],
       [ 0.62442164],
       [ 1.14663058]])]
cost derivative:  [[ 0.98655456]
 [ 1.61382893]
 [ 0.73345875]]
unit step:  1
delta:  [[ 0.98655456]
 [ 1.61382893]
 [ 0.73345875]]
delta b updated:  [array([[ 0.18509641],
       [ 2.59540407]]), array([[ 0.98655456],
       [ 1.61382893],
       [ 0.73345875]])]
delta w updated: [array([[ 0.08561613, -0.18313573,  0.07647662],
       [ 1.20050122, -2.5679117 ,  1.07234784]]), array([[ 0.29045449, -1.54163463],
       [ 0.47513222, -2.52184184],
       [ 0.21593979, -1.14613571]])]
input:  [[ 0.88430752]
 [-0.82759425]
 [ 0.53306447]]
activations:  [array([[ 0.88430752],
       [-0.82759425],
       [ 0.53306447]]), array([[ 0.43143354],
       [-1.72579447]]), array([[ 1.74991947],
       [ 0.58039221],
       [ 1.31863546]])]
cost derivative:  [[ 0.86561196]
 [ 1.40798645]
 [ 0.78557099]]
unit step:  1
delta:  [[ 0.86561196]
 [ 1.40798645]
 [ 0.78557099]]
delta b updated:  [array([[ 0.27706432],
       [ 2.64323109]]), array([[ 0.86561196],
       [ 1.40798645],
       [ 0.78557099]])]
delta w updated: [array([[ 0.24501006, -0.22929684,  0.14769315],
       [ 2.33742912, -2.18752283,  1.40901259]]), array([[ 0.37345403, -1.49386832],
       [ 0.60745258, -2.42989523],
       [ 0.33892168, -1.35573407]])]
input:  [[ 0.47245184]
 [-0.99661205]
 [ 0.40828086]]
activations:  [array([[ 0.47245184],
       [-0.99661205],
       [ 0.40828086]]), array([[ 0.29545333],
       [-1.57674978]]), array([[ 1.45858672],
       [ 0.6245934 ],
       [ 1.15321098]])]
cost derivative:  [[ 0.98613488]
 [ 1.62120545]
 [ 0.74493012]]
unit step:  1
delta:  [[ 0.98613488]
 [ 1.62120545]
 [ 0.74493012]]
delta b updated:  [array([[ 0.18582876],
       [ 2.62541691]]), array([[ 0.98613488],
       [ 1.62120545],
       [ 0.74493012]])]
delta w updated: [array([[ 0.08779514, -0.18519918,  0.07587032],
       [ 1.24038304, -2.61652212,  1.07190746]]), array([[ 0.29135684, -1.55488795],
       [ 0.47899055, -2.55623534],
       [ 0.22009209, -1.1745684 ]])]
input:  [[-0.80326333]
 [-0.01910134]
 [ 1.07292504]]
activations:  [array([[-0.80326333],
       [-0.01910134],
       [ 1.07292504]]), array([[ 0.12157017],
       [-0.27455038]]), array([[ 0.27020139],
       [ 0.32118461],
       [ 0.32645908]])]
cost derivative:  [[ 1.07346472]
 [ 0.34028595]
 [-0.74646596]]
unit step:  1
delta:  [[ 1.07346472]
 [ 0.34028595]
 [-0.74646596]]
delta b updated:  [array([[ 0.08999011],
       [ 0.13321114]]), array([[ 1.07346472],
       [ 0.34028595],
       [-0.74646596]])]
delta w updated: [array([[-0.07228575, -0.00171893,  0.09655264],
       [-0.10700362, -0.00254451,  0.14292556]]), array([[ 0.13050129, -0.29472015],
       [ 0.04136862, -0.09342564],
       [-0.09074799,  0.20494251]])]
input:  [[-0.78638149]
 [-0.01365519]
 [ 1.07700217]]
activations:  [array([[-0.78638149],
       [-0.01365519],
       [ 1.07700217]]), array([[ 0.12680623],
       [-0.2817098 ]]), array([[ 0.28202171],
       [ 0.31973851],
       [ 0.33384302]])]
cost derivative:  [[ 1.0684032 ]
 [ 0.3333937 ]
 [-0.74315915]]
unit step:  1
delta:  [[ 1.0684032 ]
 [ 0.3333937 ]
 [-0.74315915]]
delta b updated:  [array([[ 0.09386467],
       [ 0.13547702]]), array([[ 1.0684032 ],
       [ 0.3333937 ],
       [-0.74315915]])]
delta w updated: [array([[-0.07381344, -0.00128174,  0.10109245],
       [-0.10653662, -0.00184996,  0.14590905]]), array([[ 0.13548018, -0.30097965],
       [ 0.0422764 , -0.09392027],
       [-0.09423721,  0.20935521]])]
input:  [[-0.86733502]
 [-0.09135316]
 [ 1.02132887]]
activations:  [array([[-0.86733502],
       [-0.09135316],
       [ 1.02132887]]), array([[ 0.09273326],
       [-0.27678859]]), array([[ 0.23277119],
       [ 0.34174187],
       [ 0.31091413]])]
cost derivative:  [[ 1.10010621]
 [ 0.43309503]
 [-0.71041473]]
unit step:  1
delta:  [[ 1.10010621]
 [ 0.43309503]
 [-0.71041473]]
delta b updated:  [array([[ 0.06792788],
       [ 0.15348044]]), array([[ 1.10010621],
       [ 0.43309503],
       [-0.71041473]])]
delta w updated: [array([[-0.05891623, -0.00620543,  0.0693767 ],
       [-0.13311896, -0.01402092,  0.156754  ]]), array([[ 0.10201644, -0.30449685],
       [ 0.04016231, -0.11987576],
       [-0.06587908,  0.19663469]])]
input:  [[-0.89286411]
 [-0.23476572]
 [ 0.92050079]]
activations:  [array([[-0.89286411],
       [-0.23476572],
       [ 0.92050079]]), array([[ 0.06241908],
       [-0.34146913]]), array([[ 0.23959788],
       [ 0.38367088],
       [ 0.32880067]])]
cost derivative:  [[ 1.13246199]
 [ 0.6184366 ]
 [-0.59170011]]
unit step:  1
delta:  [[ 1.13246199]
 [ 0.6184366 ]
 [-0.59170011]]
delta b updated:  [array([[ 0.04479895],
       [ 0.24039062]]), array([[ 1.13246199],
       [ 0.6184366 ],
       [-0.59170011]])]
delta w updated: [array([[-0.03999938, -0.01051726,  0.04123747],
       [-0.21463616, -0.05643548,  0.22127976]]), array([[ 0.07068724, -0.38670081],
       [ 0.03860225, -0.21117701],
       [-0.03693338,  0.20204732]])]
input:  [[-0.89074637]
 [-0.35380162]
 [ 0.83717451]]
activations:  [array([[-0.89074637],
       [-0.35380162],
       [ 0.83717451]]), array([[ 0.04338118],
       [-0.40914195]]), array([[ 0.26356181],
       [ 0.41864098],
       [ 0.35508962]])]
cost derivative:  [[ 1.15430818]
 [ 0.7724426 ]
 [-0.48208489]]
unit step:  1
delta:  [[ 1.15430818]
 [ 0.7724426 ]
 [-0.48208489]]
delta b updated:  [array([[ 0.03059783],
       [ 0.33978934]]), array([[ 1.15430818],
       [ 0.7724426 ],
       [-0.48208489]])]
delta w updated: [array([[-0.0272549 , -0.01082556,  0.02561572],
       [-0.30266612, -0.12021802,  0.28446297]]), array([[ 0.05007525, -0.4722759 ],
       [ 0.03350947, -0.31603867],
       [-0.02091341,  0.19724115]])]
input:  [[ 0.41197964]
 [-0.95094907]
 [ 0.43931503]]
activations:  [array([[ 0.41197964],
       [-0.95094907],
       [ 0.43931503]]), array([[ 0.28682927],
       [-1.51780013]]), array([[ 1.39988888],
       [ 0.60826504],
       [ 1.11611715]])]
cost derivative:  [[ 0.98790925]
 [ 1.55921411]
 [ 0.67680212]]
unit step:  1
delta:  [[ 0.98790925]
 [ 1.55921411]
 [ 0.67680212]]
delta b updated:  [array([[ 0.18154585],
       [ 2.43691772]]), array([[ 0.98790925],
       [ 1.55921411],
       [ 0.67680212]])]
delta w updated: [array([[ 0.07479319, -0.17264086,  0.07975582],
       [ 1.00396047, -2.31738464,  1.07057457]]), array([[ 0.28336129, -1.49944879],
       [ 0.44722825, -2.36657539],
       [ 0.19412666, -1.02725035]])]
input:  [[ 0.88131382]
 [-0.72870994]
 [ 0.60226519]]
activations:  [array([[ 0.88131382],
       [-0.72870994],
       [ 0.60226519]]), array([[ 0.44624766],
       [-1.67578913]]), array([[ 1.72629724],
       [ 0.54658324],
       [ 1.29866087]])]
cost derivative:  [[ 0.84498342]
 [ 1.27529318]
 [ 0.69639568]]
unit step:  1
delta:  [[ 0.84498342]
 [ 1.27529318]
 [ 0.69639568]]
delta b updated:  [array([[ 0.29108155],
       [ 2.37598695]]), array([[ 0.84498342],
       [ 1.27529318],
       [ 0.69639568]])]
delta w updated: [array([[ 0.25653419, -0.21211402,  0.17530828],
       [ 2.09399014, -1.73140531,  1.43097424]]), array([[ 0.37707187, -1.41601404],
       [ 0.56909659, -2.13712245],
       [ 0.31076494, -1.16701232]])]
input:  [[ 0.86435564]
 [-0.99724056]
 [ 0.41395221]]
activations:  [array([[ 0.86435564],
       [-0.99724056],
       [ 0.41395221]]), array([[ 0.39741757],
       [-1.81730567]]), array([[ 1.76404252],
       [ 0.62456024],
       [ 1.34673817]])]
cost derivative:  [[ 0.89968688]
 [ 1.6218008 ]
 [ 0.93278597]]
unit step:  1
delta:  [[ 0.89968688]
 [ 1.6218008 ]
 [ 0.93278597]]
delta b updated:  [array([[ 0.24843949],
       [ 3.08763731]]), array([[ 0.89968688],
       [ 1.6218008 ],
       [ 0.93278597]])]
delta w updated: [array([[ 0.21474007, -0.24775394,  0.10284207],
       [ 2.66881671, -3.07911717,  1.27813427]]), array([[ 0.35755138, -1.63500608],
       [ 0.64453214, -2.94730779],
       [ 0.37070554, -1.69515723]])]
input:  [[ 0.88312251]
 [-0.87095692]
 [ 0.50267967]]
activations:  [array([[ 0.88312251],
       [-0.87095692],
       [ 0.50267967]]), array([[ 0.42285247],
       [-1.76111361]]), array([[ 1.75532361],
       [ 0.58634837],
       [ 1.32955243]])]
cost derivative:  [[ 0.87220111]
 [ 1.45730529]
 [ 0.82687276]]
unit step:  1
delta:  [[ 0.87220111]
 [ 1.45730529]
 [ 0.82687276]]
delta b updated:  [array([[ 0.27023695],
       [ 2.75577159]]), array([[ 0.87220111],
       [ 1.45730529],
       [ 0.82687276]])]
delta w updated: [array([[ 0.23865233, -0.23536474,  0.13584262],
       [ 2.43368392, -2.40015833,  1.38527036]]), array([[ 0.3688124 , -1.53604524],
       [ 0.61622515, -2.56648017],
       [ 0.34964519, -1.45621687]])]
input:  [[ 0.77743051]
 [-0.09431641]
 [ 1.04490281]]
activations:  [array([[ 0.77743051],
       [-0.09431641],
       [ 1.04490281]]), array([[ 0.52262185],
       [-1.26701316]]), array([[ 1.5249586 ],
       [ 0.35619465],
       [ 1.11527558]])]
cost derivative:  [[ 0.74752808]
 [ 0.45051106]
 [ 0.07037276]]
unit step:  1
delta:  [[ 0.74752808]
 [ 0.45051106]
 [ 0.07037276]]
delta b updated:  [array([[ 0.37656904],
       [ 0.92547017]]), array([[ 0.74752808],
       [ 0.45051106],
       [ 0.07037276]])]
delta w updated: [array([[ 0.29275626, -0.03551664,  0.39347805],
       [ 0.71948875, -0.08728702,  0.96702638]]), array([[ 0.39067451, -0.94712792],
       [ 0.23544692, -0.57080344],
       [ 0.03677834, -0.08916322]])]
input:  [[-0.73538449]
 [-0.01234762]
 [ 1.07871312]]
activations:  [array([[-0.73538449],
       [-0.01234762],
       [ 1.07871312]]), array([[ 0.13966048],
       [-0.31607024]]), array([[ 0.32039119],
       [ 0.3177793 ],
       [ 0.35984207]])]
cost derivative:  [[ 1.05577568]
 [ 0.33012691]
 [-0.71887104]]
unit step:  1
delta:  [[ 1.05577568]
 [ 0.33012691]
 [-0.71887104]]
delta b updated:  [array([[ 0.10328234],
       [ 0.15200033]]), array([[ 1.05577568],
       [ 0.33012691],
       [-0.71887104]])]
delta w updated: [array([[-0.07595223, -0.00127529,  0.11141201],
       [-0.11177869, -0.00187684,  0.16396475]]), array([[ 0.14745014, -0.33369927],
       [ 0.04610568, -0.10434329],
       [-0.10039788,  0.22721374]])]
input:  [[ 0.76009975]
 [-1.11361334]
 [ 0.33083205]]
activations:  [array([[ 0.76009975],
       [-1.11361334],
       [ 0.33083205]]), array([[ 0.35019371],
       [-1.82610782]]), array([[ 1.70374622],
       [ 0.65506181],
       [ 1.32096041]])]
cost derivative:  [[ 0.94364648]
 [ 1.76867515]
 [ 0.99012837]]
unit step:  1
delta:  [[ 0.94364648]
 [ 1.76867515]
 [ 0.99012837]]
delta b updated:  [array([[ 0.21505854],
       [ 3.29489936]]), array([[ 0.94364648],
       [ 1.76867515],
       [ 0.99012837]])]
delta w updated: [array([[ 0.16346594, -0.23949206,  0.07114826],
       [ 2.50445217, -3.66924387,  1.0900583 ]]), array([[ 0.33045907, -1.72320022],
       [ 0.61937892, -3.22979153],
       [ 0.34673673, -1.80808115]])]
input:  [[-0.69939058]
 [-0.02062908]
 [ 1.07347501]]
activations:  [array([[-0.69939058],
       [-0.02062908],
       [ 1.07347501]]), array([[ 0.14757084],
       [-0.34331246]]), array([[ 0.34989097],
       [ 0.31988697],
       [ 0.37936021]])]
cost derivative:  [[ 1.04928155]
 [ 0.34051606]
 [-0.6941148 ]]
unit step:  1
delta:  [[ 1.04928155]
 [ 0.34051606]
 [-0.6941148 ]]
delta b updated:  [array([[ 0.10895789],
       [ 0.16905878]]), array([[ 1.04928155],
       [ 0.34051606],
       [-0.6941148 ]])]
delta w updated: [array([[-0.07620412, -0.0022477 ,  0.11696357],
       [-0.11823812, -0.00348753,  0.18148038]]), array([[ 0.15484336, -0.36023143],
       [ 0.05025024, -0.11690341],
       [-0.1024311 ,  0.23829826]])]
input:  [[ 0.71335526]
 [-1.11486096]
 [ 0.32922941]]
activations:  [array([[ 0.71335526],
       [-1.11486096],
       [ 0.32922941]]), array([[ 0.33750941],
       [-1.80203579]]), array([[ 1.66733635],
       [ 0.65339696],
       [ 1.29897234]])]
cost derivative:  [[ 0.95398109]
 [ 1.76825792]
 [ 0.96974294]]
unit step:  1
delta:  [[ 0.95398109]
 [ 1.76825792]
 [ 0.96974294]]
delta b updated:  [array([[ 0.20765286],
       [ 3.23888177]]), array([[ 0.95398109],
       [ 1.76825792],
       [ 0.96974294]])]
delta w updated: [array([[ 0.14813026, -0.23150407,  0.06836543],
       [ 2.31047336, -3.61090282,  1.06633512]]), array([[ 0.3219776 , -1.71910806],
       [ 0.59680369, -3.18646405],
       [ 0.32729737, -1.74751148]])]
input:  [[-0.47005138]
 [-0.15648523]
 [ 0.9819131 ]]
activations:  [array([[-0.47005138],
       [-0.15648523],
       [ 0.9819131 ]]), array([[ 0.18511038],
       [-0.55815341]]), array([[ 0.55562089],
       [ 0.36100692],
       [ 0.5201005 ]])]
cost derivative:  [[ 1.02567227]
 [ 0.51749215]
 [-0.4618126 ]]
unit step:  1
delta:  [[ 1.02567227]
 [ 0.51749215]
 [-0.4618126 ]]
delta b updated:  [array([[ 0.13380537],
       [ 0.36777465]]), array([[ 1.02567227],
       [ 0.51749215],
       [-0.4618126 ]])]
delta w updated: [array([[-0.0628954 , -0.02093856,  0.13138524],
       [-0.17287298, -0.0575513 ,  0.36112275]]), array([[ 0.18986258, -0.57248248],
       [ 0.09579317, -0.28884001],
       [-0.08548631,  0.25776228]])]
input:  [[ 0.78950553]
 [-1.1036475 ]
 [ 0.33826956]]
activations:  [array([[ 0.78950553],
       [-1.1036475 ],
       [ 0.33826956]]), array([[ 0.35903852],
       [-1.84471193]]), array([[ 1.72495721],
       [ 0.64903838],
       [ 1.33434473]])]
cost derivative:  [[ 0.93545167]
 [ 1.75268588]
 [ 0.99607517]]
unit step:  1
delta:  [[ 0.93545167]
 [ 1.75268588]
 [ 0.99607517]]
delta b updated:  [array([[ 0.22141387],
       [ 3.30227376]]), array([[ 0.93545167],
       [ 1.75268588],
       [ 0.99607517]])]
delta w updated: [array([[ 0.17480747, -0.24436286,  0.07489757],
       [ 2.6071634 , -3.64454619,  1.11705868]]), array([[ 0.33586318, -1.72563886],
       [ 0.62928174, -3.23320054],
       [ 0.35762935, -1.83747174]])]
input:  [[-0.83309753]
 [-0.03868815]
 [ 1.0587434 ]]
activations:  [array([[-0.83309753],
       [-0.03868815],
       [ 1.0587434 ]]), array([[ 0.10928073],
       [-0.27534714]]), array([[ 0.24764989],
       [ 0.32273177],
       [ 0.31828356]])]
cost derivative:  [[ 1.08074742]
 [ 0.36141992]
 [-0.74045984]]
unit step:  1
delta:  [[ 1.08074742]
 [ 0.36141992]
 [-0.74045984]]
delta b updated:  [array([[ 0.0805723 ],
       [ 0.13626635]]), array([[ 1.08074742],
       [ 0.36141992],
       [-0.74045984]])]
delta w updated: [array([[-0.06712458, -0.00311719,  0.08530539],
       [-0.11352316, -0.00527189,  0.1442711 ]]), array([[ 0.11810487, -0.29758071],
       [ 0.03949623, -0.09951594],
       [-0.08091799,  0.2038835 ]])]
input:  [[-0.79214976]
 [-0.01515875]
 [ 1.0758593 ]]
activations:  [array([[-0.79214976],
       [-0.01515875],
       [ 1.0758593 ]]), array([[ 0.12379263],
       [-0.2869055 ]]), array([[ 0.27493999],
       [ 0.31614165],
       [ 0.33363191]])]
cost derivative:  [[ 1.06708975]
 [ 0.3313004 ]
 [-0.74222738]]
unit step:  1
delta:  [[ 1.06708975]
 [ 0.3313004 ]
 [-0.74222738]]
delta b updated:  [array([[ 0.0914907 ],
       [ 0.13605962]]), array([[ 1.06708975],
       [ 0.3313004 ],
       [-0.74222738]])]
delta w updated: [array([[-0.07247433, -0.00138688,  0.09843112],
       [-0.1077796 , -0.00206249,  0.14638101]]), array([[ 0.13209784, -0.30615392],
       [ 0.04101255, -0.09505191],
       [-0.09188228,  0.21294912]])]
input:  [[-0.84992859]
 [-0.05851777]
 [ 1.04459451]]
activations:  [array([[-0.84992859],
       [-0.05851777],
       [ 1.04459451]]), array([[ 0.10145327],
       [-0.27659765]]), array([[ 0.23739635],
       [ 0.3283386 ],
       [ 0.31481268]])]
cost derivative:  [[ 1.08732494]
 [ 0.38685637]
 [-0.72978182]]
unit step:  1
delta:  [[ 1.08732494]
 [ 0.38685637]
 [-0.72978182]]
delta b updated:  [array([[ 0.07452163],
       [ 0.14197603]]), array([[ 1.08732494],
       [ 0.38685637],
       [-0.72978182]])]
delta w updated: [array([[-0.06333806, -0.00436084,  0.07784488],
       [-0.12066948, -0.00830812,  0.14830738]]), array([[ 0.11031268, -0.30075153],
       [ 0.03924785, -0.10700356],
       [-0.07403876,  0.20185594]])]
input:  [[ 0.76625553]
 [-1.11224554]
 [ 0.33188589]]
activations:  [array([[ 0.76625553],
       [-1.11224554],
       [ 0.33188589]]), array([[ 0.35125844],
       [-1.8389107 ]]), array([[ 1.70731574],
       [ 0.64941995],
       [ 1.32611956]])]
cost derivative:  [[ 0.9410602 ]
 [ 1.76166549]
 [ 0.99423367]]
unit step:  1
delta:  [[ 0.9410602 ]
 [ 1.76166549]
 [ 0.99423367]]
delta b updated:  [array([[ 0.21639744],
       [ 3.2967285 ]]), array([[ 0.9410602 ],
       [ 1.76166549],
       [ 0.99423367]])]
delta w updated: [array([[ 0.16581573, -0.24068709,  0.07181926],
       [ 2.52613646, -3.66677158,  1.09413769]]), array([[ 0.33055534, -1.73052567],
       [ 0.61879987, -3.23954552],
       [ 0.34923297, -1.82830693]])]
input:  [[-0.22549134]
 [-0.36763205]
 [ 0.83786346]]
activations:  [array([[-0.22549134],
       [-0.36763205],
       [ 0.83786346]]), array([[ 0.21393046],
       [-0.82703536]]), array([[ 0.78666975],
       [ 0.42277582],
       [ 0.68511656]])]
cost derivative:  [[ 1.0121611 ]
 [ 0.79040787]
 [-0.1527469 ]]
unit step:  1
delta:  [[ 1.0121611 ]
 [ 0.79040787]
 [-0.1527469 ]]
delta b updated:  [array([[ 0.14960466],
       [ 0.7468293 ]]), array([[ 1.0121611 ],
       [ 0.79040787],
       [-0.1527469 ]])]
delta w updated: [array([[-0.03373456, -0.05499947,  0.12534828],
       [-0.16840354, -0.27455839,  0.62574099]]), array([[ 0.21653209, -0.83709302],
       [ 0.16909232, -0.65369526],
       [-0.03267722,  0.12632709]])]
input:  [[-0.00935906]
 [-0.57188877]
 [ 0.69819556]]
activations:  [array([[-0.00935906],
       [-0.57188877],
       [ 0.69819556]]), array([[ 0.23681789],
       [-1.07227495]]), array([[ 0.99501225],
       [ 0.48381013],
       [ 0.8339683 ]])]
cost derivative:  [[ 1.00437131]
 [ 1.0556989 ]
 [ 0.13577274]]
unit step:  1
delta:  [[ 1.00437131]
 [ 1.0556989 ]
 [ 0.13577274]]
delta b updated:  [array([[ 0.16028975],
       [ 1.2219036 ]]), array([[ 1.00437131],
       [ 1.0556989 ],
       [ 0.13577274]])]
delta w updated: [array([[-0.00150016, -0.09166791,  0.11191359],
       [-0.01143587, -0.69879295,  0.85312767]]), array([[ 0.23785309, -1.0769622 ],
       [ 0.25000838, -1.13199948],
       [ 0.03215341, -0.14558571]])]
input:  [[ 0.73415457]
 [-1.11607237]
 [ 0.32870542]]
activations:  [array([[ 0.73415457],
       [-1.11607237],
       [ 0.32870542]]), array([[ 0.34183995],
       [-1.82609498]]), array([[ 1.68218423],
       [ 0.64754752],
       [ 1.31191187]])]
cost derivative:  [[ 0.94802966]
 [ 1.7636199 ]
 [ 0.98320646]]
unit step:  1
delta:  [[ 0.94802966]
 [ 1.7636199 ]
 [ 0.98320646]]
delta b updated:  [array([[ 0.21069421],
       [ 3.26446064]]), array([[ 0.94802966],
       [ 1.7636199 ],
       [ 0.98320646]])]
delta w updated: [array([[ 0.15468212, -0.23514999,  0.06925633],
       [ 2.3966187 , -3.64337434,  1.0730459 ]]), array([[ 0.32407441, -1.7311922 ],
       [ 0.60287574, -3.22053744],
       [ 0.33609925, -1.79542838]])]
input:  [[ 0.6839231 ]
 [-1.10936775]
 [ 0.33261725]]
activations:  [array([[ 0.6839231 ],
       [-1.10936775],
       [ 0.33261725]]), array([[ 0.32959424],
       [-1.79519421]]), array([[ 1.64206512],
       [ 0.64376613],
       [ 1.28611075]])]
cost derivative:  [[ 0.95814202]
 [ 1.75313388]
 [ 0.9534935 ]]
unit step:  1
delta:  [[ 0.95814202]
 [ 1.75313388]
 [ 0.9534935 ]]
delta b updated:  [array([[ 0.20391691],
       [ 3.18173095]]), array([[ 0.95814202],
       [ 1.75313388],
       [ 0.9534935 ]])]
delta w updated: [array([[ 0.13946348, -0.22621884,  0.06782628],
       [ 2.17605928, -3.52970969,  1.05829861]]), array([[ 0.31579809, -1.720051  ],
       [ 0.57782282, -3.14721578],
       [ 0.31426596, -1.711706  ]])]
input:  [[-0.63582729]
 [-0.0470456 ]
 [ 1.0559671 ]]
activations:  [array([[-0.63582729],
       [-0.0470456 ],
       [ 1.0559671 ]]), array([[ 0.15892678],
       [-0.40329036]]), array([[ 0.40295765],
       [ 0.32425422],
       [ 0.4176631 ]])]
cost derivative:  [[ 1.03878494]
 [ 0.37129982]
 [-0.638304  ]]
unit step:  1
delta:  [[ 1.03878494]
 [ 0.37129982]
 [-0.638304  ]]
delta b updated:  [array([[ 0.11685847],
       [ 0.20991028]]), array([[ 1.03878494],
       [ 0.37129982],
       [-0.638304  ]])]
delta w updated: [array([[-0.0743018 , -0.00549768,  0.1233987 ],
       [-0.13346668, -0.00987535,  0.22165835]]), array([[ 0.16509075, -0.41893195],
       [ 0.05900949, -0.14974164],
       [-0.1014436 ,  0.25742185]])]
input:  [[ 0.6280486 ]
 [-1.08977712]
 [ 0.34546499]]
activations:  [array([[ 0.6280486 ],
       [-1.08977712],
       [ 0.34546499]]), array([[ 0.3179682 ],
       [-1.75348887]]), array([[ 1.59435075],
       [ 0.63606891],
       [ 1.25522087]])]
cost derivative:  [[ 0.96630216]
 [ 1.72584603]
 [ 0.90975588]]
unit step:  1
delta:  [[ 0.96630216]
 [ 1.72584603]
 [ 0.90975588]]
delta b updated:  [array([[ 0.19769271],
       [ 3.0556899 ]]), array([[ 0.96630216],
       [ 1.72584603],
       [ 0.90975588]])]
delta w updated: [array([[ 0.12416063, -0.21544099,  0.06829591],
       [ 1.91912176, -3.33002095,  1.05563388]]), array([[ 0.30725336, -1.69440008],
       [ 0.54876415, -3.02625181],
       [ 0.28927344, -1.59524682]])]
input:  [[ 0.88371996]
 [-0.780213  ]
 [ 0.56623579]]
activations:  [array([[ 0.88371996],
       [-0.780213  ],
       [ 0.56623579]]), array([[ 0.43564171],
       [-1.73605844]]), array([[ 1.73639296],
       [ 0.54599999],
       [ 1.31498197]])]
cost derivative:  [[ 0.852673  ]
 [ 1.32621299]
 [ 0.74874618]]
unit step:  1
delta:  [[ 0.852673  ]
 [ 1.32621299]
 [ 0.74874618]]
delta b updated:  [array([[ 0.28456192],
       [ 2.50718368]]), array([[ 0.852673  ],
       [ 1.32621299],
       [ 0.74874618]])]
delta w updated: [array([[ 0.25147305, -0.22201891,  0.16112914],
       [ 2.21564825, -1.9561373 ,  1.41965713]]), array([[ 0.37145992, -1.48029015],
       [ 0.57775369, -2.30238325],
       [ 0.32618506, -1.29986712]])]
input:  [[ 0.64455448]
 [-1.09661287]
 [ 0.3409354 ]]
activations:  [array([[ 0.64455448],
       [-1.09661287],
       [ 0.3409354 ]]), array([[ 0.32073512],
       [-1.77225598]]), array([[ 1.60909969],
       [ 0.63573072],
       [ 1.26486389]])]
cost derivative:  [[ 0.96454521]
 [ 1.73234358]
 [ 0.92392849]]
unit step:  1
delta:  [[ 0.96454521]
 [ 1.73234358]
 [ 0.92392849]]
delta b updated:  [array([[ 0.19959799],
       [ 3.09469873]]), array([[ 0.96454521],
       [ 1.73234358],
       [ 0.92392849]])]
delta w updated: [array([[ 0.12865178, -0.21888173,  0.06805002],
       [ 1.99470193, -3.39368645,  1.05509235]]), array([[ 0.30936352, -1.70942101],
       [ 0.55562343, -3.07015627],
       [ 0.29633631, -1.63743778]])]
input:  [[-0.62740077]
 [-0.05140675]
 [ 1.05304444]]
activations:  [array([[-0.62740077],
       [-0.05140675],
       [ 1.05304444]]), array([[ 0.16007846],
       [-0.41400022]]), array([[ 0.41019953],
       [ 0.32381484],
       [ 0.42295653]])]
cost derivative:  [[ 1.0376003 ]
 [ 0.37522159]
 [-0.63008792]]
unit step:  1
delta:  [[ 1.0376003 ]
 [ 0.37522159]
 [-0.63008792]]
delta b updated:  [array([[ 0.11773291],
       [ 0.21667556]]), array([[ 1.0376003 ],
       [ 0.37522159],
       [-0.63008792]])]
delta w updated: [array([[-0.07386572, -0.00605227,  0.12397799],
       [-0.13594241, -0.01113859,  0.22816899]]), array([[ 0.16609745, -0.42956675],
       [ 0.06006489, -0.15534182],
       [-0.1008635 ,  0.26085653]])]
input:  [[-0.21431142]
 [-0.37798482]
 [ 0.8307879 ]]
activations:  [array([[-0.21431142],
       [-0.37798482],
       [ 0.8307879 ]]), array([[ 0.21423565],
       [-0.84890354]]), array([[ 0.79676332],
       [ 0.42083111],
       [ 0.69403044]])]
cost derivative:  [[ 1.01107475]
 [ 0.79881593]
 [-0.13675746]]
unit step:  1
delta:  [[ 1.01107475]
 [ 0.79881593]
 [-0.13675746]]
delta b updated:  [array([[ 0.14995304],
       [ 0.76894027]]), array([[ 1.01107475],
       [ 0.79881593],
       [-0.13675746]])]
delta w updated: [array([[-0.03213665, -0.05667997,  0.12457917],
       [-0.16479268, -0.29064775,  0.63882627]]), array([[ 0.21660826, -0.85830493],
       [ 0.17113485, -0.67811767],
       [-0.02929832,  0.11609389]])]
input:  [[-0.89171727]
 [-0.33735345]
 [ 0.84867781]]
activations:  [array([[-0.89171727],
       [-0.33735345],
       [ 0.84867781]]), array([[ 0.04366177],
       [-0.416304  ]]), array([[ 0.25665503],
       [ 0.40540838],
       [ 0.35471142]])]
cost derivative:  [[ 1.14837229]
 [ 0.74276183]
 [-0.49396638]]
unit step:  1
delta:  [[ 1.14837229]
 [ 0.74276183]
 [-0.49396638]]
delta b updated:  [array([[ 0.03085972],
       [ 0.32955585]]), array([[ 1.14837229],
       [ 0.74276183],
       [-0.49396638]])]
delta w updated: [array([[-0.02751815, -0.01041063,  0.02618996],
       [-0.29387064, -0.1111768 ,  0.27968673]]), array([[ 0.05013997, -0.47807198],
       [ 0.0324303 , -0.30921472],
       [-0.02156745,  0.20564018]])]
input:  [[-0.87249431]
 [-0.52297891]
 [ 0.71898646]]
activations:  [array([[-0.87249431],
       [-0.52297891],
       [ 0.71898646]]), array([[ 0.01809607],
       [-0.5331446 ]]), array([[ 0.30693677],
       [ 0.45923129],
       [ 0.4036165 ]])]
cost derivative:  [[ 1.17943108]
 [ 0.98221021]
 [-0.31536996]]
unit step:  1
delta:  [[ 1.17943108]
 [ 0.98221021]
 [-0.31536996]]
delta b updated:  [array([[ 0.01244335],
       [ 0.52567293]]), array([[ 1.17943108],
       [ 0.98221021],
       [-0.31536996]])]
delta w updated: [array([[-0.01085676, -0.00650761,  0.0089466 ],
       [-0.45864665, -0.27491586,  0.37795172]]), array([[ 0.02134306, -0.62880731],
       [ 0.01777414, -0.52366007],
       [-0.00570696,  0.16813779]])]
input:  [[ 0.58500707]
 [-1.0686209 ]
 [ 0.35960921]]
activations:  [array([[ 0.58500707],
       [-1.0686209 ],
       [ 0.35960921]]), array([[ 0.30945361],
       [-1.72403093]]), array([[ 1.55494013],
       [ 0.6242388 ],
       [ 1.23133949]])]
cost derivative:  [[ 0.96993306]
 [ 1.69285971]
 [ 0.87173028]]
unit step:  1
delta:  [[ 0.96993306]
 [ 1.69285971]
 [ 0.87173028]]
delta b updated:  [array([[ 0.193404  ],
       [ 2.93931949]]), array([[ 0.96993306],
       [ 1.69285971],
       [ 0.87173028]])]
delta w updated: [array([[ 0.11314271, -0.20667556,  0.06954986],
       [ 1.71952269, -3.14101825,  1.05700637]]), array([[ 0.30014929, -1.67219459],
       [ 0.52386155, -2.91854249],
       [ 0.26976008, -1.50288995]])]
input:  [[ 0.87886468]
 [-0.92270113]
 [ 0.46637747]]
activations:  [array([[ 0.87886468],
       [-0.92270113],
       [ 0.46637747]]), array([[ 0.41016995],
       [-1.82200496]]), array([[ 1.75801486],
       [ 0.58177844],
       [ 1.34421509]])]
cost derivative:  [[ 0.87915018]
 [ 1.50447957]
 [ 0.87783762]]
unit step:  1
delta:  [[ 0.87915018]
 [ 1.50447957]
 [ 0.87783762]]
delta b updated:  [array([[ 0.26233975],
       [ 2.88193906]]), array([[ 0.87915018],
       [ 1.50447957],
       [ 0.87783762]])]
delta w updated: [array([[ 0.23056114, -0.24206118,  0.12234935],
       [ 2.53283445, -2.65916841,  1.34407145]]), array([[ 0.36060099, -1.601816  ],
       [ 0.61709232, -2.74116924],
       [ 0.36006262, -1.5994245 ]])]
input:  [[-0.66848697]
 [-0.03190354]
 [ 1.06606158]]
activations:  [array([[-0.66848697],
       [-0.03190354],
       [ 1.06606158]]), array([[ 0.15216058],
       [-0.3814013 ]]), array([[ 0.37322006],
       [ 0.31619166],
       [ 0.39996484]])]
cost derivative:  [[ 1.04170703]
 [ 0.34809521]
 [-0.66609673]]
unit step:  1
delta:  [[ 1.04170703]
 [ 0.34809521]
 [-0.66609673]]
delta b updated:  [array([[ 0.11226968],
       [ 0.18913559]]), array([[ 1.04170703],
       [ 0.34809521],
       [-0.66609673]])]
delta w updated: [array([[-0.07505082, -0.0035818 ,  0.11968639],
       [-0.12643468, -0.0060341 ,  0.20163019]]), array([[ 0.15850675, -0.39730842],
       [ 0.05296637, -0.13276396],
       [-0.10135367,  0.25405016]])]
input:  [[ 0.8708618 ]
 [-0.61292545]
 [ 0.68318458]]
activations:  [array([[ 0.8708618 ],
       [-0.61292545],
       [ 0.68318458]]), array([[ 0.45882803],
       [-1.64444155]]), array([[ 1.69223236],
       [ 0.49058466],
       [ 1.27529607]])]
cost derivative:  [[ 0.82137056]
 [ 1.10351011]
 [ 0.59211149]]
unit step:  1
delta:  [[ 0.82137056]
 [ 1.10351011]
 [ 0.59211149]]
delta b updated:  [array([[ 0.30816901],
       [ 2.06817281]]), array([[ 0.82137056],
       [ 1.10351011],
       [ 0.59211149]])]
delta w updated: [array([[ 0.26837262, -0.18888463,  0.21053632],
       [ 1.8010927 , -1.26763576,  1.41294378]]), array([[ 0.37686783, -1.35069587],
       [ 0.50632137, -1.81465788],
       [ 0.27167735, -0.97369273]])]
input:  [[-0.84182799]
 [-0.0479054 ]
 [ 1.05215254]]
activations:  [array([[-0.84182799],
       [-0.0479054 ],
       [ 1.05215254]]), array([[ 0.10400086],
       [-0.28618758]]), array([[ 0.23974469],
       [ 0.31986014],
       [ 0.31894284]])]
cost derivative:  [[ 1.08157268]
 [ 0.36776554]
 [-0.7332097 ]]
unit step:  1
delta:  [[ 1.08157268]
 [ 0.36776554]
 [-0.7332097 ]]
delta b updated:  [array([[ 0.07659217],
       [ 0.14119448]]), array([[ 1.08157268],
       [ 0.36776554],
       [-0.7332097 ]])]
delta w updated: [array([[-0.06447744, -0.00366918,  0.08058665],
       [-0.11886146, -0.00676398,  0.14855813]]), array([[ 0.11248448, -0.30953266],
       [ 0.03824793, -0.10524993],
       [-0.07625444,  0.20983551]])]
input:  [[-0.64415088]
 [-0.04291088]
 [ 1.05873279]]
activations:  [array([[-0.64415088],
       [-0.04291088],
       [ 1.05873279]]), array([[ 0.15642351],
       [-0.40350613]]), array([[ 0.39355923],
       [ 0.31910596],
       [ 0.41481126]])]
cost derivative:  [[ 1.03771011]
 [ 0.36201684]
 [-0.64392153]]
unit step:  1
delta:  [[ 1.03771011]
 [ 0.36201684]
 [-0.64392153]]
delta b updated:  [array([[ 0.1150994 ],
       [ 0.20521495]]), array([[ 1.03771011],
       [ 0.36201684],
       [-0.64392153]])]
delta w updated: [array([[-0.07414138, -0.00493902,  0.12185951],
       [-0.13218939, -0.00880595,  0.2172678 ]]), array([[ 0.16232226, -0.41872239],
       [ 0.05662794, -0.14607601],
       [-0.10072446,  0.25982628]])]
input:  [[ 0.86696128]
 [-0.9878016 ]
 [ 0.42060282]]
activations:  [array([[ 0.86696128],
       [-0.9878016 ],
       [ 0.42060282]]), array([[ 0.39572198],
       [-1.85637971]]), array([[ 1.7594347 ],
       [ 0.59805194],
       [ 1.35337789]])]
cost derivative:  [[ 0.89247342]
 [ 1.58585354]
 [ 0.93277507]]
unit step:  1
delta:  [[ 0.89247342]
 [ 1.58585354]
 [ 0.93277507]]
delta b updated:  [array([[ 0.25015644],
       [ 3.04857311]]), array([[ 0.89247342],
       [ 1.58585354],
       [ 0.93277507]])]
delta w updated: [array([[ 0.21687595, -0.24710494,  0.10521651],
       [ 2.64299485, -3.01138539,  1.28223846]]), array([[ 0.35317135, -1.65676955],
       [ 0.6275571 , -2.94394634],
       [ 0.3691196 , -1.73158471]])]
input:  [[ 0.65264831]
 [-1.09966686]
 [ 0.33892295]]
activations:  [array([[ 0.65264831],
       [-1.09966686],
       [ 0.33892295]]), array([[ 0.32103758],
       [-1.79248953]]), array([[ 1.61300212],
       [ 0.62832462],
       [ 1.27226181]])]
cost derivative:  [[ 0.96035381]
 [ 1.72799148]
 [ 0.93333886]]
unit step:  1
delta:  [[ 0.96035381]
 [ 1.72799148]
 [ 0.93333886]]
delta b updated:  [array([[ 0.19980902],
       [ 3.10542352]]), array([[ 0.96035381],
       [ 1.72799148],
       [ 0.93333886]])]
delta w updated: [array([[ 0.13040502, -0.21972336,  0.06771986],
       [ 2.0267494 , -3.41493133,  1.05249929]]), array([[ 0.30830967, -1.72142415],
       [ 0.55475021, -3.09740664],
       [ 0.29963685, -1.67300014]])]
input:  [[ 0.48228053]
 [-1.0036456 ]
 [ 0.40350862]]
activations:  [array([[ 0.48228053],
       [-1.0036456 ],
       [ 0.40350862]]), array([[ 0.29216412],
       [-1.63708717]]), array([[ 1.46131764],
       [ 0.59860462],
       [ 1.16877292]])]
cost derivative:  [[ 0.9790371 ]
 [ 1.60225021]
 [ 0.76526429]]
unit step:  1
delta:  [[ 0.9790371 ]
 [ 1.60225021]
 [ 0.76526429]]
delta b updated:  [array([[ 0.18521403],
       [ 2.64049959]]), array([[ 0.9790371 ],
       [ 1.60225021],
       [ 0.76526429]])]
delta w updated: [array([[ 0.08932512, -0.18588925,  0.07473546],
       [ 1.27346155, -2.65012579,  1.06546436]]), array([[ 0.28603952, -1.60276908],
       [ 0.46812003, -2.62302327],
       [ 0.22358277, -1.25280436]])]
input:  [[-0.50926384]
 [-0.12696721]
 [ 1.0019727 ]]
activations:  [array([[-0.50926384],
       [-0.12696721],
       [ 1.0019727 ]]), array([[ 0.17749489],
       [-0.53663199]]), array([[ 0.51531593],
       [ 0.34184785],
       [ 0.49876712]])]
cost derivative:  [[ 1.02457978]
 [ 0.46881505]
 [-0.50320558]]
unit step:  1
delta:  [[ 1.02457978]
 [ 0.46881505]
 [-0.50320558]]
delta b updated:  [array([[ 0.12913335],
       [ 0.32542088]]), array([[ 1.02457978],
       [ 0.46881505],
       [-0.50320558]])]
delta w updated: [array([[-0.06576295, -0.0163957 ,  0.1293881 ],
       [-0.16572509, -0.04131778,  0.32606284]]), array([[ 0.18185768, -0.54982229],
       [ 0.08321228, -0.25158116],
       [-0.08931642,  0.27003621]])]
input:  [[ 0.16203029]
 [-0.7336841 ]
 [ 0.58756508]]
activations:  [array([[ 0.16203029],
       [-0.7336841 ],
       [ 0.58756508]]), array([[ 0.25278428],
       [-1.29076772]]), array([[ 1.15780755],
       [ 0.51845826],
       [ 0.95557827]])]
cost derivative:  [[ 0.99577727]
 [ 1.25214236]
 [ 0.36801319]]
unit step:  1
delta:  [[ 0.99577727]
 [ 1.25214236]
 [ 0.36801319]]
delta b updated:  [array([[ 0.16753864],
       [ 1.67693975]]), array([[ 0.99577727],
       [ 1.25214236],
       [ 0.36801319]])]
delta w updated: [array([[ 0.02714633, -0.12292044,  0.09843986],
       [ 0.27171503, -1.23034403,  0.98531124]]), array([[ 0.25171684, -1.28531715],
       [ 0.3165219 , -1.61622493],
       [ 0.09302795, -0.47501954]])]
input:  [[ 0.81540173]
 [-0.27239952]
 [ 0.92078564]]
activations:  [array([[ 0.81540173],
       [-0.27239952],
       [ 0.92078564]]), array([[ 0.49944408],
       [-1.42740022]]), array([[ 1.58201229],
       [ 0.38605161],
       [ 1.1775853 ]])]
cost derivative:  [[ 0.76661056]
 [ 0.65845114]
 [ 0.25679966]]
unit step:  1
delta:  [[ 0.76661056]
 [ 0.65845114]
 [ 0.25679966]]
delta b updated:  [array([[ 0.35370307],
       [ 1.27323807]]), array([[ 0.76661056],
       [ 0.65845114],
       [ 0.25679966]])]
delta w updated: [array([[ 0.28841009, -0.09634855,  0.32568471],
       [ 1.03820053, -0.34682944,  1.17237934]]), array([[ 0.3828791 , -1.09426007],
       [ 0.32885952, -0.9398733 ],
       [ 0.12825707, -0.36655589]])]
input:  [[ 0.86939212]
 [-0.97796583]
 [ 0.42752859]]
activations:  [array([[ 0.86939212],
       [-0.97796583],
       [ 0.42752859]]), array([[ 0.39694633],
       [-1.86268526]]), array([[ 1.75859281],
       [ 0.58926364],
       [ 1.3532618 ]])]
cost derivative:  [[ 0.88920068]
 [ 1.56722947]
 [ 0.9257332 ]]
unit step:  1
delta:  [[ 0.88920068]
 [ 1.56722947]
 [ 0.9257332 ]]
delta b updated:  [array([[ 0.25188011],
       [ 3.01815147]]), array([[ 0.88920068],
       [ 1.56722947],
       [ 0.9257332 ]])]
delta w updated: [array([[ 0.21898259, -0.24633014,  0.10768595],
       [ 2.62395712, -2.95164901,  1.29034606]]), array([[ 0.35296495, -1.65630101],
       [ 0.62210599, -2.91925523],
       [ 0.3674664 , -1.7243496 ]])]
input:  [[-0.2918166 ]
 [-0.30711228]
 [ 0.87921038]]
activations:  [array([[-0.2918166 ],
       [-0.30711228],
       [ 0.87921038]]), array([[ 0.20410817],
       [-0.77484368]]), array([[ 0.71971139],
       [ 0.39285066],
       [ 0.64369036]])]
cost derivative:  [[ 1.011528  ]
 [ 0.69996294]
 [-0.23552001]]
unit step:  1
delta:  [[ 1.011528  ]
 [ 0.69996294]
 [-0.23552001]]
delta b updated:  [array([[ 0.14452896],
       [ 0.62817739]]), array([[ 1.011528  ],
       [ 0.69996294],
       [-0.23552001]])]
delta w updated: [array([[-0.04217595, -0.04438662,  0.12707136],
       [-0.18331259, -0.19292099,  0.55230008]]), array([[ 0.20646113, -0.78377607],
       [ 0.14286816, -0.54236186],
       [-0.04807156,  0.18249119]])]
input:  [[-0.88050667]
 [-0.13357725]
 [ 0.99155448]]
activations:  [array([[-0.88050667],
       [-0.13357725],
       [ 0.99155448]]), array([[ 0.07890195],
       [-0.31716993]]), array([[ 0.22441041],
       [ 0.34182755],
       [ 0.31945534]])]
cost derivative:  [[ 1.10491708]
 [ 0.4754048 ]
 [-0.67209914]]
unit step:  1
delta:  [[ 1.10491708]
 [ 0.4754048 ]
 [-0.67209914]]
delta b updated:  [array([[ 0.05740107],
       [ 0.18131572]]), array([[ 1.10491708],
       [ 0.4754048 ],
       [-0.67209914]])]
delta w updated: [array([[-0.05054202, -0.00766748,  0.05691629],
       [-0.1596497 , -0.02421965,  0.17978441]]), array([[ 0.08718011, -0.35044647],
       [ 0.03751036, -0.15078411],
       [-0.05302993,  0.21316964]])]
input:  [[-0.84595787]
 [-0.05303528]
 [ 1.04849575]]
activations:  [array([[-0.84595787],
       [-0.05303528],
       [ 1.04849575]]), array([[ 0.10114876],
       [-0.292567  ]]), array([[ 0.23578688],
       [ 0.31862192],
       [ 0.31962614]])]
cost derivative:  [[ 1.08174476]
 [ 0.3716572 ]
 [-0.72886961]]
unit step:  1
delta:  [[ 1.08174476]
 [ 0.3716572 ]
 [-0.72886961]]
delta b updated:  [array([[ 0.07439089],
       [ 0.14409391]]), array([[ 1.08174476],
       [ 0.3716572 ],
       [-0.72886961]])]
delta w updated: [array([[-0.06293156, -0.00394534,  0.07799853],
       [-0.12189738, -0.00764206,  0.15108186]]), array([[ 0.10941714, -0.31648282],
       [ 0.03759267, -0.10873463],
       [-0.07372426,  0.2132432 ]])]
input:  [[ 0.18458517]
 [-0.75451282]
 [ 0.57333073]]
activations:  [array([[ 0.18458517],
       [-0.75451282],
       [ 0.57333073]]), array([[ 0.25458809],
       [-1.320894  ]]), array([[ 1.17741334],
       [ 0.52180004],
       [ 0.97222855]])]
cost derivative:  [[ 0.99282817]
 [ 1.27631285]
 [ 0.39889782]]
unit step:  1
delta:  [[ 0.99282817]
 [ 1.27631285]
 [ 0.39889782]]
delta b updated:  [array([[ 0.16784978],
       [ 1.73898032]]), array([[ 0.99282817],
       [ 1.27631285],
       [ 0.39889782]])]
delta w updated: [array([[ 0.03098258, -0.12664481,  0.09623344],
       [ 0.32098998, -1.31208294,  0.99701086]]), array([[ 0.25276223, -1.31142077],
       [ 0.32493406, -1.68587399],
       [ 0.10155463, -0.52690173]])]
input:  [[-0.80860522]
 [-0.02154802]
 [ 1.07112836]]
activations:  [array([[-0.80860522],
       [-0.02154802],
       [ 1.07112836]]), array([[ 0.11594147],
       [-0.2984286 ]]), array([[ 0.25872243],
       [ 0.30928449],
       [ 0.3317606 ]])]
cost derivative:  [[ 1.06732765]
 [ 0.33083251]
 [-0.73936776]]
unit step:  1
delta:  [[ 1.06732765]
 [ 0.33083251]
 [-0.73936776]]
delta b updated:  [array([[ 0.08562596],
       [ 0.1382899 ]]), array([[ 1.06732765],
       [ 0.33083251],
       [-0.73936776]])]
delta w updated: [array([[-0.0692376 , -0.00184507,  0.09171639],
       [-0.11182194, -0.00297987,  0.14812624]]), array([[ 0.12374753, -0.3185211 ],
       [ 0.03835721, -0.09872988],
       [-0.08572338,  0.22064849]])]
input:  [[ 0.88021093]
 [-0.91040425]
 [ 0.47500981]]
activations:  [array([[ 0.88021093],
       [-0.91040425],
       [ 0.47500981]]), array([[ 0.41042088],
       [-1.83538742]]), array([[ 1.75169805],
       [ 0.56643076],
       [ 1.34590164]])]
cost derivative:  [[ 0.87148712]
 [ 1.476835  ]
 [ 0.87089183]]
unit step:  1
delta:  [[ 0.87148712]
 [ 1.476835  ]
 [ 0.87089183]]
delta b updated:  [array([[ 0.26290229],
       [ 2.83702081]]), array([[ 0.87148712],
       [ 1.476835  ],
       [ 0.87089183]])]
delta w updated: [array([[ 0.23140947, -0.23934736,  0.12488117],
       [ 2.49717674, -2.5828358 ,  1.34761272]]), array([[ 0.35767651, -1.5995165 ],
       [ 0.60612392, -2.71056439],
       [ 0.35743219, -1.5984239 ]])]
input:  [[ 0.87867669]
 [-0.69203369]
 [ 0.62790797]]
activations:  [array([[ 0.87867669],
       [-0.69203369],
       [ 0.62790797]]), array([[ 0.44577906],
       [-1.71265305]]), array([[ 1.70914931],
       [ 0.50248615],
       [ 1.2989573 ]])]
cost derivative:  [[ 0.83047262]
 [ 1.19451984]
 [ 0.67104933]]
unit step:  1
delta:  [[ 0.83047262]
 [ 1.19451984]
 [ 0.67104933]]
delta b updated:  [array([[ 0.29599828],
       [ 2.26129898]]), array([[ 0.83047262],
       [ 1.19451984],
       [ 0.67104933]])]
delta w updated: [array([[ 0.26008679, -0.20484079,  0.18585968],
       [ 1.98695071, -1.56489509,  1.41988766]]), array([[ 0.3702073 , -1.42231146],
       [ 0.53249193, -2.04579804],
       [ 0.29913974, -1.14927468]])]
input:  [[ 0.49203326]
 [-1.01050411]
 [ 0.39885779]]
activations:  [array([[ 0.49203326],
       [-1.01050411],
       [ 0.39885779]]), array([[ 0.29208061],
       [-1.65969022]]), array([[ 1.466544  ],
       [ 0.59274707],
       [ 1.17716892]])]
cost derivative:  [[ 0.97451074]
 [ 1.60325117]
 [ 0.77831114]]
unit step:  1
delta:  [[ 0.97451074]
 [ 1.60325117]
 [ 0.77831114]]
delta b updated:  [array([[ 0.18456265],
       [ 2.66074291]]), array([[ 0.97451074],
       [ 1.60325117],
       [ 0.77831114]])]
delta w updated: [array([[ 0.09081096, -0.18650132,  0.07361425],
       [ 1.30917399, -2.68869163,  1.06125803]]), array([[ 0.28463569, -1.61738595],
       [ 0.46827857, -2.66090029],
       [ 0.22732959, -1.29175538]])]
input:  [[ 0.66063379]
 [-1.10247317]
 [ 0.33708225]]
activations:  [array([[ 0.66063379],
       [-1.10247317],
       [ 0.33708225]]), array([[ 0.3207617 ],
       [-1.81756223]]), array([[ 1.6163623 ],
       [ 0.61781356],
       [ 1.27915458]])]
cost derivative:  [[ 0.95572851]
 [ 1.72028673]
 [ 0.94207233]]
unit step:  1
delta:  [[ 0.95572851]
 [ 1.72028673]
 [ 0.94207233]]
delta b updated:  [array([[ 0.19970224],
       [ 3.11065886]]), array([[ 0.95572851],
       [ 1.72028673],
       [ 0.94207233]])]
delta w updated: [array([[ 0.13193005, -0.22016636,  0.06731608],
       [ 2.05500634, -3.42941793,  1.0485479 ]]), array([[ 0.3065611 , -1.73709605],
       [ 0.55180209, -3.12672819],
       [ 0.30218072, -1.71227509]])]
input:  [[-0.8624718 ]
 [-0.58812709]
 [ 0.67352033]]
activations:  [array([[-0.8624718 ],
       [-0.58812709],
       [ 0.67352033]]), array([[ 0.00802219],
       [-0.59280144]]), array([[ 0.3242847 ],
       [ 0.46953856],
       [ 0.42553776]])]
cost derivative:  [[ 1.1867565 ]
 [ 1.05766565]
 [-0.24798257]]
unit step:  1
delta:  [[ 1.1867565 ]
 [ 1.05766565]
 [-0.24798257]]
delta b updated:  [array([[ 0.00545771],
       [ 0.61071171]]), array([[ 1.1867565 ],
       [ 1.05766565],
       [-0.24798257]])]
delta w updated: [array([[-0.00470712, -0.00320983,  0.00367588],
       [-0.52672163, -0.3591761 ,  0.41132675]]), array([[ 0.00952039, -0.70351096],
       [ 0.00848479, -0.62698571],
       [-0.00198936,  0.14700442]])]
input:  [[-0.80786871]
 [-0.86671599]
 [ 0.47927961]]
activations:  [array([[-0.80786871],
       [-0.86671599],
       [ 0.47927961]]), array([[-0.02370612],
       [-0.78606511]]), array([[ 0.42004118],
       [ 0.54891424],
       [ 0.51159296]])]
cost derivative:  [[ 1.22790989]
 [ 1.41563022]
 [ 0.03231335]]
unit step:  1
delta:  [[ 1.22790989]
 [ 1.41563022]
 [ 0.03231335]]
delta b updated:  [array([[-0.01544299],
       [ 1.03604379]]), array([[ 1.22790989],
       [ 1.41563022],
       [ 0.03231335]])]
delta w updated: [array([[ 0.01247591,  0.01338469, -0.00740151],
       [-0.83698735, -0.89795571,  0.49655466]]), array([[ -2.91089779e-02,  -9.65217128e-01],
       [ -3.35590984e-02,  -1.11277754e+00],
       [ -7.66024201e-04,  -2.54003999e-02]])]
input:  [[ 0.08239468]
 [-0.65908384]
 [ 0.63856482]]
activations:  [array([[ 0.08239468],
       [-0.65908384],
       [ 0.63856482]]), array([[ 0.24286748],
       [-1.21348702]]), array([[ 1.07797171],
       [ 0.48829519],
       [ 0.90327267]])]
cost derivative:  [[ 0.99557702]
 [ 1.14737903]
 [ 0.26470785]]
unit step:  1
delta:  [[ 0.99557702]
 [ 1.14737903]
 [ 0.26470785]]
delta b updated:  [array([[ 0.16303424],
       [ 1.45287518]]), array([[ 0.99557702],
       [ 1.14737903],
       [ 0.26470785]])]
delta w updated: [array([[ 0.01343315, -0.10745323,  0.10410793],
       [ 0.11970919, -0.95756655,  0.92775497]]), array([[ 0.24179329, -1.2081198 ],
       [ 0.27866106, -1.39232956],
       [ 0.06428893, -0.32121955]])]
input:  [[-0.87575982]
 [-0.11553038]
 [ 1.00426649]]
activations:  [array([[-0.87575982],
       [-0.11553038],
       [ 1.00426649]]), array([[ 0.08245857],
       [-0.31654956]]), array([[ 0.22363503],
       [ 0.33338694],
       [ 0.32007834]])]
cost derivative:  [[ 1.09939484]
 [ 0.44891732]
 [-0.68418815]]
unit step:  1
delta:  [[ 1.09939484]
 [ 0.44891732]
 [-0.68418815]]
delta b updated:  [array([[ 0.06024127],
       [ 0.173421  ]]), array([[ 1.09939484],
       [ 0.44891732],
       [-0.68418815]])]
delta w updated: [array([[-0.05275688, -0.0069597 ,  0.06049829],
       [-0.15187514, -0.02003539,  0.1741609 ]]), array([[ 0.09065453, -0.34801296],
       [ 0.03701708, -0.14210458],
       [-0.05641718,  0.21657946]])]
input:  [[-0.78075027]
 [-0.98418159]
 [ 0.39744286]]
activations:  [array([[-0.78075027],
       [-0.98418159],
       [ 0.39744286]]), array([[-0.03614387],
       [-0.87178559]]), array([[ 0.46307809],
       [ 0.58141477],
       [ 0.55078284]])]
cost derivative:  [[ 1.24382836]
 [ 1.56559636]
 [ 0.15333998]]
unit step:  1
delta:  [[ 1.24382836]
 [ 1.56559636]
 [ 0.15333998]]
delta b updated:  [array([[-0.02311274],
       [ 1.25308079]]), array([[ 1.24382836],
       [ 1.56559636],
       [ 0.15333998]])]
delta w updated: [array([[ 0.01804528,  0.02274713, -0.00918599],
       [-0.97834317, -1.23325904,  0.49802801]]), array([[-0.04495677, -1.08435164],
       [-0.05658671, -1.36486435],
       [-0.0055423 , -0.13367959]])]
input:  [[-0.89356616]
 [-0.27608096]
 [ 0.89155731]]
activations:  [array([[-0.89356616],
       [-0.27608096],
       [ 0.89155731]]), array([[ 0.0512811 ],
       [-0.39861325]]), array([[ 0.2400555 ],
       [ 0.37878039],
       [ 0.34615089]])]
cost derivative:  [[ 1.13362166]
 [ 0.65486135]
 [-0.54540642]]
unit step:  1
delta:  [[ 1.13362166]
 [ 0.65486135]
 [-0.54540642]]
delta b updated:  [array([[ 0.03663558],
       [ 0.28220421]]), array([[ 1.13362166],
       [ 0.65486135],
       [-0.54540642]])]
delta w updated: [array([[-0.03273632, -0.01011439,  0.03266272],
       [-0.25216813, -0.07791121,  0.25160122]]), array([[ 0.05813337, -0.45187661],
       [ 0.03358201, -0.26103641],
       [-0.02796904,  0.21740622]])]
input:  [[ 0.53959763]
 [-1.04203725]
 [ 0.37751727]]
activations:  [array([[ 0.53959763],
       [-1.04203725],
       [ 0.37751727]]), array([[ 0.29884568],
       [-1.71439875]]), array([[ 1.50705379],
       [ 0.59498044],
       [ 1.20903914]])]
cost derivative:  [[ 0.96745616]
 [ 1.63701769]
 [ 0.83152187]]
unit step:  1
delta:  [[ 0.96745616]
 [ 1.63701769]
 [ 0.83152187]]
delta b updated:  [array([[ 0.18815283],
       [ 2.79090829]]), array([[ 0.96745616],
       [ 1.63701769],
       [ 0.83152187]])]
delta w updated: [array([[ 0.10152682, -0.19606226,  0.07103094],
       [ 1.50596749, -2.9082304 ,  1.05361607]]), array([[ 0.28912009, -1.65860563],
       [ 0.48921567, -2.80650108],
       [ 0.24849672, -1.42556005]])]
input:  [[ 0.84514637]
 [-1.04575562]
 [ 0.37967818]]
activations:  [array([[ 0.84514637],
       [-1.04575562],
       [ 0.37967818]]), array([[ 0.37779607],
       [-1.90604483]]), array([[ 1.74701999],
       [ 0.59401468],
       [ 1.35915757]])]
cost derivative:  [[ 0.90187362]
 [ 1.6397703 ]
 [ 0.97947938]]
unit step:  1
delta:  [[ 0.90187362]
 [ 1.6397703 ]
 [ 0.97947938]]
delta b updated:  [array([[ 0.23763914],
       [ 3.16353674]]), array([[ 0.90187362],
       [ 1.6397703 ],
       [ 0.97947938]])]
delta w updated: [array([[ 0.20083985, -0.24851246,  0.0902264 ],
       [ 2.6736516 , -3.30828632,  1.20112587]]), array([[ 0.3407243 , -1.71901154],
       [ 0.61949877, -3.12547569],
       [ 0.37004346, -1.86693161]])]
input:  [[ 0.87519723]
 [-0.65344906]
 [ 0.65487403]]
activations:  [array([[ 0.87519723],
       [-0.65344906],
       [ 0.65487403]]), array([[ 0.4501761 ],
       [-1.70247756]]), array([[ 1.69621542],
       [ 0.4806152 ],
       [ 1.29061285]])]
cost derivative:  [[ 0.82101819]
 [ 1.13406426]
 [ 0.63573882]]
unit step:  1
delta:  [[ 0.82101819]
 [ 1.13406426]
 [ 0.63573882]]
delta b updated:  [array([[ 0.30197387],
       [ 2.15195493]]), array([[ 0.82101819],
       [ 1.13406426],
       [ 0.63573882]])]
delta w updated: [array([[ 0.2642867 , -0.19732454,  0.19775485],
       [ 1.88338499, -1.40619292,  1.4092594 ]]), array([[ 0.36960277, -1.39776505],
       [ 0.51052862, -1.93071895],
       [ 0.28619442, -1.08233108]])]
input:  [[-0.24775025]
 [-0.34713934]
 [ 0.85186713]]
activations:  [array([[-0.24775025],
       [-0.34713934],
       [ 0.85186713]]), array([[ 0.20767653],
       [-0.83893649]]), array([[ 0.75881251],
       [ 0.395564  ],
       [ 0.67699102]])]
cost derivative:  [[ 1.00656276]
 [ 0.74270335]
 [-0.17487611]]
unit step:  1
delta:  [[ 1.00656276]
 [ 0.74270335]
 [-0.17487611]]
delta b updated:  [array([[ 0.1465613],
       [ 0.7054592]]), array([[ 1.00656276],
       [ 0.74270335],
       [-0.17487611]])]
delta w updated: [array([[-0.0363106 , -0.05087719,  0.12485075],
       [-0.17477769, -0.24489264,  0.6009575 ]]), array([[ 0.20903946, -0.84444223],
       [ 0.15424205, -0.62308094],
       [-0.03631766,  0.14670995]])]
input:  [[-0.87312378]
 [-0.10708939]
 [ 1.01021872]]
activations:  [array([[-0.87312378],
       [-0.10708939],
       [ 1.01021872]]), array([[ 0.0841423],
       [-0.3176066]]), array([[ 0.22339688],
       [ 0.32877604],
       [ 0.32082409]])]
cost derivative:  [[ 1.09652067]
 [ 0.43586543]
 [-0.68939462]]
unit step:  1
delta:  [[ 1.09652067]
 [ 0.43586543]
 [-0.68939462]]
delta b updated:  [array([[ 0.0616125 ],
       [ 0.17016048]]), array([[ 1.09652067],
       [ 0.43586543],
       [-0.68939462]])]
delta w updated: [array([[-0.05379534, -0.00659804,  0.0622421 ],
       [-0.14857116, -0.01822238,  0.1718993 ]]), array([[ 0.09226377, -0.3482622 ],
       [ 0.03667472, -0.13843374],
       [-0.05800725,  0.21895628]])]
input:  [[-0.57477534]
 [-0.08211458]
 [ 1.03236081]]
activations:  [array([[-0.57477534],
       [-0.08211458],
       [ 1.03236081]]), array([[ 0.16601391],
       [-0.48661982]]), array([[ 0.4517012 ],
       [ 0.32074251],
       [ 0.4616233 ]])]
cost derivative:  [[ 1.02647653]
 [ 0.40285709]
 [-0.5707375 ]]
unit step:  1
delta:  [[ 1.02647653]
 [ 0.40285709]
 [-0.5707375 ]]
delta b updated:  [array([[ 0.12180544],
       [ 0.26289641]]), array([[ 1.02647653],
       [ 0.40285709],
       [-0.5707375 ]])]
delta w updated: [array([[-0.07001076, -0.010002  ,  0.12574716],
       [-0.15110637, -0.02158763,  0.27140395]]), array([[ 0.17040938, -0.49950382],
       [ 0.06687988, -0.19603824],
       [-0.09475036,  0.27773218]])]
input:  [[-0.45000473]
 [-0.17220518]
 [ 0.97121724]]
activations:  [array([[-0.45000473],
       [-0.17220518],
       [ 0.97121724]]), array([[ 0.18358534],
       [-0.61512939]]), array([[ 0.5660242 ],
       [ 0.34596167],
       [ 0.54199897]])]
cost derivative:  [[ 1.01602893]
 [ 0.51816685]
 [-0.42921827]]
unit step:  1
delta:  [[ 1.01602893]
 [ 0.51816685]
 [-0.42921827]]
delta b updated:  [array([[ 0.13282448],
       [ 0.39557916]]), array([[ 1.01602893],
       [ 0.51816685],
       [-0.42921827]])]
delta w updated: [array([[-0.05977164, -0.02287306,  0.12900142],
       [-0.17801249, -0.06812078,  0.3841933 ]]), array([[ 0.18652801, -0.62498926],
       [ 0.09512784, -0.31873966],
       [-0.07879818,  0.26402477]])]
input:  [[-0.58378371]
 [-0.07647514]
 [ 1.03616955]]
activations:  [array([[-0.58378371],
       [-0.07647514],
       [ 1.03616955]]), array([[ 0.1643968 ],
       [-0.47836458]]), array([[ 0.44280216],
       [ 0.31905605],
       [ 0.4566133 ]])]
cost derivative:  [[ 1.02658587]
 [ 0.39553119]
 [-0.57955625]]
unit step:  1
delta:  [[ 1.02658587]
 [ 0.39553119]
 [-0.57955625]]
delta b updated:  [array([[ 0.12059191],
       [ 0.25489303]]), array([[ 1.02658587],
       [ 0.39553119],
       [-0.57955625]])]
delta w updated: [array([[-0.07039959, -0.00922228,  0.12495366],
       [-0.1488024 , -0.01949298,  0.2641124 ]]), array([[ 0.16876744, -0.49108232],
       [ 0.06502406, -0.18920811],
       [-0.0952772 ,  0.27723918]])]
input:  [[ 0.77023174]
 [-0.06266718]
 [ 1.0669541 ]]
activations:  [array([[ 0.77023174],
       [-0.06266718],
       [ 1.0669541 ]]), array([[ 0.51977577],
       [-1.30181008]]), array([[ 1.49858789],
       [ 0.31087365],
       [ 1.11581867]])]
cost derivative:  [[ 0.72835615]
 [ 0.37354083]
 [ 0.04886457]]
unit step:  1
delta:  [[ 0.72835615]
 [ 0.37354083]
 [ 0.04886457]]
delta b updated:  [array([[ 0.37969376],
       [ 0.85196927]]), array([[ 0.72835615],
       [ 0.37354083],
       [ 0.04886457]])]
delta w updated: [array([[ 0.29245219, -0.02379434,  0.40511581],
       [ 0.65621378, -0.05339051,  0.90901211]]), array([[ 0.37858188, -0.94818137],
       [ 0.19415747, -0.48627922],
       [ 0.02539862, -0.06361239]])]
input:  [[ 0.61112977]
 [-1.08199651]
 [ 0.35064981]]
activations:  [array([[ 0.61112977],
       [-1.08199651],
       [ 0.35064981]]), array([[ 0.30980744],
       [-1.78947225]]), array([[ 1.5670011 ],
       [ 0.60103927],
       [ 1.25434933]])]
cost derivative:  [[ 0.95587133]
 [ 1.68303578]
 [ 0.90369952]]
unit step:  1
delta:  [[ 0.95587133]
 [ 1.68303578]
 [ 0.90369952]]
delta b updated:  [array([[ 0.19302885],
       [ 2.97639609]]), array([[ 0.95587133],
       [ 1.68303578],
       [ 0.90369952]])]
delta w updated: [array([[ 0.11796568, -0.20885654,  0.06768553],
       [ 1.81896425, -3.22045019,  1.04367272]]), array([[ 0.29613605, -1.71050523],
       [ 0.52141701, -3.01174584],
       [ 0.27997284, -1.61714522]])]
input:  [[ 0.25151697]
 [-0.81524509]
 [ 0.53184446]]
activations:  [array([[ 0.25151697],
       [-0.81524509],
       [ 0.53184446]]), array([[ 0.2598946 ],
       [-1.41786668]]), array([[ 1.23547025],
       [ 0.52509202],
       [ 1.02201191]])]
cost derivative:  [[ 0.98395327]
 [ 1.34033711]
 [ 0.49016745]]
unit step:  1
delta:  [[ 0.98395327]
 [ 1.34033711]
 [ 0.49016745]]
delta b updated:  [array([[ 0.16972884],
       [ 1.92332235]]), array([[ 0.98395327],
       [ 1.34033711],
       [ 0.49016745]])]
delta w updated: [array([[ 0.04268969, -0.13837061,  0.09026935],
       [ 0.48374822, -1.5679791 ,  1.02290834]]), array([[ 0.25572414, -1.39511456],
       [ 0.34834637, -1.90041933],
       [ 0.12739187, -0.69499209]])]
input:  [[-0.34591249]
 [-0.2591908 ]
 [ 0.91192558]]
activations:  [array([[-0.34591249],
       [-0.2591908 ],
       [ 0.91192558]]), array([[ 0.19579588],
       [-0.73230914]]), array([[ 0.66270286],
       [ 0.36883121],
       [ 0.61217836]])]
cost derivative:  [[ 1.00861535]
 [ 0.62802201]
 [-0.29974722]]
unit step:  1
delta:  [[ 1.00861535]
 [ 0.62802201]
 [-0.29974722]]
delta b updated:  [array([[ 0.13967227],
       [ 0.54000937]]), array([[ 1.00861535],
       [ 0.62802201],
       [-0.29974722]])]
delta w updated: [array([[-0.04831438, -0.03620177,  0.12737072],
       [-0.18679599, -0.13996546,  0.49244835]]), array([[ 0.19748273, -0.73861824],
       [ 0.12296412, -0.45990626],
       [-0.05868927,  0.21950763]])]
input:  [[-0.8199447 ]
 [-0.81128412]
 [ 0.51790952]]
activations:  [array([[-0.8199447 ],
       [-0.81128412],
       [ 0.51790952]]), array([[-0.01898486],
       [-0.75844433]]), array([[ 0.39664614],
       [ 0.52708552],
       [ 0.49794196]])]
cost derivative:  [[ 1.21659084]
 [ 1.33836964]
 [-0.01996756]]
unit step:  1
delta:  [[ 1.21659084]
 [ 1.33836964]
 [-0.01996756]]
delta b updated:  [array([[-0.01246335],
       [ 0.942893  ]]), array([[ 1.21659084],
       [ 1.33836964],
       [-0.01996756]])]
delta w updated: [array([[ 0.01021926,  0.01011132, -0.00645489],
       [-0.77312012, -0.76495412,  0.48833326]]), array([[ -2.30968116e-02,  -9.22716430e-01],
       [ -2.54087655e-02,  -1.01507887e+00],
       [  3.79081316e-04,   1.51442790e-02]])]
input:  [[ 0.61963995]
 [-1.08600301]
 [ 0.34797682]]
activations:  [array([[ 0.61963995],
       [-1.08600301],
       [ 0.34797682]]), array([[ 0.31100951],
       [-1.80181521]]), array([[ 1.57304499],
       [ 0.59821499],
       [ 1.26011545]])]
cost derivative:  [[ 0.95340504]
 [ 1.68421801]
 [ 0.91213863]]
unit step:  1
delta:  [[ 0.95340504]
 [ 1.68421801]
 [ 0.91213863]]
delta b updated:  [array([[ 0.19380212],
       [ 2.99230066]]), array([[ 0.95340504],
       [ 1.68421801],
       [ 0.91213863]])]
delta w updated: [array([[ 0.12008754, -0.21046969,  0.06743865],
       [ 1.85414903, -3.24964754,  1.04125127]]), array([[ 0.29651803, -1.71785971],
       [ 0.52380781, -3.03464962],
       [ 0.28368378, -1.64350525]])]
input:  [[ 0.87164646]
 [-0.96772944]
 [ 0.43473216]]
activations:  [array([[ 0.87164646],
       [-0.96772944],
       [ 0.43473216]]), array([[ 0.39604892],
       [-1.8914474 ]]), array([[ 1.74770403],
       [ 0.56199545],
       [ 1.35813965]])]
cost derivative:  [[ 0.87605757]
 [ 1.52972489]
 [ 0.92340748]]
unit step:  1
delta:  [[ 0.87605757]
 [ 1.52972489]
 [ 0.92340748]]
delta b updated:  [array([[ 0.25177818],
       [ 2.9589393 ]]), array([[ 0.87605757],
       [ 1.52972489],
       [ 0.92340748]])]
delta w updated: [array([[ 0.21946156, -0.24365315,  0.10945607],
       [ 2.57914897, -2.86345266,  1.28634608]]), array([[ 0.34696165, -1.65701681],
       [ 0.60584589, -2.89339416],
       [ 0.36571454, -1.74657668]])]
input:  [[-0.05527359]
 [-0.52809735]
 [ 0.72814612]]
activations:  [array([[-0.05527359],
       [-0.52809735],
       [ 0.72814612]]), array([[ 0.22684595],
       [-1.06997866]]), array([[ 0.94042114],
       [ 0.44102638],
       [ 0.81180555]])]
cost derivative:  [[ 0.99569473]
 [ 0.96912374]
 [ 0.08365943]]
unit step:  1
delta:  [[ 0.99569473]
 [ 0.96912374]
 [ 0.08365943]]
delta b updated:  [array([[ 0.15545466],
       [ 1.10317704]]), array([[ 0.99569473],
       [ 0.96912374],
       [ 0.08365943]])]
delta w updated: [array([[-0.00859254, -0.08209519,  0.11319371],
       [-0.06097655, -0.58258487,  0.80327408]]), array([[ 0.22586932, -1.06537211],
       [ 0.2198418 , -1.03694171],
       [ 0.0189778 , -0.08951381]])]
input:  [[ 0.88312225]
 [-0.76350839]
 [ 0.57792449]]
activations:  [array([[ 0.88312225],
       [-0.76350839],
       [ 0.57792449]]), array([[ 0.43242569],
       [-1.78434707]]), array([[ 1.71753381],
       [ 0.50205722],
       [ 1.32051888]])]
cost derivative:  [[ 0.83441157]
 [ 1.2655656 ]
 [ 0.74259439]]
unit step:  1
delta:  [[ 0.83441157]
 [ 1.2655656 ]
 [ 0.74259439]]
delta b updated:  [array([[ 0.28434852],
       [ 2.4223816 ]]), array([[ 0.83441157],
       [ 1.2655656 ],
       [ 0.74259439]])]
delta w updated: [array([[ 0.25111451, -0.21710248,  0.16433197],
       [ 2.13925909, -1.84950868,  1.39995365]]), array([[ 0.360821  , -1.48887984],
       [ 0.54726308, -2.25820828],
       [ 0.32111689, -1.32504612]])]
input:  [[ 0.60251976]
 [-1.07776145]
 [ 0.35348131]]
activations:  [array([[ 0.60251976],
       [-1.07776145],
       [ 0.35348131]]), array([[ 0.30716981],
       [-1.79462838]]), array([[ 1.55797258],
       [ 0.59129356],
       [ 1.25006525]])]
cost derivative:  [[ 0.95545282]
 [ 1.669055  ]
 [ 0.89658395]]
unit step:  1
delta:  [[ 0.95545282]
 [ 1.669055  ]
 [ 0.89658395]]
delta b updated:  [array([[ 0.19212044],
       [ 2.94476883]]), array([[ 0.95545282],
       [ 1.669055  ],
       [ 0.89658395]])]
delta w updated: [array([[ 0.11575636, -0.20706   ,  0.06791098],
       [ 1.77428141, -3.17375831,  1.04092073]]), array([[ 0.29348626, -1.71468275],
       [ 0.51268331, -2.99533348],
       [ 0.27540352, -1.609035  ]])]
input:  [[-0.88477696]
 [-0.42422919]
 [ 0.78794808]]
activations:  [array([[-0.88477696],
       [-0.42422919],
       [ 0.78794808]]), array([[ 0.0275639 ],
       [-0.50180147]]), array([[ 0.27258672],
       [ 0.41450468],
       [ 0.38464398]])]
cost derivative:  [[ 1.15736368]
 [ 0.83873387]
 [-0.4033041 ]]
unit step:  1
delta:  [[ 1.15736368]
 [ 0.83873387]
 [-0.4033041 ]]
delta b updated:  [array([[ 0.01926299],
       [ 0.42246381]]), array([[ 1.15736368],
       [ 0.83873387],
       [-0.4033041 ]])]
delta w updated: [array([[-0.01704345, -0.00817192,  0.01517823],
       [-0.37378625, -0.17922148,  0.33287955]]), array([[ 0.03190145, -0.5807668 ],
       [ 0.02311877, -0.42087789],
       [-0.01111663,  0.20237859]])]
input:  [[ 0.7843778 ]
 [-0.12539678]
 [ 1.02324597]]
activations:  [array([[ 0.7843778 ],
       [-0.12539678],
       [ 1.02324597]]), array([[ 0.51169757],
       [-1.35986642]]), array([[ 1.51888985],
       [ 0.31968672],
       [ 1.136955  ]])]
cost derivative:  [[ 0.73451205]
 [ 0.44508349]
 [ 0.11370903]]
unit step:  1
delta:  [[ 0.73451205]
 [ 0.44508349]
 [ 0.11370903]]
delta b updated:  [array([[ 0.37146723],
       [ 0.96324784]]), array([[ 0.73451205],
       [ 0.44508349],
       [ 0.11370903]])]
delta w updated: [array([[ 0.29137065, -0.04658079,  0.38010235],
       [ 0.75555022, -0.12078817,  0.98563947]]), array([[ 0.37584803, -0.99883827],
       [ 0.22774814, -0.60525409],
       [ 0.05818463, -0.15462909]])]
input:  [[ 0.8773334 ]
 [-0.93457826]
 [ 0.45803619]]
activations:  [array([[ 0.8773334 ],
       [-0.93457826],
       [ 0.45803619]]), array([[ 0.40194884],
       [-1.88508884]]), array([[ 1.74421124],
       [ 0.54706171],
       [ 1.35434147]])]
cost derivative:  [[ 0.86687784]
 [ 1.48163997]
 [ 0.89630528]]
unit step:  1
delta:  [[ 0.86687784]
 [ 1.48163997]
 [ 0.89630528]]
delta b updated:  [array([[ 0.25698124],
       [ 2.86654452]]), array([[ 0.86687784],
       [ 1.48163997],
       [ 0.89630528]])]
delta w updated: [array([[ 0.22545822, -0.24016908,  0.11770671],
       [ 2.51491526, -2.67901019,  1.31298113]]), array([[ 0.34844054, -1.63414174],
       [ 0.59554347, -2.79302297],
       [ 0.36026887, -1.68961507]])]
input:  [[ 0.13937598]
 [-0.71261405]
 [ 0.60196689]]
activations:  [array([[ 0.13937598],
       [-0.71261405],
       [ 0.60196689]]), array([[ 0.24627502],
       [-1.30330883]]), array([[ 1.12623193],
       [ 0.48804622],
       [ 0.94655658]])]
cost derivative:  [[ 0.98685596]
 [ 1.20066028]
 [ 0.3445897 ]]
unit step:  1
delta:  [[ 0.98685596]
 [ 1.20066028]
 [ 0.3445897 ]]
delta b updated:  [array([[ 0.16386237],
       [ 1.5973294 ]]), array([[ 0.98685596],
       [ 1.20066028],
       [ 0.3445897 ]])]
delta w updated: [array([[ 0.02283848, -0.11677063,  0.09863972],
       [ 0.22262935, -1.13827938,  0.96153941]]), array([[ 0.24303797, -1.28617808],
       [ 0.29569263, -1.56483114],
       [ 0.08486383, -0.4491068 ]])]
input:  [[-0.59269937]
 [-0.07103919]
 [ 1.03983725]]
activations:  [array([[-0.59269937],
       [-0.07103919],
       [ 1.03983725]]), array([[ 0.16160248],
       [-0.48089151]]), array([[ 0.4329976 ],
       [ 0.31193528],
       [ 0.45285378]])]
cost derivative:  [[ 1.02569696]
 [ 0.38297447]
 [-0.58698347]]
unit step:  1
delta:  [[ 1.02569696]
 [ 0.38297447]
 [-0.58698347]]
delta b updated:  [array([[ 0.11881517],
       [ 0.24867205]]), array([[ 1.02569696],
       [ 0.38297447],
       [-0.58698347]])]
delta w updated: [array([[-0.07042168, -0.00844053,  0.12354844],
       [-0.14738776, -0.01766546,  0.25857846]]), array([[ 0.16575518, -0.49324896],
       [ 0.06188963, -0.18416917],
       [-0.09485799,  0.28227536]])]
input:  [[ 0.8261106 ]
 [-0.32735242]
 [ 0.88246983]]
activations:  [array([[ 0.8261106 ],
       [-0.32735242],
       [ 0.88246983]]), array([[ 0.48851453],
       [-1.50648782]]), array([[ 1.58829948],
       [ 0.37412416],
       [ 1.20080644]])]
cost derivative:  [[ 0.76218888]
 [ 0.70147658]
 [ 0.31833661]]
unit step:  1
delta:  [[ 0.76218888]
 [ 0.70147658]
 [ 0.31833661]]
delta b updated:  [array([[ 0.34386184],
       [ 1.36978945]]), array([[ 0.76218888],
       [ 0.70147658],
       [ 0.31833661]])]
delta w updated: [array([[ 0.28406791, -0.112564  ,  0.3034477 ],
       [ 1.13159758, -0.44840389,  1.20879787]]), array([[ 0.37234035, -1.14822826],
       [ 0.3426815 , -1.05676592],
       [ 0.15551206, -0.47957022]])]
input:  [[-0.76193823]
 [-0.01066996]
 [ 1.07947387]]
activations:  [array([[-0.76193823],
       [-0.01066996],
       [ 1.07947387]]), array([[ 0.127269 ],
       [-0.3421729]]), array([[ 0.28891051],
       [ 0.29601393],
       [ 0.35770961]])]
cost derivative:  [[ 1.05084874]
 [ 0.30668389]
 [-0.72176426]]
unit step:  1
delta:  [[ 1.05084874]
 [ 0.30668389]
 [-0.72176426]]
delta b updated:  [array([[ 0.09435641],
       [ 0.15051379]]), array([[ 1.05084874],
       [ 0.30668389],
       [-0.72176426]])]
delta w updated: [array([[-0.07189375, -0.00100678,  0.10185527],
       [-0.11468221, -0.00160598,  0.1624757 ]]), array([[ 0.13374047, -0.35957197],
       [ 0.03903135, -0.10493892],
       [-0.09185822,  0.24696817]])]
input:  [[-0.11248479]
 [-0.47366382]
 [ 0.76537305]]
activations:  [array([[-0.11248479],
       [-0.47366382],
       [ 0.76537305]]), array([[ 0.21975306],
       [-1.01154294]]), array([[ 0.88268889],
       [ 0.42142928],
       [ 0.7736549 ]])]
cost derivative:  [[ 0.99517369]
 [ 0.8950931 ]
 [ 0.00828186]]
unit step:  1
delta:  [[ 0.99517369]
 [ 0.8950931 ]
 [ 0.00828186]]
delta b updated:  [array([[ 0.15159927],
       [ 0.97216304]]), array([[ 0.99517369],
       [ 0.8950931 ],
       [ 0.00828186]])]
delta w updated: [array([[-0.01705261, -0.07180709,  0.11603   ],
       [-0.10935356, -0.46047846,  0.74406738]]), array([[ 0.21869246, -1.00666092],
       [ 0.19669945, -0.90542511],
       [ 0.00181996, -0.00837745]])]
input:  [[-0.836243  ]
 [-0.73217645]
 [ 0.57305343]]
activations:  [array([[-0.836243  ],
       [-0.73217645],
       [ 0.57305343]]), array([[-0.01138279],
       [-0.71369173]]), array([[ 0.36664164],
       [ 0.49884565],
       [ 0.47509911]])]
cost derivative:  [[ 1.20288464]
 [ 1.23102211]
 [-0.09795433]]
unit step:  1
delta:  [[ 1.20288464]
 [ 1.23102211]
 [-0.09795433]]
delta b updated:  [array([[-0.00755963],
       [ 0.81734227]]), array([[ 1.20288464],
       [ 1.23102211],
       [-0.09795433]])]
delta w updated: [array([[ 0.00632169,  0.00553498, -0.00433207],
       [-0.68349675, -0.59843877,  0.46838079]]), array([[-0.01369218, -0.85848882],
       [-0.01401247, -0.8785703 ],
       [ 0.00111499,  0.06990919]])]
input:  [[-0.65236982]
 [-0.03900642]
 [ 1.06133886]]
activations:  [array([[-0.65236982],
       [-0.03900642],
       [ 1.06133886]]), array([[ 0.15092797],
       [-0.42767767]]), array([[ 0.37905886],
       [ 0.30261969],
       [ 0.41820049]])]
cost derivative:  [[ 1.03142868]
 [ 0.34162611]
 [-0.64313838]]
unit step:  1
delta:  [[ 1.03142868]
 [ 0.34162611]
 [-0.64313838]]
delta b updated:  [array([[ 0.11137982],
       [ 0.2041793 ]]), array([[ 1.03142868],
       [ 0.34162611],
       [-0.64313838]])]
delta w updated: [array([[-0.07266083, -0.00434453,  0.11821173],
       [-0.13320042, -0.0079643 ,  0.21670343]]), array([[ 0.15567143, -0.44111902],
       [ 0.05156093, -0.14610586],
       [-0.09706757,  0.27505592]])]
input:  [[ 0.21820126]
 [-0.78523648]
 [ 0.55233957]]
activations:  [array([[ 0.21820126],
       [-0.78523648],
       [ 0.55233957]]), array([[ 0.25422744],
       [-1.39723746]]), array([[ 1.19800782],
       [ 0.5052696 ],
       [ 1.00232719]])]
cost derivative:  [[ 0.97980656]
 [ 1.29050608]
 [ 0.44998762]]
unit step:  1
delta:  [[ 0.97980656]
 [ 1.29050608]
 [ 0.44998762]]
delta b updated:  [array([[ 0.16651522],
       [ 1.81520101]]), array([[ 0.97980656],
       [ 1.29050608],
       [ 0.44998762]])]
delta w updated: [array([[ 0.03633383, -0.13075382,  0.09197294],
       [ 0.39607915, -1.42536205,  1.00260734]]), array([[ 0.24909371, -1.36902242],
       [ 0.32808206, -1.80314344],
       [ 0.1143992 , -0.62873957]])]
input:  [[ 0.85258341]
 [-0.47941491]
 [ 0.77639526]]
activations:  [array([[ 0.85258341],
       [-0.47941491],
       [ 0.77639526]]), array([[ 0.46971707],
       [-1.61408352]]), array([[ 1.63439801],
       [ 0.41367738],
       [ 1.24743666]])]
cost derivative:  [[ 0.7818146 ]
 [ 0.89309228]
 [ 0.4710414 ]]
unit step:  1
delta:  [[ 0.7818146 ]
 [ 0.89309228]
 [ 0.4710414 ]]
delta b updated:  [array([[ 0.32205653],
       [ 1.70624031]]), array([[ 0.7818146 ],
       [ 0.89309228],
       [ 0.4710414 ]])]
delta w updated: [array([[ 0.27458006, -0.1543987 ,  0.25004316],
       [ 1.45471219, -0.81799704,  1.32471689]]), array([[ 0.36723167, -1.26191406],
       [ 0.41950069, -1.44152554],
       [ 0.22125619, -0.76030017]])]
input:  [[-0.74891835]
 [-0.01094122]
 [ 1.07948694]]
activations:  [array([[-0.74891835],
       [-0.01094122],
       [ 1.07948694]]), array([[ 0.13012794],
       [-0.35349383]]), array([[ 0.29798607],
       [ 0.29490659],
       [ 0.36558935]])]
cost derivative:  [[ 1.04690443]
 [ 0.30584781]
 [-0.7138976 ]]
unit step:  1
delta:  [[ 1.04690443]
 [ 0.30584781]
 [-0.7138976 ]]
delta b updated:  [array([[ 0.09642692],
       [ 0.15514718]]), array([[ 1.04690443],
       [ 0.30584781],
       [-0.7138976 ]])]
delta w updated: [array([[-0.07221589, -0.00105503,  0.1040916 ],
       [-0.11619257, -0.0016975 ,  0.16747935]]), array([[ 0.13623152, -0.37007425],
       [ 0.03979935, -0.10811531],
       [-0.09289803,  0.25235839]])]
input:  [[-0.36720003]
 [-0.24077752]
 [ 0.9244882 ]]
activations:  [array([[-0.36720003],
       [-0.24077752],
       [ 0.9244882 ]]), array([[ 0.19141946],
       [-0.72270544]]), array([[ 0.6382324 ],
       [ 0.35612112],
       [ 0.60118232]])]
cost derivative:  [[ 1.00543243]
 [ 0.59689864]
 [-0.32330588]]
unit step:  1
delta:  [[ 1.00543243]
 [ 0.59689864]
 [-0.32330588]]
delta b updated:  [array([[ 0.13678808],
       [ 0.50741276]]), array([[ 1.00543243],
       [ 0.59689864],
       [-0.32330588]])]
delta w updated: [array([[-0.05022859, -0.0329355 ,  0.12645897],
       [-0.18632198, -0.12217359,  0.46909711]]), array([[ 0.19245933, -0.72663148],
       [ 0.11425802, -0.43138189],
       [-0.06188704,  0.23365491]])]
input:  [[-0.3027292 ]
 [-0.29732748]
 [ 0.88589238]]
activations:  [array([[-0.3027292 ],
       [-0.29732748],
       [ 0.88589238]]), array([[ 0.19876783],
       [-0.79562373]]), array([[ 0.69868365],
       [ 0.37126408],
       [ 0.64498783]])]
cost derivative:  [[ 1.00141285]
 [ 0.66859155]
 [-0.24090454]]
unit step:  1
delta:  [[ 1.00141285]
 [ 0.66859155]
 [-0.24090454]]
delta b updated:  [array([[ 0.14071661],
       [ 0.60750105]]), array([[ 1.00141285],
       [ 0.66859155],
       [-0.24090454]])]
delta w updated: [array([[-0.04259903, -0.04183891,  0.12465977],
       [-0.18390831, -0.18062675,  0.53818055]]), array([[ 0.19904866, -0.79674782],
       [ 0.1328945 , -0.5319473 ],
       [-0.04788407,  0.19166937]])]
input:  [[ 0.3062507 ]
 [-0.86339003]
 [ 0.49898272]]
activations:  [array([[ 0.3062507 ],
       [-0.86339003],
       [ 0.49898272]]), array([[ 0.26372005],
       [-1.49988122]]), array([[ 1.27887578],
       [ 0.52425399],
       [ 1.06302789]])]
cost derivative:  [[ 0.97262508]
 [ 1.38764402]
 [ 0.56404517]]
unit step:  1
delta:  [[ 0.97262508]
 [ 1.38764402]
 [ 0.56404517]]
delta b updated:  [array([[ 0.16994244],
       [ 2.06909507]]), array([[ 0.97262508],
       [ 1.38764402],
       [ 0.56404517]])]
delta w updated: [array([[ 0.05204499, -0.14672661,  0.08479834],
       [ 0.63366181, -1.78643606,  1.03244268]]), array([[ 0.25650073, -1.4588221 ],
       [ 0.36594955, -2.08130121],
       [ 0.14875002, -0.84600076]])]
input:  [[-0.86603769]
 [-0.56591058]
 [ 0.68902265]]
activations:  [array([[-0.86603769],
       [-0.56591058],
       [ 0.68902265]]), array([[ 0.00767375],
       [-0.60364432]]), array([[ 0.31012908],
       [ 0.45037715],
       [ 0.42717895]])]
cost derivative:  [[ 1.17616677]
 [ 1.01628773]
 [-0.2618437 ]]
unit step:  1
delta:  [[ 1.17616677]
 [ 1.01628773]
 [-0.2618437 ]]
delta b updated:  [array([[ 0.00522573],
       [ 0.58662479]]), array([[ 1.17616677],
       [ 1.01628773],
       [-0.2618437 ]])]
delta w updated: [array([[-0.00452568, -0.00295729,  0.00360065],
       [-0.50803917, -0.33197717,  0.40419776]]), array([[ 0.00902561, -0.70998639],
       [ 0.00779874, -0.61347631],
       [-0.00200932,  0.15806046]])]
input:  [[-0.87822135]
 [-0.1243584 ]
 [ 0.99804596]]
activations:  [array([[-0.87822135],
       [-0.1243584 ],
       [ 0.99804596]]), array([[ 0.07738763],
       [-0.3413728 ]]), array([[ 0.21755761],
       [ 0.32686167],
       [ 0.32786496]])]
cost derivative:  [[ 1.09577896]
 [ 0.45122007]
 [-0.670181  ]]
unit step:  1
delta:  [[ 1.09577896]
 [ 0.45122007]
 [-0.670181  ]]
delta b updated:  [array([[ 0.05640835],
       [ 0.18294328]]), array([[ 1.09577896],
       [ 0.45122007],
       [-0.670181  ]])]
delta w updated: [array([[-0.04953902, -0.00701485,  0.05629812],
       [-0.16066469, -0.02275053,  0.1825858 ]]), array([[ 0.08479973, -0.37406913],
       [ 0.03491885, -0.15403426],
       [-0.05186372,  0.22878156]])]
input:  [[ 0.38085591]
 [-0.92606427]
 [ 0.45625618]]
activations:  [array([[ 0.38085591],
       [-0.92606427],
       [ 0.45625618]]), array([[ 0.2726426 ],
       [-1.58410416]]), array([[ 1.34739797],
       [ 0.53928793],
       [ 1.11356774]])]
cost derivative:  [[ 0.96654206]
 [ 1.46535219]
 [ 0.65731156]]
unit step:  1
delta:  [[ 0.96654206]
 [ 1.46535219]
 [ 0.65731156]]
delta b updated:  [array([[ 0.17368452],
       [ 2.28917793]]), array([[ 0.96654206],
       [ 1.46535219],
       [ 0.65731156]])]
delta w updated: [array([[ 0.06614878, -0.16084303,  0.07924464],
       [ 0.87184694, -2.11992587,  1.04445157]]), array([[ 0.26352054, -1.5311033 ],
       [ 0.39951744, -2.32127051],
       [ 0.17921113, -1.04124998]])]
input:  [[ 0.88232077]
 [-0.74634198]
 [ 0.58993341]]
activations:  [array([[ 0.88232077],
       [-0.74634198],
       [ 0.58993341]]), array([[ 0.43266706],
       [-1.79231126]]), array([[ 1.70366367],
       [ 0.48324843],
       [ 1.32040734]])]
cost derivative:  [[ 0.8213429 ]
 [ 1.22959041]
 [ 0.73047393]]
unit step:  1
delta:  [[ 0.8213429 ]
 [ 1.22959041]
 [ 0.73047393]]
delta b updated:  [array([[ 0.28333186],
       [ 2.35595604]]), array([[ 0.8213429 ],
       [ 1.22959041],
       [ 0.73047393]])]
delta w updated: [array([[ 0.24998958, -0.21146246,  0.16714693],
       [ 2.07870895, -1.75834889,  1.38985717]]), array([[ 0.35536802, -1.47210213],
       [ 0.53200327, -2.20380872],
       [ 0.31605201, -1.30923665]])]
input:  [[ 0.72734629]
 [-1.11595321]
 [ 0.32868269]]
activations:  [array([[ 0.72734629],
       [-1.11595321],
       [ 0.32868269]]), array([[ 0.33106881],
       [-1.91225774]]), array([[ 1.65234342],
       [ 0.58669997],
       [ 1.32306308]])]
cost derivative:  [[ 0.92499714]
 [ 1.70265318]
 [ 0.99438038]]
unit step:  1
delta:  [[ 0.92499714]
 [ 1.70265318]
 [ 0.99438038]]
delta b updated:  [array([[ 0.20378892],
       [ 3.17417253]]), array([[ 0.92499714],
       [ 1.70265318],
       [ 0.99438038]])]
delta w updated: [array([[ 0.14822512, -0.2274189 ,  0.06698189],
       [ 2.3087226 , -3.54222803,  1.04329557]]), array([[ 0.3062377 , -1.76883293],
       [ 0.56369536, -3.25591172],
       [ 0.32920833, -1.90151158]])]
input:  [[-0.66048242]
 [-0.03533603]
 [ 1.06378268]]
activations:  [array([[-0.66048242],
       [-0.03533603],
       [ 1.06378268]]), array([[ 0.14845372],
       [-0.42760571]]), array([[ 0.36992574],
       [ 0.29825956],
       [ 0.41556347]])]
cost derivative:  [[ 1.03040816]
 [ 0.33359559]
 [-0.64821921]]
unit step:  1
delta:  [[ 1.03040816]
 [ 0.33359559]
 [-0.64821921]]
delta b updated:  [array([[ 0.1095923 ],
       [ 0.19964613]]), array([[ 1.03040816],
       [ 0.33359559],
       [-0.64821921]])]
delta w updated: [array([[-0.07238379, -0.00387256,  0.11658239],
       [-0.13186276, -0.0070547 ,  0.21238009]]), array([[ 0.15296792, -0.44060841],
       [ 0.04952351, -0.14264738],
       [-0.09623055,  0.27718223]])]
input:  [[-0.78790495]
 [-0.95398039]
 [ 0.41848079]]
activations:  [array([[-0.78790495],
       [-0.95398039],
       [ 0.41848079]]), array([[-0.03650783],
       [-0.88115204]]), array([[ 0.44281655],
       [ 0.55518775],
       [ 0.54874584]])]
cost derivative:  [[ 1.23072149]
 [ 1.50916815]
 [ 0.13026505]]
unit step:  1
delta:  [[ 1.23072149]
 [ 1.50916815]
 [ 0.13026505]]
delta b updated:  [array([[-0.02332124],
       [ 1.19217577]]), array([[ 1.23072149],
       [ 1.50916815],
       [ 0.13026505]])]
delta w updated: [array([[ 0.01837492,  0.02224801, -0.00975949],
       [-0.93932119, -1.13731231,  0.49890266]]), array([[-0.04493098, -1.08445275],
       [-0.05509646, -1.32980659],
       [-0.00475569, -0.11478331]])]
input:  [[-0.41942256]
 [-0.19690025]
 [ 0.95440051]]
activations:  [array([[-0.41942256],
       [-0.19690025],
       [ 0.95440051]]), array([[ 0.18438719],
       [-0.67177936]]), array([[ 0.58728693],
       [ 0.34014864],
       [ 0.56829643]])]
cost derivative:  [[ 1.00670948]
 [ 0.5370489 ]
 [-0.38610408]]
unit step:  1
delta:  [[ 1.00670948]
 [ 0.5370489 ]
 [-0.38610408]]
delta b updated:  [array([[ 0.13276271],
       [ 0.43462742]]), array([[ 1.00670948],
       [ 0.5370489 ],
       [-0.38610408]])]
delta w updated: [array([[-0.05568368, -0.02614101,  0.1267088 ],
       [-0.18229255, -0.08557825,  0.41480863]]), array([[ 0.18562433, -0.67628665],
       [ 0.09902494, -0.36077836],
       [-0.07119265,  0.25937675]])]
input:  [[ 0.55803192]
 [-1.05329141]
 [ 0.36992359]]
activations:  [array([[ 0.55803192],
       [-1.05329141],
       [ 0.36992359]]), array([[ 0.29710718],
       [-1.77485129]]), array([[ 1.5073682 ],
       [ 0.56769463],
       [ 1.22801242]])]
cost derivative:  [[ 0.94933628]
 [ 1.62098604]
 [ 0.85808882]]
unit step:  1
delta:  [[ 0.94933628]
 [ 1.62098604]
 [ 0.85808882]]
delta b updated:  [array([[ 0.18516583],
       [ 2.79790372]]), array([[ 0.94933628],
       [ 1.62098604],
       [ 0.85808882]])]
delta w updated: [array([[ 0.10332844, -0.19503358,  0.06849721],
       [ 1.56131959, -2.94700797,  1.0350106 ]]), array([[ 0.28205463, -1.68493072],
       [ 0.4816066 , -2.87700917],
       [ 0.25494435, -1.52298006]])]
input:  [[-0.19185916]
 [-0.39888405]
 [ 0.81650256]]
activations:  [array([[-0.19185916],
       [-0.39888405],
       [ 0.81650256]]), array([[ 0.21002768],
       [-0.93184123]]), array([[ 0.80173204],
       [ 0.39278346],
       [ 0.7226427 ]])]
cost derivative:  [[ 0.9935912 ]
 [ 0.79166752]
 [-0.09385987]]
unit step:  1
delta:  [[ 0.9935912 ]
 [ 0.79166752]
 [-0.09385987]]
delta b updated:  [array([[ 0.14648727],
       [ 0.80513721]]), array([[ 0.9935912 ],
       [ 0.79166752],
       [-0.09385987]])]
delta w updated: [array([[-0.02810493, -0.05843144,  0.11960723],
       [-0.15447295, -0.3211564 ,  0.6573966 ]]), array([[ 0.20868165, -0.92586925],
       [ 0.16627209, -0.73770843],
       [-0.01971317,  0.08746249]])]
input:  [[ 0.45257334]
 [-0.98203513]
 [ 0.41817889]]
activations:  [array([[ 0.45257334],
       [-0.98203513],
       [ 0.41817889]]), array([[ 0.28121335],
       [-1.67084925]]), array([[ 1.4114701 ],
       [ 0.54705163],
       [ 1.1616063 ]])]
cost derivative:  [[ 0.95889676]
 [ 1.52908677]
 [ 0.74342741]]
unit step:  1
delta:  [[ 0.95889676]
 [ 1.52908677]
 [ 0.74342741]]
delta b updated:  [array([[ 0.17761462],
       [ 2.49443664]]), array([[ 0.95889676],
       [ 1.52908677],
       [ 0.74342741]])]
delta w updated: [array([[ 0.08038364, -0.17442379,  0.07427468],
       [ 1.12891552, -2.44962442,  1.04312074]]), array([[ 0.26965457, -1.60217194],
       [ 0.42999962, -2.55487348],
       [ 0.20906172, -1.24215514]])]
input:  [[ 0.86836884]
 [-0.59192698]
 [ 0.69785067]]
activations:  [array([[ 0.86836884],
       [-0.59192698],
       [ 0.69785067]]), array([[ 0.45365429],
       [-1.70435779]]), array([[ 1.66130969],
       [ 0.4326614 ],
       [ 1.28163483]])]
cost derivative:  [[ 0.79294085]
 [ 1.02458837]
 [ 0.58378416]]
unit step:  1
delta:  [[ 0.79294085]
 [ 1.02458837]
 [ 0.58378416]]
delta b updated:  [array([[ 0.3051932 ],
       [ 1.95975359]]), array([[ 0.79294085],
       [ 1.02458837],
       [ 0.58378416]])]
delta w updated: [array([[ 0.26502026, -0.18065209,  0.21297928],
       [ 1.70178896, -1.16003102,  1.36761536]]), array([[ 0.35972102, -1.35145491],
       [ 0.46480891, -1.74626518],
       [ 0.26483619, -0.99497708]])]
input:  [[ 0.82464401]
 [-1.07597374]
 [ 0.3581971 ]]
activations:  [array([[ 0.82464401],
       [-1.07597374],
       [ 0.3581971 ]]), array([[ 0.36204529],
       [-1.96016565]]), array([[ 1.71777076],
       [ 0.5665084 ],
       [ 1.36312066]])]
cost derivative:  [[ 0.89312676]
 [ 1.64248214]
 [ 1.00492356]]
unit step:  1
delta:  [[ 0.89312676]
 [ 1.64248214]
 [ 1.00492356]]
delta b updated:  [array([[ 0.22453118],
       [ 3.1650484 ]]), array([[ 0.89312676],
       [ 1.64248214],
       [ 1.00492356]])]
delta w updated: [array([[ 0.18515829, -0.24158966,  0.08042642],
       [ 2.61003819, -3.40550896,  1.13371116]]), array([[ 0.32335233, -1.75067639],
       [ 0.59465292, -3.21953706],
       [ 0.36382784, -1.96981664]])]
input:  [[ 0.74738816]
 [-1.11543764]
 [ 0.32935628]]
activations:  [array([[ 0.74738816],
       [-1.11543764],
       [ 0.32935628]]), array([[ 0.3352218 ],
       [-1.93816967]]), array([[ 1.6655451 ],
       [ 0.57667675],
       [ 1.33366726]])]
cost derivative:  [[ 0.91815694]
 [ 1.69211439]
 [ 1.00431097]]
unit step:  1
delta:  [[ 0.91815694]
 [ 1.69211439]
 [ 1.00431097]]
delta b updated:  [array([[ 0.20692124],
       [ 3.18345591]]), array([[ 0.91815694],
       [ 1.69211439],
       [ 1.00431097]])]
delta w updated: [array([[ 0.15465048, -0.23080773,  0.06815081],
       [ 2.37927724, -3.55094654,  1.04849121]]), array([[ 0.30778622, -1.77954394],
       [ 0.56723364, -3.2796048 ],
       [ 0.33666693, -1.94652507]])]
input:  [[-0.69183527]
 [-0.02307173]
 [ 1.07188228]]
activations:  [array([[-0.69183527],
       [-0.02307173],
       [ 1.07188228]]), array([[ 0.14167288],
       [-0.40737425]]), array([[ 0.34224622],
       [ 0.2914943 ],
       [ 0.39855626]])]
cost derivative:  [[ 1.03408149]
 [ 0.31456603]
 [-0.67332602]]
unit step:  1
delta:  [[ 1.03408149]
 [ 0.31456603]
 [-0.67332602]]
delta b updated:  [array([[ 0.10494759],
       [ 0.18196965]]), array([[ 1.03408149],
       [ 0.31456603],
       [-0.67332602]])]
delta w updated: [array([[-0.07260645, -0.00242132,  0.11249146],
       [-0.12589302, -0.00419835,  0.19505005]]), array([[ 0.1465013 , -0.42125817],
       [ 0.04456548, -0.1281461 ],
       [-0.09539204,  0.27429568]])]
input:  [[-0.71414978]
 [-0.01651868]
 [ 1.07612332]]
activations:  [array([[-0.71414978],
       [-0.01651868],
       [ 1.07612332]]), array([[ 0.13686552],
       [-0.38980572]]), array([[ 0.32325646],
       [ 0.28995558],
       [ 0.38656311]])]
cost derivative:  [[ 1.03740624]
 [ 0.30647425]
 [-0.6895602 ]]
unit step:  1
delta:  [[ 1.03740624]
 [ 0.30647425]
 [-0.6895602 ]]
delta b updated:  [array([[ 0.10143182],
       [ 0.17069355]]), array([[ 1.03740624],
       [ 0.30647425],
       [-0.6895602 ]])]
delta w updated: [array([[-0.07243751, -0.00167552,  0.10915314],
       [-0.12190076, -0.00281963,  0.18368731]]), array([[ 0.14198515, -0.40438688],
       [ 0.04194576, -0.11946542],
       [-0.09437702,  0.26879451]])]
input:  [[ 0.8841156 ]
 [-0.79645963]
 [ 0.55486465]]
activations:  [array([[ 0.8841156 ],
       [-0.79645963],
       [ 0.55486465]]), array([[ 0.42322436],
       [-1.840654  ]]), array([[ 1.71105405],
       [ 0.48471321],
       [ 1.33330015]])]
cost derivative:  [[ 0.82693845]
 [ 1.28117283]
 [ 0.7784355 ]]
unit step:  1
delta:  [[ 0.82693845]
 [ 1.28117283]
 [ 0.7784355 ]]
delta b updated:  [array([[ 0.27576722],
       [ 2.47113163]]), array([[ 0.82693845],
       [ 1.28117283],
       [ 0.7784355 ]])]
delta w updated: [array([[ 0.2438101 , -0.21963745,  0.15301348],
       [ 2.18476603, -1.96815658,  1.37114359]]), array([[ 0.34998049, -1.52210756],
       [ 0.54222355, -2.3581959 ],
       [ 0.32945286, -1.43283041]])]
input:  [[ 0.85221913]
 [-1.03110487]
 [ 0.39004821]]
activations:  [array([[ 0.85221913],
       [-1.03110487],
       [ 0.39004821]]), array([[ 0.3758909],
       [-1.9598388]]), array([[ 1.73025304],
       [ 0.54872779],
       [ 1.36749688]])]
cost derivative:  [[ 0.87803391]
 [ 1.57983266]
 [ 0.97744868]]
unit step:  1
delta:  [[ 0.87803391]
 [ 1.57983266]
 [ 0.97744868]]
delta b updated:  [array([[ 0.2354827 ],
       [ 3.06532048]]), array([[ 0.87803391],
       [ 1.57983266],
       [ 0.97744868]])]
delta w updated: [array([[ 0.20068286, -0.24280736,  0.09184961],
       [ 2.61232475, -3.16066687,  1.19562276]]), array([[ 0.33004496, -1.72080492],
       [ 0.59384472, -3.09621734],
       [ 0.36741406, -1.91564184]])]
input:  [[-0.83754064]
 [-0.04312429]
 [ 1.05556754]]
activations:  [array([[-0.83754064],
       [-0.04312429],
       [ 1.05556754]]), array([[ 0.10017005],
       [-0.33004591]]), array([[ 0.23185787],
       [ 0.29780276],
       [ 0.33199965]])]
cost derivative:  [[ 1.06939851]
 [ 0.34092705]
 [-0.72356789]]
unit step:  1
delta:  [[ 1.06939851]
 [ 0.34092705]
 [-0.72356789]]
delta b updated:  [array([[ 0.07396685],
       [ 0.14860049]]), array([[ 1.06939851],
       [ 0.34092705],
       [-0.72356789]])]
delta w updated: [array([[-0.06195024, -0.00318977,  0.07807701],
       [-0.12445895, -0.00640829,  0.15685785]]), array([[ 0.10712171, -0.3529506 ],
       [ 0.03415068, -0.11252158],
       [-0.07247983,  0.23881062]])]
input:  [[-0.72135026]
 [-0.01485856]
 [ 1.07717359]]
activations:  [array([[-0.72135026],
       [-0.01485856],
       [ 1.07717359]]), array([[ 0.13495704],
       [-0.38627716]]), array([[ 0.31645244],
       [ 0.28838126],
       [ 0.38303388]])]
cost derivative:  [[ 1.0378027 ]
 [ 0.30323982]
 [-0.69413971]]
unit step:  1
delta:  [[ 1.0378027 ]
 [ 0.30323982]
 [-0.69413971]]
delta b updated:  [array([[ 0.09998387],
       [ 0.16746508]]), array([[ 1.0378027 ],
       [ 0.30323982],
       [-0.69413971]])]
delta w updated: [array([[-0.07212339, -0.00148562,  0.10769999],
       [-0.12080098, -0.00248829,  0.18038896]]), array([[ 0.14005878, -0.40087948],
       [ 0.04092435, -0.11713461],
       [-0.09367904,  0.26813032]])]
input:  [[-0.47996716]
 [-0.14885975]
 [ 0.98709849]]
activations:  [array([[-0.47996716],
       [-0.14885975],
       [ 0.98709849]]), array([[ 0.17541742],
       [-0.61547843]]), array([[ 0.52872902],
       [ 0.3219731 ],
       [ 0.5297469 ]])]
cost derivative:  [[ 1.00869617]
 [ 0.47083285]
 [-0.45735159]]
unit step:  1
delta:  [[ 1.00869617]
 [ 0.47083285]
 [-0.45735159]]
delta b updated:  [array([[ 0.12723369],
       [ 0.36004492]]), array([[ 1.00869617],
       [ 0.47083285],
       [-0.45735159]])]
delta w updated: [array([[-0.06106799, -0.01893998,  0.12559218],
       [-0.17280974, -0.0535962 ,  0.3553998 ]]), array([[ 0.17694288, -0.62083074],
       [ 0.08259228, -0.28978746],
       [-0.08022744,  0.28149004]])]
input:  [[ 0.69887632]
 [-1.1126556 ]
 [ 0.330548  ]]
activations:  [array([[ 0.69887632],
       [-1.1126556 ],
       [ 0.330548  ]]), array([[ 0.32224412],
       [-1.91487847]]), array([[ 1.62477867],
       [ 0.57106665],
       [ 1.31102177]])]
cost derivative:  [[ 0.92590235]
 [ 1.68372225]
 [ 0.98047377]]
unit step:  1
delta:  [[ 0.92590235]
 [ 1.68372225]
 [ 0.98047377]]
delta b updated:  [array([[ 0.19894261],
       [ 3.10974487]]), array([[ 0.92590235],
       [ 1.68372225],
       [ 0.98047377]])]
delta w updated: [array([[ 0.13903628, -0.22135461,  0.06576008],
       [ 2.17332706, -3.46007506,  1.02791993]]), array([[ 0.29836658, -1.77299048],
       [ 0.54256959, -3.2241235 ],
       [ 0.3159519 , -1.87748812]])]
input:  [[ 0.29539115]
 [-0.85396583]
 [ 0.50541302]]
activations:  [array([[ 0.29539115],
       [-0.85396583],
       [ 0.50541302]]), array([[ 0.2600328 ],
       [-1.51419335]]), array([[ 1.26307616],
       [ 0.50391961],
       [ 1.05875931]])]
cost derivative:  [[ 0.96768501]
 [ 1.35788544]
 [ 0.55334629]]
unit step:  1
delta:  [[ 0.96768501]
 [ 1.35788544]
 [ 0.55334629]]
delta b updated:  [array([[ 0.16832737],
       [ 2.0202063 ]]), array([[ 0.96768501],
       [ 1.35788544],
       [ 0.55334629]])]
delta w updated: [array([[ 0.04972241, -0.14374582,  0.08507484],
       [ 0.59675106, -1.72518714,  1.02103856]]), array([[ 0.25162984, -1.46526221],
       [ 0.35309475, -2.05610111],
       [ 0.14388818, -0.83787327]])]
input:  [[-0.81402889]
 [-0.83872816]
 [ 0.49878306]]
activations:  [array([[-0.81402889],
       [-0.83872816],
       [ 0.49878306]]), array([[-0.02572498],
       [-0.81256494]]), array([[ 0.39826366],
       [ 0.51500624],
       [ 0.51379407]])]
cost derivative:  [[ 1.21229254]
 [ 1.3537344 ]
 [ 0.01501102]]
unit step:  1
delta:  [[ 1.21229254]
 [ 1.3537344 ]
 [ 0.01501102]]
delta b updated:  [array([[-0.01675686],
       [ 0.98677851]]), array([[ 1.21229254],
       [ 1.3537344 ],
       [ 0.01501102]])]
delta w updated: [array([[ 0.01364057,  0.01405445, -0.00835804],
       [-0.80326621, -0.82763893,  0.49218841]]), array([[ -3.11861970e-02,  -9.85066421e-01],
       [ -3.48247853e-02,  -1.09999711e+00],
       [ -3.86158014e-04,  -1.21974248e-02]])]
input:  [[-0.75549339]
 [-0.01066178]
 [ 1.0795801 ]]
activations:  [array([[-0.75549339],
       [-0.01066178],
       [ 1.0795801 ]]), array([[ 0.12647033],
       [-0.36541574]]), array([[ 0.28836046],
       [ 0.28611549],
       [ 0.36642908]])]
cost derivative:  [[ 1.04385385]
 [ 0.29677728]
 [-0.71315101]]
unit step:  1
delta:  [[ 1.04385385]
 [ 0.29677728]
 [-0.71315101]]
delta b updated:  [array([[ 0.09380795],
       [ 0.15488703]]), array([[ 1.04385385],
       [ 0.29677728],
       [-0.71315101]])]
delta w updated: [array([[-0.07087129, -0.00100016,  0.1012732 ],
       [-0.11701613, -0.00165137,  0.16721295]]), array([[ 0.13201654, -0.38144063],
       [ 0.03753352, -0.10844709],
       [-0.09019245,  0.2605966 ]])]
input:  [[-0.87538845]
 [-0.50225611]
 [ 0.73345324]]
activations:  [array([[-0.87538845],
       [-0.50225611],
       [ 0.73345324]]), array([[ 0.01393387],
       [-0.57826218]]), array([[ 0.28703951],
       [ 0.42293409],
       [ 0.41292987]])]
cost derivative:  [[ 1.16242796]
 [ 0.9251902 ]
 [-0.32052337]]
unit step:  1
delta:  [[ 1.16242796]
 [ 0.9251902 ]
 [-0.32052337]]
delta b updated:  [array([[ 0.0095896 ],
       [ 0.51144108]]), array([[ 1.16242796],
       [ 0.9251902 ],
       [-0.32052337]])]
delta w updated: [array([[-0.00839463, -0.00481644,  0.00703352],
       [-0.44770962, -0.25687441,  0.37511812]]), array([[ 0.01619712, -0.67218813],
       [ 0.01289148, -0.5350025 ],
       [-0.00446613,  0.18534654]])]
input:  [[-0.6841651 ]
 [-0.02576757]
 [ 1.07011403]]
activations:  [array([[-0.6841651 ],
       [-0.02576757],
       [ 1.07011403]]), array([[ 0.14240692],
       [-0.41941042]]), array([[ 0.34593467],
       [ 0.28890606],
       [ 0.40511717]])]
cost derivative:  [[ 1.03009977]
 [ 0.31467363]
 [-0.66499686]]
unit step:  1
delta:  [[ 1.03009977]
 [ 0.31467363]
 [-0.66499686]]
delta b updated:  [array([[ 0.10532516],
       [ 0.18633477]]), array([[ 1.03009977],
       [ 0.31467363],
       [-0.66499686]])]
delta w updated: [array([[-0.0720598 , -0.00271397,  0.11270993],
       [-0.12748374, -0.00480139,  0.19939945]]), array([[ 0.14669334, -0.43203458],
       [ 0.0448117 , -0.1319774 ],
       [-0.09470016,  0.27890661]])]
input:  [[-0.88658559]
 [-0.40591942]
 [ 0.80074197]]
activations:  [array([[-0.88658559],
       [-0.40591942],
       [ 0.80074197]]), array([[ 0.0268638 ],
       [-0.51547516]]), array([[ 0.25965041],
       [ 0.3963402 ],
       [ 0.38760428]])]
cost derivative:  [[ 1.146236  ]
 [ 0.80225962]
 [-0.41313769]]
unit step:  1
delta:  [[ 1.146236  ]
 [ 0.80225962]
 [-0.41313769]]
delta b updated:  [array([[ 0.01876139],
       [ 0.40726357]]), array([[ 1.146236  ],
       [ 0.80225962],
       [-0.41313769]])]
delta w updated: [array([[-0.01663358, -0.00761561,  0.01502303],
       [-0.36107401, -0.16531619,  0.32611303]]), array([[ 0.03079225, -0.59085619],
       [ 0.02155174, -0.41354491],
       [-0.01109845,  0.21296222]])]
input:  [[ 0.5761078 ]
 [-1.06372307]
 [ 0.36290032]]
activations:  [array([[ 0.5761078 ],
       [-1.06372307],
       [ 0.36290032]]), array([[ 0.29806319],
       [-1.81496976]]), array([[ 1.51706623],
       [ 0.55408607],
       [ 1.24234932]])]
cost derivative:  [[ 0.94095843]
 [ 1.61780914]
 [ 0.879449  ]]
unit step:  1
delta:  [[ 0.94095843]
 [ 1.61780914]
 [ 0.879449  ]]
delta b updated:  [array([[ 0.18558152],
       [ 2.82418259]]), array([[ 0.94095843],
       [ 1.61780914],
       [ 0.879449  ]])]
delta w updated: [array([[ 0.10691496, -0.19740734,  0.06734759],
       [ 1.62703362, -3.00414818,  1.02489677]]), array([[ 0.28046507, -1.7078111 ],
       [ 0.48220936, -2.93627467],
       [ 0.26213138, -1.59617335]])]
input:  [[ 0.88431089]
 [-0.8122521 ]
 [ 0.54380843]]
activations:  [array([[ 0.88431089],
       [-0.8122521 ],
       [ 0.54380843]]), array([[ 0.41955796],
       [-1.86288509]]), array([[ 1.70912604],
       [ 0.4786599 ],
       [ 1.33909873]])]
cost derivative:  [[ 0.82481515]
 [ 1.290912  ]
 [ 0.7952903 ]]
unit step:  1
delta:  [[ 0.82481515]
 [ 1.290912  ]
 [ 0.7952903 ]]
delta b updated:  [array([[ 0.2726776 ],
       [ 2.49735844]]), array([[ 0.82481515],
       [ 1.290912  ],
       [ 0.7952903 ]])]
delta w updated: [array([[ 0.24113177, -0.22148296,  0.14828438],
       [ 2.20844126, -2.02848464,  1.35808457]]), array([[ 0.34605777, -1.53653586],
       [ 0.54161241, -2.40482072],
       [ 0.33367038, -1.48153444]])]
input:  [[-0.20310013]
 [-0.38840343]
 [ 0.82366671]]
activations:  [array([[-0.20310013],
       [-0.38840343],
       [ 0.82366671]]), array([[ 0.20706526],
       [-0.935603  ]]), array([[ 0.78626471],
       [ 0.37899267],
       [ 0.71773711]])]
cost derivative:  [[ 0.98936484]
 [ 0.76739609]
 [-0.1059296 ]]
unit step:  1
delta:  [[ 0.98936484]
 [ 0.76739609]
 [-0.1059296 ]]
delta b updated:  [array([[ 0.1447414],
       [ 0.7794393]]), array([[ 0.98936484],
       [ 0.76739609],
       [-0.1059296 ]])]
delta w updated: [array([[-0.029397  , -0.05621806,  0.11921867],
       [-0.15830422, -0.30273689,  0.64199821]]), array([[ 0.20486309, -0.92565271],
       [ 0.15890107, -0.71797809],
       [-0.02193434,  0.09910805]])]
input:  [[-0.43987726]
 [-0.18029201]
 [ 0.96571207]]
activations:  [array([[-0.43987726],
       [-0.18029201],
       [ 0.96571207]]), array([[ 0.17991956],
       [-0.6658042 ]]), array([[ 0.5633218 ],
       [ 0.32562057],
       [ 0.55806156]])]
cost derivative:  [[ 1.00319906]
 [ 0.50591258]
 [-0.40765051]]
unit step:  1
delta:  [[ 1.00319906]
 [ 0.50591258]
 [-0.40765051]]
delta b updated:  [array([[ 0.12991185],
       [ 0.40731883]]), array([[ 1.00319906],
       [ 0.50591258],
       [-0.40765051]])]
delta w updated: [array([[-0.05714527, -0.02342207,  0.12545744],
       [-0.17917029, -0.07343633,  0.39335271]]), array([[ 0.18049513, -0.66793415],
       [ 0.09102357, -0.33683872],
       [-0.0733443 ,  0.27141542]])]
input:  [[ 0.83110741]
 [-0.35401954]
 [ 0.86387311]]
activations:  [array([[ 0.83110741],
       [-0.35401954],
       [ 0.86387311]]), array([[ 0.48116408],
       [-1.56384511]]), array([[ 1.5807424 ],
       [ 0.3521029 ],
       [ 1.21592153]])]
cost derivative:  [[ 0.74963499]
 [ 0.70612245]
 [ 0.35204841]]
unit step:  1
delta:  [[ 0.74963499]
 [ 0.70612245]
 [ 0.35204841]]
delta b updated:  [array([[ 0.33648083],
       [ 1.39800235]]), array([[ 0.74963499],
       [ 0.70612245],
       [ 0.35204841]])]
delta w updated: [array([[ 0.27965171, -0.11912079,  0.29067674],
       [ 1.16189012, -0.49492015,  1.20769664]]), array([[ 0.36069743, -1.17231301],
       [ 0.33976076, -1.10426614],
       [ 0.16939305, -0.55054919]])]
input:  [[ 0.84039431]
 [-0.40575427]
 [ 0.82778877]]
activations:  [array([[ 0.84039431],
       [-0.40575427],
       [ 0.82778877]]), array([[ 0.47473078],
       [-1.6011761 ]]), array([[ 1.59712239],
       [ 0.36574509],
       [ 1.2315089 ]])]
cost derivative:  [[ 0.75672808]
 [ 0.77149936]
 [ 0.40372013]]
unit step:  1
delta:  [[ 0.75672808]
 [ 0.77149936]
 [ 0.40372013]]
delta b updated:  [array([[ 0.32901226],
       [ 1.51015818]]), array([[ 0.75672808],
       [ 0.77149936],
       [ 0.40372013]])]
delta w updated: [array([[ 0.27650003, -0.13349813,  0.27235265],
       [ 1.26912834, -0.61275313,  1.25009199]]), array([[ 0.35924211, -1.21165491],
       [ 0.36625449, -1.23530634],
       [ 0.19165837, -0.64642702]])]
input:  [[-0.18059023]
 [-0.40942288]
 [ 0.80929809]]
activations:  [array([[-0.18059023],
       [-0.40942288],
       [ 0.80929809]]), array([[ 0.20888433],
       [-0.96440814]]), array([[ 0.80606343],
       [ 0.38333419],
       [ 0.73378224]])]
cost derivative:  [[ 0.98665366]
 [ 0.79275707]
 [-0.07551585]]
unit step:  1
delta:  [[ 0.98665366]
 [ 0.79275707]
 [-0.07551585]]
delta b updated:  [array([[ 0.14518292],
       [ 0.82166653]]), array([[ 0.98665366],
       [ 0.79275707],
       [-0.07551585]])]
delta w updated: [array([[-0.02621862, -0.05944121,  0.11749626],
       [-0.14838495, -0.33640907,  0.66497315]]), array([[ 0.20609649, -0.95153682],
       [ 0.16559453, -0.76454137],
       [-0.01577408,  0.0728281 ]])]
input:  [[ 0.2844863 ]
 [-0.84443541]
 [ 0.51191699]]
activations:  [array([[ 0.2844863 ],
       [-0.84443541],
       [ 0.51191699]]), array([[ 0.25755316],
       [-1.51138861]]), array([[ 1.24697451],
       [ 0.49388228],
       [ 1.05373108]])]
cost derivative:  [[ 0.9624882 ]
 [ 1.33831768]
 [ 0.54181409]]
unit step:  1
delta:  [[ 0.9624882 ]
 [ 1.33831768]
 [ 0.54181409]]
delta b updated:  [array([[ 0.16620698],
       [ 1.97720266]]), array([[ 0.9624882 ],
       [ 1.33831768],
       [ 0.54181409]])]
delta w updated: [array([[ 0.04728361, -0.14035106,  0.08508418],
       [ 0.56248707, -1.66961993,  1.01216365]]), array([[ 0.24789188, -1.45469371],
       [ 0.34468795, -2.0227181 ],
       [ 0.13954593, -0.81889164]])]
input:  [[ 0.82087594]
 [-0.30014702]
 [ 0.90143979]]
activations:  [array([[ 0.82087594],
       [-0.30014702],
       [ 0.90143979]]), array([[ 0.48666002],
       [-1.53009606]]), array([[ 1.56088333],
       [ 0.33518684],
       [ 1.19976576]])]
cost derivative:  [[ 0.74000739]
 [ 0.63533386]
 [ 0.29832597]]
unit step:  1
delta:  [[ 0.74000739]
 [ 0.63533386]
 [ 0.29832597]]
delta b updated:  [array([[ 0.34262149],
       [ 1.28121972]]), array([[ 0.74000739],
       [ 0.63533386],
       [ 0.29832597]])]
delta w updated: [array([[ 0.28124974, -0.10283682,  0.30885265],
       [ 1.05172244, -0.38455428,  1.15494244]]), array([[ 0.36013201, -1.13228239],
       [ 0.30919159, -0.97212183],
       [ 0.14518332, -0.45646738]])]
input:  [[ 0.81535065]
 [-1.08557778]
 [ 0.35132659]]
activations:  [array([[ 0.81535065],
       [-1.08557778],
       [ 0.35132659]]), array([[ 0.3550528 ],
       [-1.98804535]]), array([[ 1.70205089],
       [ 0.54896643],
       [ 1.36421377]])]
cost derivative:  [[ 0.88670024]
 [ 1.63454421]
 [ 1.01288718]]
unit step:  1
delta:  [[ 0.88670024]
 [ 1.63454421]
 [ 1.01288718]]
delta b updated:  [array([[ 0.21878818],
       [ 3.14585465]]), array([[ 0.88670024],
       [ 1.63454421],
       [ 1.01288718]])]
delta w updated: [array([[ 0.17838908, -0.23751158,  0.0768661 ],
       [ 2.56497465, -3.4150699 ,  1.10522239]]), array([[ 0.3148254 , -1.76280028],
       [ 0.5803495 , -3.24954801],
       [ 0.35962843, -2.01366564]])]
input:  [[ 0.8800997 ]
 [-0.71060845]
 [ 0.6149225 ]]
activations:  [array([[ 0.8800997 ],
       [-0.71060845],
       [ 0.6149225 ]]), array([[ 0.4336574 ],
       [-1.81175738]]), array([[ 1.68280248],
       [ 0.4440081 ],
       [ 1.31583718]])]
cost derivative:  [[ 0.80270279]
 [ 1.15461655]
 [ 0.70091468]]
unit step:  1
delta:  [[ 0.80270279]
 [ 1.15461655]
 [ 0.70091468]]
delta b updated:  [array([[ 0.28565109],
       [ 2.22729656]]), array([[ 0.80270279],
       [ 1.15461655],
       [ 0.70091468]])]
delta w updated: [array([[ 0.25140144, -0.20298608,  0.17565328],
       [ 1.96024303, -1.58273576,  1.36961476]]), array([[ 0.348098  , -1.45430269],
       [ 0.50070801, -2.09188506],
       [ 0.30395684, -1.26988735]])]
input:  [[-0.8641857 ]
 [-0.08405028]
 [ 1.02649209]]
activations:  [array([[-0.8641857 ],
       [-0.08405028],
       [ 1.02649209]]), array([[ 0.08483449],
       [-0.34856399]]), array([[ 0.21510238],
       [ 0.30416503],
       [ 0.33092671]])]
cost derivative:  [[ 1.07928809]
 [ 0.38821531]
 [-0.69556538]]
unit step:  1
delta:  [[ 1.07928809]
 [ 0.38821531]
 [-0.69556538]]
delta b updated:  [array([[ 0.0621774 ],
       [ 0.16589667]]), array([[ 1.07928809],
       [ 0.38821531],
       [-0.69556538]])]
delta w updated: [array([[-0.05373282, -0.00522603,  0.06382461],
       [-0.14336553, -0.01394366,  0.17029162]]), array([[ 0.09156085, -0.37620096],
       [ 0.03293405, -0.13531788],
       [-0.05900793,  0.24244904]])]
input:  [[ 0.69145814]
 [-1.11114508]
 [ 0.33149012]]
activations:  [array([[ 0.69145814],
       [-1.11114508],
       [ 0.33149012]]), array([[ 0.31821039],
       [-1.93028572]]), array([[ 1.61036133],
       [ 0.55503852],
       [ 1.30918387]])]
cost derivative:  [[ 0.91890319]
 [ 1.6661836 ]
 [ 0.97769375]]
unit step:  1
delta:  [[ 0.91890319]
 [ 1.6661836 ]
 [ 0.97769375]]
delta b updated:  [array([[ 0.19545392],
       [ 3.06747267]]), array([[ 0.91890319],
       [ 1.6661836 ],
       [ 0.97769375]])]
delta w updated: [array([[ 0.1351482 , -0.21717766,  0.06479104],
       [ 2.12102896, -3.40840715,  1.01683687]]), array([[ 0.29240454, -1.77374571],
       [ 0.53019694, -3.21621041],
       [ 0.31111231, -1.88722829]])]
input:  [[-0.04380197]
 [-0.53903629]
 [ 0.72066461]]
activations:  [array([[-0.04380197],
       [-0.53903629],
       [ 0.72066461]]), array([[ 0.22209929],
       [-1.13374041]]), array([[ 0.93474402],
       [ 0.41164816],
       [ 0.82838154]])]
cost derivative:  [[ 0.978546  ]
 [ 0.95068445]
 [ 0.10771693]]
unit step:  1
delta:  [[ 0.978546  ]
 [ 0.95068445]
 [ 0.10771693]]
delta b updated:  [array([[ 0.15113761],
       [ 1.10971261]]), array([[ 0.978546  ],
       [ 0.95068445],
       [ 0.10771693]])]
delta w updated: [array([[-0.00662013, -0.08146865,  0.10891952],
       [-0.0486076 , -0.59817537,  0.79973061]]), array([[ 0.21733437, -1.10941714],
       [ 0.21114634, -1.07782938],
       [ 0.02392385, -0.12212304]])]
input:  [[ 0.07095282]
 [-0.6482618 ]
 [ 0.64596492]]
activations:  [array([[ 0.07095282],
       [-0.6482618 ],
       [ 0.64596492]]), array([[ 0.23368073],
       [-1.27090269]]), array([[ 1.04346633],
       [ 0.43860789],
       [ 0.90785085]])]
cost derivative:  [[ 0.97251351]
 [ 1.08686969]
 [ 0.26188592]]
unit step:  1
delta:  [[ 0.97251351]
 [ 1.08686969]
 [ 0.26188592]]
delta b updated:  [array([[ 0.15606224],
       [ 1.38688448]]), array([[ 0.97251351],
       [ 1.08686969],
       [ 0.26188592]])]
delta w updated: [array([[ 0.01107306, -0.10116919,  0.10081073],
       [ 0.09840337, -0.89906423,  0.89587873]]), array([[ 0.22725767, -1.23597003],
       [ 0.25398051, -1.38130561],
       [ 0.06119769, -0.33283152]])]
input:  [[-0.80146246]
 [-0.89525142]
 [ 0.45939652]]
activations:  [array([[-0.80146246],
       [-0.89525142],
       [ 0.45939652]]), array([[-0.03345391],
       [-0.86760151]]), array([[ 0.41366924],
       [ 0.52154953],
       [ 0.53477181]])]
cost derivative:  [[ 1.2151317 ]
 [ 1.41680094]
 [ 0.0753753 ]]
unit step:  1
delta:  [[ 1.2151317 ]
 [ 1.41680094]
 [ 0.0753753 ]]
delta b updated:  [array([[-0.02149138],
       [ 1.07959158]]), array([[ 1.2151317 ],
       [ 1.41680094],
       [ 0.0753753 ]])]
delta w updated: [array([[ 0.01722454,  0.01924019, -0.00987307],
       [-0.86525212, -0.96650589,  0.49596061]]), array([[-0.04065091, -1.0542501 ],
       [-0.04739753, -1.22921864],
       [-0.0025216 , -0.06539572]])]
input:  [[ 0.88410719]
 [-0.84248988]
 [ 0.52263013]]
activations:  [array([[ 0.88410719],
       [-0.84248988],
       [ 0.52263013]]), array([[ 0.41224665],
       [-1.89854055]]), array([[ 1.7077484 ],
       [ 0.47387171],
       [ 1.34638046]])]
cost derivative:  [[ 0.8236412 ]
 [ 1.31636159]
 [ 0.82375033]]
unit step:  1
delta:  [[ 0.8236412 ]
 [ 1.31636159]
 [ 0.82375033]]
delta b updated:  [array([[ 0.2654475 ],
       [ 2.55311102]]), array([[ 0.8236412 ],
       [ 1.31636159],
       [ 0.82375033]])]
delta w updated: [array([[ 0.23468404, -0.22363683,  0.13873086],
       [ 2.25722382, -2.15097019,  1.33433274]]), array([[ 0.33954333, -1.56371623],
       [ 0.54266565, -2.49916585],
       [ 0.33958832, -1.56392341]])]
input:  [[ 0.17332101]
 [-0.74413054]
 [ 0.58042565]]
activations:  [array([[ 0.17332101],
       [-0.74413054],
       [ 0.58042565]]), array([[ 0.24408407],
       [-1.39502341]]), array([[ 1.13960025],
       [ 0.46001793],
       [ 0.97846229]])]
cost derivative:  [[ 0.96627924]
 [ 1.20414847]
 [ 0.39803664]]
unit step:  1
delta:  [[ 0.96627924]
 [ 1.20414847]
 [ 0.39803664]]
delta b updated:  [array([[ 0.16041045],
       [ 1.65482736]]), array([[ 0.96627924],
       [ 1.20414847],
       [ 0.39803664]])]
delta w updated: [array([[ 0.0278025 , -0.11936631,  0.09310634],
       [ 0.28681635, -1.23140757,  0.96050424]]), array([[ 0.23585337, -1.34798216],
       [ 0.29391346, -1.6798153 ],
       [ 0.0971544 , -0.55527043]])]
input:  [[-0.8411984 ]
 [-0.70686931]
 [ 0.59069842]]
activations:  [array([[-0.8411984 ],
       [-0.70686931],
       [ 0.59069842]]), array([[-0.01275304],
       [-0.73465133]]), array([[ 0.3477093 ],
       [ 0.46950542],
       [ 0.47574805]])]
cost derivative:  [[ 1.1889077 ]
 [ 1.17637473]
 [-0.11495037]]
unit step:  1
delta:  [[ 1.1889077 ]
 [ 1.17637473]
 [-0.11495037]]
delta b updated:  [array([[-0.00847104],
       [ 0.77808272]]), array([[ 1.1889077 ],
       [ 1.17637473],
       [-0.11495037]])]
delta w updated: [array([[ 0.00712583,  0.00598792, -0.00500383],
       [-0.65452194, -0.55000279,  0.45961223]]), array([[-0.01516219, -0.87343263],
       [-0.01500235, -0.86422526],
       [ 0.00146597,  0.08444844]])]
input:  [[-0.72842907]
 [-0.01346693]
 [ 1.07803774]]
activations:  [array([[-0.72842907],
       [-0.01346693],
       [ 1.07803774]]), array([[ 0.13127692],
       [-0.39795986]]), array([[ 0.30629562],
       [ 0.27952413],
       [ 0.38361326]])]
cost derivative:  [[ 1.03472469]
 [ 0.29299106]
 [-0.69442448]]
unit step:  1
delta:  [[ 1.03472469]
 [ 0.29299106]
 [-0.69442448]]
delta b updated:  [array([[ 0.09738727],
       [ 0.16610564]]), array([[ 1.03472469],
       [ 0.29299106],
       [-0.69442448]])]
delta w updated: [array([[-0.07093972, -0.00131151,  0.10498715],
       [-0.12099618, -0.00223693,  0.17906815]]), array([[ 0.13583547, -0.4117789 ],
       [ 0.03846296, -0.11659868],
       [-0.09116191,  0.27635307]])]
input:  [[ 0.74083576]
 [-1.11590179]
 [ 0.32892906]]
activations:  [array([[ 0.74083576],
       [-1.11590179],
       [ 0.32892906]]), array([[ 0.32947367],
       [-1.97315046]]), array([[ 1.64567859],
       [ 0.54717278],
       [ 1.33520002]])]
cost derivative:  [[ 0.90484283]
 [ 1.66307457]
 [ 1.00627096]]
unit step:  1
delta:  [[ 0.90484283]
 [ 1.66307457]
 [ 1.00627096]]
delta b updated:  [array([[ 0.20205619],
       [ 3.12326431]]), array([[ 0.90484283],
       [ 1.66307457],
       [ 1.00627096]])]
delta w updated: [array([[ 0.14969045, -0.22547486,  0.06646215],
       [ 2.31382589, -3.48525623,  1.02733241]]), array([[ 0.29812189, -1.78539104],
       [ 0.54793929, -3.28149636],
       [ 0.33153979, -1.985524  ]])]
input:  [[-0.49957509]
 [-0.13409692]
 [ 0.99713094]]
activations:  [array([[-0.49957509],
       [-0.13409692],
       [ 0.99713094]]), array([[ 0.17045644],
       [-0.61450425]]), array([[ 0.50511328],
       [ 0.30650239],
       [ 0.52101736]])]
cost derivative:  [[ 1.00468837]
 [ 0.44059931]
 [-0.47611359]]
unit step:  1
delta:  [[ 1.00468837]
 [ 0.44059931]
 [-0.47611359]]
delta b updated:  [array([[ 0.1240202 ],
       [ 0.33771372]]), array([[ 1.00468837],
       [ 0.44059931],
       [-0.47611359]])]
delta w updated: [array([[-0.0619574 , -0.01663073,  0.12366438],
       [-0.16871336, -0.04528637,  0.3367448 ]]), array([[ 0.17125561, -0.61738527],
       [ 0.07510299, -0.27075014],
       [-0.08115663,  0.29257382]])]
input:  [[ 0.24044795]
 [-0.80532804]
 [ 0.53861663]]
activations:  [array([[ 0.24044795],
       [-0.80532804],
       [ 0.53861663]]), array([[ 0.25098871],
       [-1.47746964]]), array([[ 1.20097833],
       [ 0.47183498],
       [ 1.02520109]])]
cost derivative:  [[ 0.96053038]
 [ 1.27716303]
 [ 0.48658447]]
unit step:  1
delta:  [[ 0.96053038]
 [ 1.27716303]
 [ 0.48658447]]
delta b updated:  [array([[ 0.16312956],
       [ 1.83732364]]), array([[ 0.96053038],
       [ 1.27716303],
       [ 0.48658447]])]
delta w updated: [array([[ 0.03922417, -0.13137281,  0.08786429],
       [ 0.44178071, -1.47964825,  0.98961306]]), array([[ 0.24108228, -1.41915447],
       [ 0.3205535 , -1.8869696 ],
       [ 0.12212721, -0.71891377]])]
input:  [[ 0.76277979]
 [-0.03044527]
 [ 1.08940248]]
activations:  [array([[ 0.76277979],
       [-0.03044527],
       [ 1.08940248]]), array([[ 0.51454296],
       [-1.35101918]]), array([[ 1.46073552],
       [ 0.25099467],
       [ 1.11498004]])]
cost derivative:  [[ 0.69795573]
 [ 0.28143994]
 [ 0.02557756]]
unit step:  1
delta:  [[ 0.69795573]
 [ 0.28143994]
 [ 0.02557756]]
delta b updated:  [array([[ 0.37828082],
       [ 0.76060207]]), array([[ 0.69795573],
       [ 0.28143994],
       [ 0.02557756]])]
delta w updated: [array([[ 0.28854497, -0.01151686,  0.41210007],
       [ 0.58017189, -0.02315673,  0.82860178]]), array([[ 0.3591282 , -0.94295157],
       [ 0.14481294, -0.38023075],
       [ 0.01316075, -0.03455577]])]
input:  [[ 0.37036119]
 [-0.91749063]
 [ 0.46209653]]
activations:  [array([[ 0.37036119],
       [-0.91749063],
       [ 0.46209653]]), array([[ 0.26574062],
       [-1.62730625]]), array([[ 1.32100916],
       [ 0.49824161],
       [ 1.11257074]])]
cost derivative:  [[ 0.95064796]
 [ 1.41573223]
 [ 0.65047421]]
unit step:  1
delta:  [[ 0.95064796]
 [ 1.41573223]
 [ 0.65047421]]
delta b updated:  [array([[ 0.16898955],
       [ 2.20852114]]), array([[ 0.95064796],
       [ 1.41573223],
       [ 0.65047421]])]
delta w updated: [array([[ 0.06258717, -0.15504633,  0.07808949],
       [ 0.81795052, -2.02629744,  1.02054995]]), array([[ 0.25262578, -1.54699537],
       [ 0.37621756, -2.30382991],
       [ 0.17285742, -1.05852074]])]
input:  [[-0.89329364]
 [-0.24810329]
 [ 0.91115396]]
activations:  [array([[-0.89329364],
       [-0.24810329],
       [ 0.91115396]]), array([[ 0.04914102],
       [-0.4358513 ]]), array([[ 0.22116115],
       [ 0.34455863],
       [ 0.35387872]])]
cost derivative:  [[ 1.11445479]
 [ 0.59266192]
 [-0.55727524]]
unit step:  1
delta:  [[ 1.11445479]
 [ 0.59266192]
 [-0.55727524]]
delta b updated:  [array([[ 0.03515975],
       [ 0.26965437]]), array([[ 1.11445479],
       [ 0.59266192],
       [-0.55727524]])]
delta w updated: [array([[-0.03140798, -0.00872325,  0.03203594],
       [-0.24088054, -0.06690214,  0.24569665]]), array([[ 0.05476545, -0.48573657],
       [ 0.02912401, -0.25831247],
       [-0.02738507,  0.24288914]])]
input:  [[ 0.82007365]
 [-1.08094931]
 [ 0.3546415 ]]
activations:  [array([[ 0.82007365],
       [-1.08094931],
       [ 0.3546415 ]]), array([[ 0.35502335],
       [-2.00945406]]), array([[ 1.69761078],
       [ 0.53078902],
       [ 1.36700716]])]
cost derivative:  [[ 0.87753713]
 [ 1.61173833]
 [ 1.01236566]]
unit step:  1
delta:  [[ 0.87753713]
 [ 1.61173833]
 [ 1.01236566]]
delta b updated:  [array([[ 0.21866934],
       [ 3.10764115]]), array([[ 0.87753713],
       [ 1.61173833],
       [ 1.01236566]])]
delta w updated: [array([[ 0.17932496, -0.23637047,  0.07754922],
       [ 2.54849463, -3.35920254,  1.10209853]]), array([[ 0.31154617, -1.76337054],
       [ 0.57220474, -3.23871414],
       [ 0.35941345, -2.03430229]])]
input:  [[ 0.40166683]
 [-0.94279731]
 [ 0.44486278]]
activations:  [array([[ 0.40166683],
       [-0.94279731],
       [ 0.44486278]]), array([[ 0.26933835],
       [-1.66633821]]), array([[ 1.34926907],
       [ 0.50121409],
       [ 1.13333142]])]
cost derivative:  [[ 0.94760224]
 [ 1.4440114 ]
 [ 0.68846864]]
unit step:  1
delta:  [[ 0.94760224]
 [ 1.4440114 ]
 [ 0.68846864]]
delta b updated:  [array([[ 0.17068338],
       [ 2.29584358]]), array([[ 0.94760224],
       [ 1.4440114 ],
       [ 0.68846864]])]
delta w updated: [array([[ 0.06855785, -0.16091983,  0.07593068],
       [ 0.92216422, -2.16451515,  1.02133535]]), array([[ 0.25522562, -1.57902582],
       [ 0.38892764, -2.40621138],
       [ 0.185431  , -1.1472216 ]])]
input:  [[-0.56567595]
 [-0.08795369]
 [ 1.02841365]]
activations:  [array([[-0.56567595],
       [-0.08795369],
       [ 1.02841365]]), array([[ 0.16032791],
       [-0.55043622]]), array([[ 0.44412963],
       [ 0.29272113],
       [ 0.47966771]])]
cost derivative:  [[ 1.00980558]
 [ 0.38067481]
 [-0.54874594]]
unit step:  1
delta:  [[ 1.00980558]
 [ 0.38067481]
 [-0.54874594]]
delta b updated:  [array([[ 0.11749766],
       [ 0.27294861]]), array([[ 1.00980558],
       [ 0.38067481],
       [-0.54874594]])]
delta w updated: [array([[-0.0664656 , -0.01033435,  0.1208362 ],
       [-0.15440046, -0.02400684,  0.28070407]]), array([[ 0.16190001, -0.55583356],
       [ 0.0610328 , -0.2095372 ],
       [-0.08797929,  0.30204964]])]
input:  [[-0.88261408]
 [-0.14319077]
 [ 0.98478939]]
activations:  [array([[-0.88261408],
       [-0.14319077],
       [ 0.98478939]]), array([[ 0.06901693],
       [-0.38287685]]), array([[ 0.20928568],
       [ 0.31472508],
       [ 0.33722186]])]
cost derivative:  [[ 1.09189976]
 [ 0.45791585]
 [-0.64756753]]
unit step:  1
delta:  [[ 1.09189976]
 [ 0.45791585]
 [-0.64756753]]
delta b updated:  [array([[ 0.05018893],
       [ 0.19875751]]), array([[ 1.09189976],
       [ 0.45791585],
       [-0.64756753]])]
delta w updated: [array([[-0.04429745, -0.00718659,  0.04942552],
       [-0.17542618, -0.02846024,  0.19573429]]), array([[ 0.07535956, -0.41806314],
       [ 0.03160394, -0.17532538],
       [-0.04469312,  0.24793862]])]
input:  [[ 0.8756188 ]
 [-0.94603947]
 [ 0.44998331]]
activations:  [array([[ 0.8756188 ],
       [-0.94603947],
       [ 0.44998331]]), array([[ 0.39133689],
       [-1.96990962]]), array([[ 1.71420766],
       [ 0.48949491],
       [ 1.36582628]])]
cost derivative:  [[ 0.83858886]
 [ 1.43553438]
 [ 0.91584297]]
unit step:  1
delta:  [[ 0.83858886]
 [ 1.43553438]
 [ 0.91584297]]
delta b updated:  [array([[ 0.24702821],
       [ 2.79512027]]), array([[ 0.83858886],
       [ 1.43553438],
       [ 0.91584297]])]
delta w updated: [array([[ 0.21630255, -0.23369844,  0.11115857],
       [ 2.44745987, -2.64429411,  1.25775747]]), array([[ 0.32817075, -1.65194425],
       [ 0.56177756, -2.82787299],
       [ 0.35840314, -1.80412788]])]
input:  [[ 0.85550694]
 [-1.02321488]
 [ 0.39562474]]
activations:  [array([[ 0.85550694],
       [-1.02321488],
       [ 0.39562474]]), array([[ 0.37311044],
       [-2.00554084]]), array([[ 1.71304597],
       [ 0.50905594],
       [ 1.37218654]])]
cost derivative:  [[ 0.85753903]
 [ 1.53227082]
 [ 0.9765618 ]]
unit step:  1
delta:  [[ 0.85753903]
 [ 1.53227082]
 [ 0.9765618 ]]
delta b updated:  [array([[ 0.2325308 ],
       [ 2.98006189]]), array([[ 0.85753903],
       [ 1.53227082],
       [ 0.9765618 ]])]
delta w updated: [array([[ 0.19893172, -0.23792898,  0.09199494],
       [ 2.54946363, -3.04924367,  1.1789862 ]]), array([[ 0.31995677, -1.71982955],
       [ 0.57170624, -3.07303169],
       [ 0.3643654 , -1.95853457]])]
input:  [[ 0.85618893]
 [-0.50293269]
 [ 0.75998228]]
activations:  [array([[ 0.85618893],
       [-0.50293269],
       [ 0.75998228]]), array([[ 0.45927268],
       [-1.70042688]]), array([[ 1.61756947],
       [ 0.36821983],
       [ 1.26142417]])]
cost derivative:  [[ 0.76138054]
 [ 0.87115252]
 [ 0.50144189]]
unit step:  1
delta:  [[ 0.76138054]
 [ 0.87115252]
 [ 0.50144189]]
delta b updated:  [array([[ 0.31349618],
       [ 1.70244409]]), array([[ 0.76138054],
       [ 0.87115252],
       [ 0.50144189]])]
delta w updated: [array([[ 0.26841196, -0.15766748,  0.23825154],
       [ 1.45761377, -0.85621478,  1.29382735]]), array([[ 0.34968128, -1.29467194],
       [ 0.40009656, -1.48133116],
       [ 0.23029856, -0.85266526]])]
input:  [[ 0.09382361]
 [-0.66987231]
 [ 0.63118801]]
activations:  [array([[ 0.09382361],
       [-0.66987231],
       [ 0.63118801]]), array([[ 0.23409508],
       [-1.31706927]]), array([[ 1.05955946],
       [ 0.43038606],
       [ 0.92521518]])]
cost derivative:  [[ 0.96573584]
 [ 1.10025837]
 [ 0.29402716]]
unit step:  1
delta:  [[ 0.96573584]
 [ 1.10025837]
 [ 0.29402716]]
delta b updated:  [array([[ 0.15571281],
       [ 1.43281296]]), array([[ 0.96573584],
       [ 1.10025837],
       [ 0.29402716]])]
delta w updated: [array([[ 0.01460954, -0.1043077 ,  0.09828406],
       [ 0.13443169, -0.95980174,  0.90437437]]), array([[ 0.22607401, -1.27194101],
       [ 0.25756507, -1.44911649],
       [ 0.06883031, -0.38725414]])]
input:  [[-0.12388573]
 [-0.46285611]
 [ 0.77276375]]
activations:  [array([[-0.12388573],
       [-0.46285611],
       [ 0.77276375]]), array([[ 0.21197716],
       [-1.05703647]]), array([[ 0.8529603 ],
       [ 0.37969262],
       [ 0.77517702]])]
cost derivative:  [[ 0.97684603]
 [ 0.84254874]
 [ 0.00241326]]
unit step:  1
delta:  [[ 0.97684603]
 [ 0.84254874]
 [ 0.00241326]]
delta b updated:  [array([[ 0.14605791],
       [ 0.92645568]]), array([[ 0.97684603],
       [ 0.84254874],
       [ 0.00241326]])]
delta w updated: [array([[-0.01809449, -0.0676038 ,  0.11286826],
       [-0.11477464, -0.42881568,  0.71593137]]), array([[  2.07069049e-01,  -1.03256189e+00],
       [  1.78601089e-01,  -8.90604747e-01],
       [  5.11556619e-04,  -2.55090691e-03]])]
input:  [[ 0.80372785]
 [-0.21526295]
 [ 0.9606156 ]]
activations:  [array([[ 0.80372785],
       [-0.21526295],
       [ 0.9606156 ]]), array([[ 0.49291926],
       [-1.49945351]]), array([[ 1.52239729],
       [ 0.2906134 ],
       [ 1.17487482]])]
cost derivative:  [[ 0.71866944]
 [ 0.50587635]
 [ 0.21425922]]
unit step:  1
delta:  [[ 0.71866944]
 [ 0.50587635]
 [ 0.21425922]]
delta b updated:  [array([[ 0.35211456],
       [ 1.09066697]]), array([[ 0.71866944],
       [ 0.50587635],
       [ 0.21425922]])]
delta w updated: [array([[ 0.28300428, -0.07579722,  0.33824674],
       [ 0.87659942, -0.23478019,  1.04771171]]), array([[ 0.35424601, -1.07761142],
       [ 0.2493562 , -0.75853807],
       [ 0.1056125 , -0.32127174]])]
input:  [[-0.16929504]
 [-0.42001607]
 [ 0.80205595]]
activations:  [array([[-0.16929504],
       [-0.42001607],
       [ 0.80205595]]), array([[ 0.20703599],
       [-1.00400933]]), array([[ 0.80913546],
       [ 0.36883866],
       [ 0.74419181]])]
cost derivative:  [[ 0.9784305 ]
 [ 0.78885474]
 [-0.05786414]]
unit step:  1
delta:  [[ 0.9784305 ]
 [ 0.78885474]
 [-0.05786414]]
delta b updated:  [array([[ 0.14348934],
       [ 0.83459443]]), array([[ 0.9784305 ],
       [ 0.78885474],
       [-0.05786414]])]
delta w updated: [array([[-0.02429203, -0.06026783,  0.11508648],
       [-0.1412927 , -0.35054307,  0.66939143]]), array([[ 0.20257033, -0.98235334],
       [ 0.16332133, -0.79201751],
       [-0.01197996,  0.05809614]])]
input:  [[-0.28086071]
 [-0.31698969]
 [ 0.8724642 ]]
activations:  [array([[-0.28086071],
       [-0.31698969],
       [ 0.8724642 ]]), array([[ 0.19515822],
       [-0.8726283 ]]), array([[ 0.70374972],
       [ 0.34381195],
       [ 0.66815656]])]
cost derivative:  [[ 0.98461043]
 [ 0.66080165]
 [-0.20430764]]
unit step:  1
delta:  [[ 0.98461043]
 [ 0.66080165]
 [-0.20430764]]
delta b updated:  [array([[ 0.13756187],
       [ 0.63345514]]), array([[ 0.98461043],
       [ 0.66080165],
       [-0.20430764]])]
delta w updated: [array([[-0.03863572, -0.04360569,  0.12001781],
       [-0.17791266, -0.20079875,  0.55266694]]), array([[ 0.19215481, -0.85919892],
       [ 0.12896087, -0.57663422],
       [-0.03987232,  0.17828463]])]
input:  [[-0.89304525]
 [-0.30582081]
 [ 0.870739  ]]
activations:  [array([[-0.89304525],
       [-0.30582081],
       [ 0.870739  ]]), array([[ 0.03857479],
       [-0.47780661]]), array([[ 0.22946352],
       [ 0.35580491],
       [ 0.36765067]])]
cost derivative:  [[ 1.12250877]
 [ 0.66162573]
 [-0.50308832]]
unit step:  1
delta:  [[ 1.12250877]
 [ 0.66162573]
 [-0.50308832]]
delta b updated:  [array([[ 0.0273026 ],
       [ 0.31641513]]), array([[ 1.12250877],
       [ 0.66162573],
       [-0.50308832]])]
delta w updated: [array([[-0.02438246, -0.0083497 ,  0.02377344],
       [-0.28257302, -0.09676633,  0.27551499]]), array([[ 0.04330054, -0.53634211],
       [ 0.02552207, -0.31612914],
       [-0.01940653,  0.24037893]])]
input:  [[ 0.35980925]
 [-0.90878401]
 [ 0.46802911]]
activations:  [array([[ 0.35980925],
       [-0.90878401],
       [ 0.46802911]]), array([[ 0.26274679],
       [-1.63061807]]), array([[ 1.30518551],
       [ 0.48481737],
       [ 1.10697197]])]
cost derivative:  [[ 0.94537627]
 [ 1.39360138]
 [ 0.63894285]]
unit step:  1
delta:  [[ 0.94537627]
 [ 1.39360138]
 [ 0.63894285]]
delta b updated:  [array([[ 0.16672517],
       [ 2.16070531]]), array([[ 0.94537627],
       [ 1.39360138],
       [ 0.63894285]])]
delta w updated: [array([[ 0.05998926, -0.15151717,  0.07803223],
       [ 0.77744175, -1.96361442,  1.01127299]]), array([[ 0.24839458, -1.54154762],
       [ 0.36616429, -2.27243158],
       [ 0.16788019, -1.04187176]])]
input:  [[ 0.86272391]
 [-0.54843756]
 [ 0.72821772]]
activations:  [array([[ 0.86272391],
       [-0.54843756],
       [ 0.72821772]]), array([[ 0.45239787],
       [-1.73781073]]), array([[ 1.62619635],
       [ 0.37505104],
       [ 1.27537834]])]
cost derivative:  [[ 0.76347245]
 [ 0.92348859]
 [ 0.54716062]]
unit step:  1
delta:  [[ 0.76347245]
 [ 0.92348859]
 [ 0.54716062]]
delta b updated:  [array([[ 0.30505743],
       [ 1.79802545]]), array([[ 0.76347245],
       [ 0.92348859],
       [ 0.54716062]])]
delta w updated: [array([[ 0.26318034, -0.16730495,  0.22214823],
       [ 1.55119954, -0.98610468,  1.309354  ]]), array([[ 0.34539331, -1.32677061],
       [ 0.41778427, -1.60484839],
       [ 0.2475343 , -0.9508616 ]])]
input:  [[ 0.86565678]
 [-0.57043228]
 [ 0.71286083]]
activations:  [array([[ 0.86565678],
       [-0.57043228],
       [ 0.71286083]]), array([[ 0.44925044],
       [-1.75426281]]), array([[ 1.63211093],
       [ 0.38008499],
       [ 1.28136608]])]
cost derivative:  [[ 0.76645415]
 [ 0.95051728]
 [ 0.56850525]]
unit step:  1
delta:  [[ 0.76645415]
 [ 0.95051728]
 [ 0.56850525]]
delta b updated:  [array([[ 0.30165772],
       [ 1.84827773]]), array([[ 0.76645415],
       [ 0.95051728],
       [ 0.56850525]])]
delta w updated: [array([[ 0.26113205, -0.1720753 ,  0.21503997],
       [ 1.59997414, -1.05431729,  1.3175648 ]]), array([[ 0.34432987, -1.34456202],
       [ 0.42702031, -1.66745712],
       [ 0.25540123, -0.99730761]])]
input:  [[-0.07819255]
 [-0.50626023]
 [ 0.74308096]]
activations:  [array([[-0.07819255],
       [-0.50626023],
       [ 0.74308096]]), array([[ 0.21567025],
       [-1.11747435]]), array([[ 0.89306518],
       [ 0.3865752 ],
       [ 0.80761434]])]
cost derivative:  [[ 0.97125773]
 [ 0.89283543]
 [ 0.06453338]]
unit step:  1
delta:  [[ 0.97125773]
 [ 0.89283543]
 [ 0.06453338]]
delta b updated:  [array([[ 0.14702599],
       [ 1.01961166]]), array([[ 0.97125773],
       [ 0.89283543],
       [ 0.06453338]])]
delta w updated: [array([[-0.01149634, -0.07443341,  0.10925222],
       [-0.07972604, -0.51618884,  0.75765401]]), array([[ 0.2094714 , -1.0853556 ],
       [ 0.19255804, -0.99772069],
       [ 0.01391793, -0.07211439]])]
input:  [[-0.0896365]
 [-0.4953697]
 [ 0.750529 ]]
activations:  [array([[-0.0896365],
       [-0.4953697],
       [ 0.750529 ]]), array([[ 0.21442772],
       [-1.10435319]]), array([[ 0.88181966],
       [ 0.38351968],
       [ 0.7999456 ]])]
cost derivative:  [[ 0.97145616]
 [ 0.87888938]
 [ 0.0494166 ]]
unit step:  1
delta:  [[ 0.97145616]
 [ 0.87888938]
 [ 0.0494166 ]]
delta b updated:  [array([[ 0.14640486],
       [ 0.99449505]]), array([[ 0.97145616],
       [ 0.87888938],
       [ 0.0494166 ]])]
delta w updated: [array([[-0.01312322, -0.07252453,  0.1098811 ],
       [-0.08914305, -0.49264272,  0.74639737]]), array([[ 0.20830713, -1.07283072],
       [ 0.18845825, -0.97060429],
       [ 0.01059629, -0.05457338]])]
input:  [[-0.70682931]
 [-0.01844346]
 [ 1.07488957]]
activations:  [array([[-0.70682931],
       [-0.01844346],
       [ 1.07488957]]), array([[ 0.13382618],
       [-0.42956003]]), array([[ 0.31924019],
       [ 0.27294563],
       [ 0.39813184]])]
cost derivative:  [[ 1.0260695 ]
 [ 0.29138909]
 [-0.67675773]]
unit step:  1
delta:  [[ 1.0260695 ]
 [ 0.29138909]
 [-0.67675773]]
delta b updated:  [array([[ 0.09903494],
       [ 0.1763117 ]]), array([[ 1.0260695 ],
       [ 0.29138909],
       [-0.67675773]])]
delta w updated: [array([[-0.0700008 , -0.00182655,  0.10645163],
       [-0.12462228, -0.0032518 ,  0.18951561]]), array([[ 0.13731497, -0.44075844],
       [ 0.03899549, -0.12516911],
       [-0.0905679 ,  0.29070807]])]
input:  [[-0.88923054]
 [-0.18566798]
 [ 0.95493997]]
activations:  [array([[-0.88923054],
       [-0.18566798],
       [ 0.95493997]]), array([[ 0.05888796],
       [-0.41289542]]), array([[ 0.20897633],
       [ 0.32199042],
       [ 0.34505435]])]
cost derivative:  [[ 1.09820687]
 [ 0.5076584 ]
 [-0.60988561]]
unit step:  1
delta:  [[ 1.09820687]
 [ 0.5076584 ]
 [-0.60988561]]
delta b updated:  [array([[ 0.04245127],
       [ 0.22609671]]), array([[ 1.09820687],
       [ 0.5076584 ],
       [-0.60988561]])]
delta w updated: [array([[-0.03774897, -0.00788184,  0.04053842],
       [-0.2010521 , -0.04197892,  0.21590879]]), array([[ 0.06467116, -0.45344458],
       [ 0.02989497, -0.20960982],
       [-0.03591492,  0.25181897]])]
input:  [[-0.35658302]
 [-0.24992639]
 [ 0.91824693]]
activations:  [array([[-0.35658302],
       [-0.24992639],
       [ 0.91824693]]), array([[ 0.18589863],
       [-0.78990699]]), array([[ 0.63019794],
       [ 0.32485856],
       [ 0.61863982]])]
cost derivative:  [[ 0.98678096]
 [ 0.57478495]
 [-0.29960711]]
unit step:  1
delta:  [[ 0.98678096]
 [ 0.57478495]
 [-0.29960711]]
delta b updated:  [array([[ 0.13221365],
       [ 0.51460108]]), array([[ 0.98678096],
       [ 0.57478495],
       [-0.29960711]])]
delta w updated: [array([[-0.04714514, -0.03304368,  0.12140478],
       [-0.18349801, -0.12861239,  0.47253086]]), array([[ 0.18344123, -0.77946518],
       [ 0.10685174, -0.45402665],
       [-0.05569655,  0.23666175]])]
input:  [[ 0.63635401]
 [-1.09331501]
 [ 0.34311697]]
activations:  [array([[ 0.63635401],
       [-1.09331501],
       [ 0.34311697]]), array([[ 0.30281873],
       [-1.92168378]]), array([[ 1.54731061],
       [ 0.52156972],
       [ 1.28210089]])]
cost derivative:  [[ 0.9109566 ]
 [ 1.61488473]
 [ 0.93898392]]
unit step:  1
delta:  [[ 0.9109566 ]
 [ 1.61488473]
 [ 0.93898392]]
delta b updated:  [array([[ 0.18442638],
       [ 2.89623858]]), array([[ 0.9109566 ],
       [ 1.61488473],
       [ 0.93898392]])]
delta w updated: [array([[ 0.11736046, -0.20163613,  0.06327982],
       [ 1.84303303, -3.16650113,  0.99374859]]), array([[ 0.27585472, -1.75057053],
       [ 0.48901735, -3.1032978 ],
       [ 0.28434192, -1.80443018]])]
input:  [[ 0.1280158 ]
 [-0.70199809]
 [ 0.60922395]]
activations:  [array([[ 0.1280158 ],
       [-0.70199809],
       [ 0.60922395]]), array([[ 0.23608751],
       [-1.36842238]]), array([[ 1.08499756],
       [ 0.43007109],
       [ 0.95099443]])]
cost derivative:  [[ 0.95698176]
 [ 1.13206918]
 [ 0.34177047]]
unit step:  1
delta:  [[ 0.95698176]
 [ 1.13206918]
 [ 0.34177047]]
delta b updated:  [array([[ 0.15513652],
       [ 1.51000095]]), array([[ 0.95698176],
       [ 1.13206918],
       [ 0.34177047]])]
delta w updated: [array([[ 0.01985993, -0.10890554,  0.09451289],
       [ 0.19330398, -1.06001778,  0.91992875]]), array([[ 0.22593144, -1.30955526],
       [ 0.26726739, -1.54914879],
       [ 0.08068774, -0.46768637]])]
input:  [[-0.85373844]
 [-0.0643567 ]
 [ 1.04044617]]
activations:  [array([[-0.85373844],
       [-0.0643567 ],
       [ 1.04044617]]), array([[ 0.08788276],
       [-0.36576254]]), array([[ 0.21343362],
       [ 0.28774211],
       [ 0.33724877]])]
cost derivative:  [[ 1.06717206]
 [ 0.35209881]
 [-0.7031974 ]]
unit step:  1
delta:  [[ 1.06717206]
 [ 0.35209881]
 [-0.7031974 ]]
delta b updated:  [array([[ 0.0645777 ],
       [ 0.15999189]]), array([[ 1.06717206],
       [ 0.35209881],
       [-0.7031974 ]])]
delta w updated: [array([[-0.05513246, -0.00415601,  0.06718962],
       [-0.13659122, -0.01029655,  0.16646295]]), array([[ 0.09378603, -0.39033157],
       [ 0.03094342, -0.12878456],
       [-0.06179893,  0.25720327]])]
input:  [[ 0.22934215]
 [-0.7953239 ]
 [ 0.54544921]]
activations:  [array([[ 0.22934215],
       [-0.7953239 ],
       [ 0.54544921]]), array([[ 0.24668669],
       [-1.48936844]]), array([[ 1.17895197],
       [ 0.45099519],
       [ 1.02068909]])]
cost derivative:  [[ 0.94960982]
 [ 1.24631909]
 [ 0.47523988]]
unit step:  1
delta:  [[ 0.94960982]
 [ 1.24631909]
 [ 0.47523988]]
delta b updated:  [array([[ 0.15920222],
       [ 1.7802719 ]]), array([[ 0.94960982],
       [ 1.24631909],
       [ 0.47523988]])]
delta w updated: [array([[ 0.03651178, -0.12661733,  0.08683673],
       [ 0.40829138, -1.41589279,  0.9710479 ]]), array([[ 0.2342561 , -1.4143189 ],
       [ 0.30745033, -1.85622832],
       [ 0.11723535, -0.70780727]])]
input:  [[-0.88275463]
 [-0.44301392]
 [ 0.77482491]]
activations:  [array([[-0.88275463],
       [-0.44301392],
       [ 0.77482491]]), array([[ 0.01750294],
       [-0.57326022]]), array([[ 0.25965873],
       [ 0.38794382],
       [ 0.40403745]])]
cost derivative:  [[ 1.14241336]
 [ 0.83095774]
 [-0.37078746]]
unit step:  1
delta:  [[ 1.14241336]
 [ 0.83095774]
 [-0.37078746]]
delta b updated:  [array([[ 0.01209033],
       [ 0.44649139]]), array([[ 1.14241336],
       [ 0.83095774],
       [-0.37078746]])]
delta w updated: [array([[-0.01067279, -0.00535618,  0.00936789],
       [-0.39414234, -0.1978019 ,  0.34595265]]), array([[ 0.01999559, -0.65490014],
       [ 0.0145442 , -0.47635502],
       [-0.00648987,  0.2125577 ]])]
input:  [[ 0.5017083 ]
 [-1.01718375]
 [ 0.39433099]]
activations:  [array([[ 0.5017083 ],
       [-1.01718375],
       [ 0.39433099]]), array([[ 0.28021556],
       [-1.79594501]]), array([[ 1.42765261],
       [ 0.50042925],
       [ 1.20091791]])]
cost derivative:  [[ 0.92594431]
 [ 1.517613  ]
 [ 0.80658691]]
unit step:  1
delta:  [[ 0.92594431]
 [ 1.517613  ]
 [ 0.80658691]]
delta b updated:  [array([[ 0.17322224],
       [ 2.54618782]]), array([[ 0.92594431],
       [ 1.517613  ],
       [ 0.80658691]])]
delta w updated: [array([[ 0.08690704, -0.17619885,  0.0683069 ],
       [ 1.27744356, -2.58994088,  1.00404077]]), array([[ 0.259464  , -1.66294505],
       [ 0.42525877, -2.72554949],
       [ 0.2260182 , -1.44858574]])]
input:  [[ 0.75381005]
 [-1.11467609]
 [ 0.32998973]]
activations:  [array([[ 0.75381005],
       [-1.11467609],
       [ 0.32998973]]), array([[ 0.32907304],
       [-2.01656598]]), array([[ 1.63895369],
       [ 0.51737356],
       [ 1.34427503]])]
cost derivative:  [[ 0.88514363]
 [ 1.63204965]
 [ 1.0142853 ]]
unit step:  1
delta:  [[ 0.88514363]
 [ 1.63204965]
 [ 1.0142853 ]]
delta b updated:  [array([[ 0.19952156],
       [ 3.07456573]]), array([[ 0.88514363],
       [ 1.63204965],
       [ 1.0142853 ]])]
delta w updated: [array([[ 0.15040136, -0.22240192,  0.06584007],
       [ 2.31763855, -3.42714491,  1.01457511]]), array([[ 0.29127691, -1.78495054],
       [ 0.53706354, -3.29113581],
       [ 0.33377395, -2.04537323]])]
input:  [[-0.26986321]
 [-0.32695589]
 [ 0.8656565 ]]
activations:  [array([[-0.26986321],
       [-0.32695589],
       [ 0.8656565 ]]), array([[ 0.19496148],
       [-0.89756807]]), array([[ 0.70918261],
       [ 0.33790935],
       [ 0.67798205]])]
cost derivative:  [[ 0.97904582]
 [ 0.66486524]
 [-0.18767445]]
unit step:  1
delta:  [[ 0.97904582]
 [ 0.66486524]
 [-0.18767445]]
delta b updated:  [array([[ 0.13699321],
       [ 0.6475398 ]]), array([[ 0.97904582],
       [ 0.66486524],
       [-0.18767445]])]
delta w updated: [array([[-0.03696943, -0.04479074,  0.11858906],
       [-0.17474717, -0.21171695,  0.56054704]]), array([[ 0.19087623, -0.87876026],
       [ 0.12962311, -0.59676181],
       [-0.03658929,  0.1684506 ]])]
input:  [[ 0.02509018]
 [-0.60471442]
 [ 0.6757454 ]]
activations:  [array([[ 0.02509018],
       [-0.60471442],
       [ 0.6757454 ]]), array([[ 0.22504513],
       [-1.25148704]]), array([[ 0.98584161],
       [ 0.40207971],
       [ 0.88096247]])]
cost derivative:  [[ 0.96075143]
 [ 1.00679413]
 [ 0.20521708]]
unit step:  1
delta:  [[ 0.96075143]
 [ 1.00679413]
 [ 0.20521708]]
delta b updated:  [array([[ 0.15052508],
       [ 1.24790417]]), array([[ 0.96075143],
       [ 1.00679413],
       [ 0.20521708]])]
delta w updated: [array([[ 0.0037767 , -0.09102469,  0.10171663],
       [ 0.03131014, -0.75462564,  0.84326549]]), array([[ 0.21621243, -1.20236797],
       [ 0.22657412, -1.2599898 ],
       [ 0.0461831 , -0.25682651]])]
input:  [[ 0.32782706]
 [-0.8819045 ]
 [ 0.48635374]]
activations:  [array([[ 0.32782706],
       [-0.8819045 ],
       [ 0.48635374]]), array([[ 0.25722866],
       [-1.61039196]]), array([[ 1.2682283 ],
       [ 0.46534384],
       [ 1.08747253]])]
cost derivative:  [[ 0.94040123]
 [ 1.34724835]
 [ 0.60111879]]
unit step:  1
delta:  [[ 0.94040123]
 [ 1.34724835]
 [ 0.60111879]]
delta b updated:  [array([[ 0.16337007],
       [ 2.0485887 ]]), array([[ 0.94040123],
       [ 1.34724835],
       [ 0.60111879]])]
delta w updated: [array([[ 0.05355713, -0.1440768 ,  0.07945564],
       [ 0.67158282, -1.8066596 ,  0.99633878]]), array([[ 0.24189815, -1.51441459],
       [ 0.34655089, -2.16959791],
       [ 0.15462498, -0.96803686]])]
input:  [[ 0.01360924]
 [-0.59378189]
 [ 0.68322227]]
activations:  [array([[ 0.01360924],
       [-0.59378189],
       [ 0.68322227]]), array([[ 0.22369807],
       [-1.23968301]]), array([[ 0.97435178],
       [ 0.39792592],
       [ 0.87320204]])]
cost derivative:  [[ 0.96074254]
 [ 0.99170781]
 [ 0.18997977]]
unit step:  1
delta:  [[ 0.96074254]
 [ 0.99170781]
 [ 0.18997977]]
delta b updated:  [array([[ 0.14991784],
       [ 1.21913005]]), array([[ 0.96074254],
       [ 0.99170781],
       [ 0.18997977]])]
delta w updated: [array([[ 0.00204027, -0.0890185 ,  0.1024272 ],
       [ 0.01659143, -0.72389734,  0.8329368 ]]), array([[ 0.21491625, -1.19101621],
       [ 0.22184312, -1.22940332],
       [ 0.04249811, -0.23551469]])]
input:  [[ 0.83742212]
 [-1.05892622]
 [ 0.37033453]]
activations:  [array([[ 0.83742212],
       [-1.05892622],
       [ 0.37033453]]), array([[ 0.35934167],
       [-2.04317474]]), array([[ 1.69047062],
       [ 0.49445484],
       [ 1.37326566]])]
cost derivative:  [[ 0.8530485 ]
 [ 1.55338105]
 [ 1.00293114]]
unit step:  1
delta:  [[ 0.8530485 ]
 [ 1.55338105]
 [ 1.00293114]]
delta b updated:  [array([[ 0.21994014],
       [ 3.00449319]]), array([[ 0.8530485 ],
       [ 1.55338105],
       [ 1.00293114]])]
delta w updated: [array([[ 0.18418274, -0.23290038,  0.08145143],
       [ 2.51602905, -3.18153661,  1.11266757]]), array([[ 0.30653587, -1.74292715],
       [ 0.55819454, -3.17382892],
       [ 0.36039495, -2.04916356]])]
input:  [[-0.89042284]
 [-0.19731218]
 [ 0.94676709]]
activations:  [array([[-0.89042284],
       [-0.19731218],
       [ 0.94676709]]), array([[ 0.05569632],
       [-0.42824985]]), array([[ 0.20816632],
       [ 0.31983281],
       [ 0.34878012]])]
cost derivative:  [[ 1.09858916]
 [ 0.51714499]
 [-0.59798697]]
unit step:  1
delta:  [[ 1.09858916]
 [ 0.51714499]
 [-0.59798697]]
delta b updated:  [array([[ 0.04012041],
       [ 0.23478573]]), array([[ 1.09858916],
       [ 0.51714499],
       [-0.59798697]])]
delta w updated: [array([[-0.03572413, -0.00791624,  0.03798468],
       [-0.20905858, -0.04632609,  0.2222874 ]]), array([[ 0.06118737, -0.47047065],
       [ 0.02880307, -0.22146727],
       [-0.03330567,  0.25608783]])]
input:  [[-0.82375085]
 [-0.03083545]
 [ 1.0643883 ]]
activations:  [array([[-0.82375085],
       [-0.03083545],
       [ 1.0643883 ]]), array([[ 0.10049986],
       [-0.37168493]]), array([[ 0.22876403],
       [ 0.27411929],
       [ 0.34616584]])]
cost derivative:  [[ 1.05251488]
 [ 0.30495474]
 [-0.71822246]]
unit step:  1
delta:  [[ 1.05251488]
 [ 0.30495474]
 [-0.71822246]]
delta b updated:  [array([[ 0.07430664],
       [ 0.1499516 ]]), array([[ 1.05251488],
       [ 0.30495474],
       [-0.71822246]])]
delta w updated: [array([[-0.06121016, -0.00229128,  0.07909112],
       [-0.12352276, -0.00462383,  0.15960673]]), array([[ 0.1057776 , -0.39120391],
       [ 0.03064791, -0.11334708],
       [-0.07218126,  0.26695246]])]
input:  [[ 0.84468781]
 [-0.43082952]
 [ 0.81029585]]
activations:  [array([[ 0.84468781],
       [-0.43082952],
       [ 0.81029585]]), array([[ 0.46515205],
       [-1.6760326 ]]), array([[ 1.58097091],
       [ 0.32761322],
       [ 1.24373002]])]
cost derivative:  [[ 0.7362831 ]
 [ 0.75844274]
 [ 0.43343417]]
unit step:  1
delta:  [[ 0.7362831 ]
 [ 0.75844274]
 [ 0.43343417]]
delta b updated:  [array([[ 0.31888319],
       [ 1.51046127]]), array([[ 0.7362831 ],
       [ 0.75844274],
       [ 0.43343417]])]
delta w updated: [array([[ 0.26935674, -0.13738429,  0.25838973],
       [ 1.27586822, -0.65075131,  1.2239205 ]]), array([[ 0.34248359, -1.23403448],
       [ 0.3527912 , -1.27117477],
       [ 0.20161279, -0.72644979]])]
input:  [[ 0.87372259]
 [-0.95708859]
 [ 0.44221619]]
activations:  [array([[ 0.87372259],
       [-0.95708859],
       [ 0.44221619]]), array([[ 0.38509897],
       [-2.00990812]]), array([[ 1.69811652],
       [ 0.46370813],
       [ 1.3696119 ]])]
cost derivative:  [[ 0.82439393]
 [ 1.42079673]
 [ 0.92739571]]
unit step:  1
delta:  [[ 0.82439393]
 [ 1.42079673]
 [ 0.92739571]]
delta b updated:  [array([[ 0.23993454],
       [ 2.76529337]]), array([[ 0.82439393],
       [ 1.42079673],
       [ 0.92739571]])]
delta w updated: [array([[ 0.20963622, -0.22963861,  0.10610294],
       [ 2.41609928, -2.64663073,  1.22285748]]), array([[ 0.31747326, -1.65695605],
       [ 0.54714736, -2.85567087],
       [ 0.35713913, -1.86398016]])]
input:  [[-0.87031495]
 [-0.09903159]
 [ 1.01590529]]
activations:  [array([[-0.87031495],
       [-0.09903159],
       [ 1.01590529]]), array([[ 0.07690543],
       [-0.38407985]]), array([[ 0.20473106],
       [ 0.2925109 ],
       [ 0.33807176]])]
cost derivative:  [[ 1.07504601]
 [ 0.39154249]
 [-0.67783354]]
unit step:  1
delta:  [[ 1.07504601]
 [ 0.39154249]
 [-0.67783354]]
delta b updated:  [array([[ 0.05622168],
       [ 0.17636566]]), array([[ 1.07504601],
       [ 0.39154249],
       [-0.67783354]])]
delta w updated: [array([[-0.04893057, -0.00556772,  0.0571159 ],
       [-0.15349367, -0.01746577,  0.1791708 ]]), array([[ 0.08267687, -0.41290351],
       [ 0.03011174, -0.15038358],
       [-0.05212908,  0.2603422 ]])]
input:  [[ 0.84875027]
 [-0.45538179]
 [ 0.79316557]]
activations:  [array([[ 0.84875027],
       [-0.45538179],
       [ 0.79316557]]), array([[ 0.46163458],
       [-1.69696228]]), array([[ 1.58749587],
       [ 0.33172806],
       [ 1.25093147]])]
cost derivative:  [[ 0.73874559]
 [ 0.78710985]
 [ 0.45776591]]
unit step:  1
delta:  [[ 0.73874559]
 [ 0.78710985]
 [ 0.45776591]]
delta b updated:  [array([[ 0.31498764],
       [ 1.56145826]]), array([[ 0.73874559],
       [ 0.78710985],
       [ 0.45776591]])]
delta w updated: [array([[ 0.26734584, -0.14343964,  0.24983735],
       [ 1.32528812, -0.71105966,  1.23849492]]), array([[ 0.34103051, -1.25362341],
       [ 0.36335712, -1.33569573],
       [ 0.21132057, -0.77681148]])]
input:  [[ 0.8615769 ]
 [-1.00628655]
 [ 0.40757408]]
activations:  [array([[ 0.8615769 ],
       [-1.00628655],
       [ 0.40757408]]), array([[ 0.37329277],
       [-2.03552662]]), array([[ 1.69650874],
       [ 0.47433478],
       [ 1.37403175]])]
cost derivative:  [[ 0.83493185]
 [ 1.48062134]
 [ 0.96645766]]
unit step:  1
delta:  [[ 0.83493185]
 [ 1.48062134]
 [ 0.96645766]]
delta b updated:  [array([[ 0.23019888],
       [ 2.87774721]]), array([[ 0.83493185],
       [ 1.48062134],
       [ 0.96645766]])]
delta w updated: [array([[ 0.19833404, -0.23164604,  0.0938231 ],
       [ 2.47940051, -2.89583831,  1.17289519]]), array([[ 0.31167402, -1.699526  ],
       [ 0.55270524, -3.01384413],
       [ 0.36077166, -1.9672503 ]])]
input:  [[-0.89340573]
 [-0.2907287 ]
 [ 0.88130219]]
activations:  [array([[-0.89340573],
       [-0.2907287 ],
       [ 0.88130219]]), array([[ 0.03890931],
       [-0.4853741 ]]), array([[ 0.22106052],
       [ 0.34216067],
       [ 0.36756997]])]
cost derivative:  [[ 1.11446626]
 [ 0.63288937]
 [-0.51373222]]
unit step:  1
delta:  [[ 1.11446626]
 [ 0.63288937]
 [-0.51373222]]
delta b updated:  [array([[ 0.02755033],
       [ 0.30427063]]), array([[ 1.11446626],
       [ 0.63288937],
       [-0.51373222]])]
delta w updated: [array([[-0.02461362, -0.00800967,  0.02428016],
       [-0.27183712, -0.0884602 ,  0.26815437]]), array([[ 0.04336311, -0.54093306],
       [ 0.02462529, -0.30718811],
       [-0.01998897,  0.24935232]])]
input:  [[-0.77334271]
 [-1.01494568]
 [ 0.37601468]]
activations:  [array([[-0.77334271],
       [-1.01494568],
       [ 0.37601468]]), array([[-0.05030159],
       [-0.99561091]]), array([[ 0.44377306],
       [ 0.5265767 ],
       [ 0.58007858]])]
cost derivative:  [[ 1.21711577]
 [ 1.54152238]
 [ 0.2040639 ]]
unit step:  1
delta:  [[ 1.21711577]
 [ 1.54152238]
 [ 0.2040639 ]]
delta b updated:  [array([[-0.0312781 ],
       [ 1.27828722]]), array([[ 1.21711577],
       [ 1.54152238],
       [ 0.2040639 ]])]
delta w updated: [array([[ 0.02418869,  0.03174557, -0.01176103],
       [-0.98855411, -1.29739209,  0.48065476]]), array([[-0.06122286, -1.21177375],
       [-0.07754103, -1.53475651],
       [-0.01026474, -0.20316825]])]
input:  [[-0.88051691]
 [-0.46227744]
 [ 0.76136981]]
activations:  [array([[-0.88051691],
       [-0.46227744],
       [ 0.76136981]]), array([[ 0.01377098],
       [-0.59751207]]), array([[ 0.26173178],
       [ 0.38561241],
       [ 0.41104254]])]
cost derivative:  [[ 1.14224869]
 [ 0.84788984]
 [-0.35032727]]
unit step:  1
delta:  [[ 1.14224869]
 [ 0.84788984]
 [-0.35032727]]
delta b updated:  [array([[ 0.00948055],
       [ 0.4661928 ]]), array([[ 1.14224869],
       [ 0.84788984],
       [-0.35032727]])]
delta w updated: [array([[-0.00834779, -0.00438264,  0.00721821],
       [-0.41049064, -0.21551041,  0.35494512]]), array([[ 0.01572989, -0.68250738],
       [ 0.01167628, -0.50662441],
       [-0.00482435,  0.20932477]])]
input:  [[-0.54721097]
 [-0.10021561]
 [ 1.02011474]]
activations:  [array([[-0.54721097],
       [-0.10021561],
       [ 1.02011474]]), array([[ 0.15985267],
       [-0.59481917]]), array([[ 0.45141168],
       [ 0.28043832],
       [ 0.49664501]])]
cost derivative:  [[ 0.99862265]
 [ 0.38065392]
 [-0.52346973]]
unit step:  1
delta:  [[ 0.99862265]
 [ 0.38065392]
 [-0.52346973]]
delta b updated:  [array([[ 0.11667139],
       [ 0.28758134]]), array([[ 0.99862265],
       [ 0.38065392],
       [-0.52346973]])]
delta w updated: [array([[-0.06384386, -0.01169229,  0.1190182 ],
       [-0.15736766, -0.02882014,  0.29336596]]), array([[ 0.15963249, -0.5939999 ],
       [ 0.06084855, -0.22642025],
       [-0.08367803,  0.31136983]])]
input:  [[-0.38826665]
 [-0.22284173]
 [ 0.93671988]]
activations:  [array([[-0.38826665],
       [-0.22284173],
       [ 0.93671988]]), array([[ 0.18043887],
       [-0.77019473]]), array([[ 0.59486851],
       [ 0.30706602],
       [ 0.6003413 ]])]
cost derivative:  [[ 0.98313517]
 [ 0.52990775]
 [-0.33637858]]
unit step:  1
delta:  [[ 0.98313517]
 [ 0.52990775]
 [-0.33637858]]
delta b updated:  [array([[ 0.12887848],
       [ 0.46634411]]), array([[ 0.98313517],
       [ 0.52990775],
       [-0.33637858]])]
delta w updated: [array([[-0.05003921, -0.0287195 ,  0.12072303],
       [-0.18106587, -0.10392093,  0.4368338 ]]), array([[ 0.1773958 , -0.75720552],
       [ 0.09561596, -0.40813216],
       [-0.06069577,  0.25907701]])]
input:  [[-0.7804745 ]
 [-0.01245835]
 [ 1.07793242]]
activations:  [array([[-0.7804745 ],
       [-0.01245835],
       [ 1.07793242]]), array([[ 0.11401865],
       [-0.39351028]]), array([[ 0.25614089],
       [ 0.2650946 ],
       [ 0.36507969]])]
cost derivative:  [[ 1.03661539]
 [ 0.27755295]
 [-0.71285273]]
unit step:  1
delta:  [[ 1.03661539]
 [ 0.27755295]
 [-0.71285273]]
delta b updated:  [array([[ 0.08443746],
       [ 0.15160507]]), array([[ 1.03661539],
       [ 0.27755295],
       [-0.71285273]])]
delta w updated: [array([[-0.06590128, -0.00105195,  0.09101787],
       [-0.11832389, -0.00188875,  0.16342002]]), array([[ 0.11819349, -0.40791882],
       [ 0.03164621, -0.10921994],
       [-0.08127851,  0.28051488]])]
input:  [[-0.89248299]
 [-0.32136112]
 [ 0.85986509]]
activations:  [array([[-0.89248299],
       [-0.32136112],
       [ 0.85986509]]), array([[ 0.03379359],
       [-0.50665786]]), array([[ 0.2256634 ],
       [ 0.34893318],
       [ 0.37652894]])]
cost derivative:  [[ 1.11814639]
 [ 0.67029431]
 [-0.48333615]]
unit step:  1
delta:  [[ 1.11814639]
 [ 0.67029431]
 [-0.48333615]]
delta b updated:  [array([[ 0.02379266],
       [ 0.33013081]]), array([[ 1.11814639],
       [ 0.67029431],
       [-0.48333615]])]
delta w updated: [array([[-0.02123455, -0.00764604,  0.02045848],
       [-0.29463613, -0.10609121,  0.28386796]]), array([[ 0.03778618, -0.56651766],
       [ 0.02265165, -0.33960988],
       [-0.01633366,  0.24488606]])]
input:  [[-0.79480844]
 [-0.92433828]
 [ 0.43913113]]
activations:  [array([[-0.79480844],
       [-0.92433828],
       [ 0.43913113]]), array([[-0.04102371],
       [-0.93007564]]), array([[ 0.4087755 ],
       [ 0.50202857],
       [ 0.55258698]])]
cost derivative:  [[ 1.20358394]
 [ 1.42636685]
 [ 0.11345585]]
unit step:  1
delta:  [[ 1.20358394]
 [ 1.42636685]
 [ 0.11345585]]
delta b updated:  [array([[-0.02592818],
       [ 1.11359393]]), array([[ 1.20358394],
       [ 1.42636685],
       [ 0.11345585]])]
delta w updated: [array([[ 0.02060794,  0.02396641, -0.01138587],
       [-0.88509385, -1.0293375 ,  0.48901376]]), array([[-0.04937548, -1.1194241 ],
       [-0.05851486, -1.32662906],
       [-0.00465438, -0.10552252]])]
input:  [[ 0.82906   ]
 [-1.07064725]
 [ 0.36199604]]
activations:  [array([[ 0.82906   ],
       [-1.07064725],
       [ 0.36199604]]), array([[ 0.35389312],
       [-2.05787656]]), array([[ 1.67743375],
       [ 0.48548525],
       [ 1.37417303]])]
cost derivative:  [[ 0.84837375]
 [ 1.5561325 ]
 [ 1.01217699]]
unit step:  1
delta:  [[ 0.84837375]
 [ 1.5561325 ]
 [ 1.01217699]]
delta b updated:  [array([[ 0.21485367],
       [ 3.00063527]]), array([[ 0.84837375],
       [ 1.5561325 ],
       [ 1.01217699]])]
delta w updated: [array([[ 0.17812658, -0.23003249,  0.07777618],
       [ 2.48770669, -3.2126219 ,  1.08621808]]), array([[ 0.30023363, -1.74584844],
       [ 0.55070458, -3.20232858],
       [ 0.35820247, -2.08293531]])]
input:  [[ 0.84136483]
 [-1.05252402]
 [ 0.37487938]]
activations:  [array([[ 0.84136483],
       [-1.05252402],
       [ 0.37487938]]), array([[ 0.35986309],
       [-2.05787039]]), array([[ 1.68375857],
       [ 0.47844558],
       [ 1.37591025]])]
cost derivative:  [[ 0.84239374]
 [ 1.53096961]
 [ 1.00103087]]
unit step:  1
delta:  [[ 0.84239374]
 [ 1.53096961]
 [ 1.00103087]]
delta b updated:  [array([[ 0.21954742],
       [ 2.96249031]]), array([[ 0.84239374],
       [ 1.53096961],
       [ 1.00103087]])]
delta w updated: [array([[ 0.18471947, -0.23107893,  0.0823038 ],
       [ 2.49253515, -3.11809222,  1.11057654]]), array([[ 0.30314642, -1.73353714],
       [ 0.55093946, -3.15053703],
       [ 0.36023406, -2.05999178]])]
input:  [[-0.13526893]
 [-0.45208366]
 [ 0.78013005]]
activations:  [array([[-0.13526893],
       [-0.45208366],
       [ 0.78013005]]), array([[ 0.20732808],
       [-1.07394339]]), array([[ 0.82827096],
       [ 0.35460272],
       [ 0.7728374 ]])]
cost derivative:  [[ 0.96353989]
 [ 0.80668638]
 [-0.00729265]]
unit step:  1
delta:  [[ 0.96353989]
 [ 0.80668638]
 [-0.00729265]]
delta b updated:  [array([[ 0.14226806],
       [ 0.88572516]]), array([[ 0.96353989],
       [ 0.80668638],
       [-0.00729265]])]
delta w updated: [array([[-0.01924445, -0.06431706,  0.11098759],
       [-0.1198111 , -0.40042188,  0.69098082]]), array([[ 0.19976887, -1.03478729],
       [ 0.16724874, -0.8663355 ],
       [-0.00151197,  0.0078319 ]])]
input:  [[ 0.83331994]
 [-1.06496602]
 [ 0.36604096]]
activations:  [array([[ 0.83331994],
       [-1.06496602],
       [ 0.36604096]]), array([[ 0.3554277 ],
       [-2.06357906]]), array([[ 1.67915978],
       [ 0.47932161],
       [ 1.3744548 ]])]
cost derivative:  [[ 0.84583984]
 [ 1.54428763]
 [ 1.00841384]]
unit step:  1
delta:  [[ 0.84583984]
 [ 1.54428763]
 [ 1.00841384]]
delta b updated:  [array([[ 0.21641011],
       [ 2.98250321]]), array([[ 0.84583984],
       [ 1.54428763],
       [ 1.00841384]])]
delta w updated: [array([[ 0.18033886, -0.23046941,  0.07921496],
       [ 2.4853794 , -3.17626456,  1.09171834]]), array([[ 0.30063491, -1.74545738],
       [ 0.5488826 , -3.18675962],
       [ 0.35841821, -2.08094168]])]
input:  [[-0.88818223]
 [-0.38808078]
 [ 0.81320924]]
activations:  [array([[-0.88818223],
       [-0.38808078],
       [ 0.81320924]]), array([[ 0.02353572],
       [-0.55396272]]), array([[ 0.24027004],
       [ 0.36267337],
       [ 0.39303093]])]
cost derivative:  [[ 1.12845227]
 [ 0.75075415]
 [-0.42017831]]
unit step:  1
delta:  [[ 1.12845227]
 [ 0.75075415]
 [-0.42017831]]
delta b updated:  [array([[ 0.01640611],
       [ 0.39063673]]), array([[ 1.12845227],
       [ 0.75075415],
       [-0.42017831]])]
delta w updated: [array([[-0.01457161, -0.0063669 ,  0.0133416 ],
       [-0.3469566 , -0.15159861,  0.3176694 ]]), array([[ 0.02655893, -0.62512049],
       [ 0.01766954, -0.41588981],
       [-0.0098892 ,  0.23276312]])]
input:  [[-0.51887351]
 [-0.1200104 ]
 [ 1.00669461]]
activations:  [array([[-0.51887351],
       [-0.1200104 ],
       [ 1.00669461]]), array([[ 0.16329138],
       [-0.63052911]]), array([[ 0.47415375],
       [ 0.28038848],
       [ 0.51594796]])]
cost derivative:  [[ 0.99302726]
 [ 0.40039888]
 [-0.49074665]]
unit step:  1
delta:  [[ 0.99302726]
 [ 0.40039888]
 [-0.49074665]]
delta b updated:  [array([[ 0.11875168],
       [ 0.31341527]]), array([[ 0.99302726],
       [ 0.40039888],
       [-0.49074665]])]
delta w updated: [array([[-0.0616171 , -0.01425144,  0.11954667],
       [-0.16262288, -0.03761309,  0.31551346]]), array([[ 0.16215279, -0.62613259],
       [ 0.06538169, -0.25246315],
       [-0.0801347 ,  0.30943005]])]
input:  [[ 0.84876504]
 [-1.03861718]
 [ 0.38473357]]
activations:  [array([[ 0.84876504],
       [-1.03861718],
       [ 0.38473357]]), array([[ 0.36352488],
       [-2.06085913]]), array([[ 1.68488559],
       [ 0.46928651],
       [ 1.3767336 ]])]
cost derivative:  [[ 0.83612055]
 [ 1.50790368]
 [ 0.99200003]]
unit step:  1
delta:  [[ 0.83612055]
 [ 1.50790368]
 [ 0.99200003]]
delta b updated:  [array([[ 0.22239099],
       [ 2.92345595]]), array([[ 0.83612055],
       [ 1.50790368],
       [ 0.99200003]])]
delta w updated: [array([[ 0.1887577 , -0.23097911,  0.08556128],
       [ 2.4813272 , -3.03635156,  1.12475165]]), array([[ 0.30395062, -1.72312666],
       [ 0.5481605 , -3.10757707],
       [ 0.36061669, -2.04437232]])]
input:  [[-0.32441767]
 [-0.27805098]
 [ 0.89905324]]
activations:  [array([[-0.32441767],
       [-0.27805098],
       [ 0.89905324]]), array([[ 0.18702922],
       [-0.85190149]]), array([[ 0.65082609],
       [ 0.31322006],
       [ 0.64412545]])]
cost derivative:  [[ 0.97524376]
 [ 0.59127105]
 [-0.25492779]]
unit step:  1
delta:  [[ 0.97524376]
 [ 0.59127105]
 [-0.25492779]]
delta b updated:  [array([[ 0.13233057],
       [ 0.55420666]]), array([[ 0.97524376],
       [ 0.59127105],
       [-0.25492779]])]
delta w updated: [array([[-0.04293038, -0.03679465,  0.11897223],
       [-0.17979443, -0.15409771,  0.49826129]]), array([[ 0.18239908, -0.83081161],
       [ 0.11058496, -0.50370468],
       [-0.04767895,  0.21717336]])]
input:  [[-0.89224133]
 [-0.22185723]
 [ 0.92955015]]
activations:  [array([[-0.89224133],
       [-0.22185723],
       [ 0.92955015]]), array([[ 0.0498173 ],
       [-0.45332876]]), array([[ 0.20614894],
       [ 0.31879527],
       [ 0.3563517 ]])]
cost derivative:  [[ 1.09839027]
 [ 0.5406525 ]
 [-0.57319845]]
unit step:  1
delta:  [[ 1.09839027]
 [ 0.5406525 ]
 [-0.57319845]]
delta b updated:  [array([[ 0.03568163],
       [ 0.25168322]]), array([[ 1.09839027],
       [ 0.5406525 ],
       [-0.57319845]])]
delta w updated: [array([[-0.03183662, -0.00791623,  0.03316786],
       [-0.22456217, -0.05583774,  0.23395218]]), array([[ 0.05471884, -0.49793189],
       [ 0.02693385, -0.24509333],
       [-0.0285552 ,  0.25984734]])]
input:  [[ 0.80028279]
 [-1.09741885]
 [ 0.34279947]]
activations:  [array([[ 0.80028279],
       [-1.09741885],
       [ 0.34279947]]), array([[ 0.34096818],
       [-2.06822772]]), array([[ 1.65700212],
       [ 0.48347822],
       [ 1.3659822 ]])]
cost derivative:  [[ 0.85671934]
 [ 1.58089706]
 [ 1.02318273]]
unit step:  1
delta:  [[ 0.85671934]
 [ 1.58089706]
 [ 1.02318273]]
delta b updated:  [array([[ 0.2061657 ],
       [ 3.02351598]]), array([[ 0.85671934],
       [ 1.58089706],
       [ 1.02318273]])]
delta w updated: [array([[ 0.16499086, -0.22625012,  0.07067349],
       [ 2.41966779, -3.31806341,  1.03645968]]), array([[ 0.29211404, -1.77189068],
       [ 0.5390356 , -3.26965513],
       [ 0.34887276, -2.11617488]])]
input:  [[-0.82561786]
 [-0.78438004]
 [ 0.53666163]]
activations:  [array([[-0.82561786],
       [-0.78438004],
       [ 0.53666163]]), array([[-0.02652475],
       [-0.83596619]]), array([[ 0.35791218],
       [ 0.45996478],
       [ 0.50847739]])]
cost derivative:  [[ 1.18353003]
 [ 1.24434482]
 [-0.02818424]]
unit step:  1
delta:  [[ 1.18353003]
 [ 1.24434482]
 [-0.02818424]]
delta b updated:  [array([[-0.01721922],
       [ 0.88105646]]), array([[ 1.18353003],
       [ 1.24434482],
       [-0.02818424]])]
delta w updated: [array([[ 0.0142165 ,  0.01350641, -0.0092409 ],
       [-0.72741594, -0.69108309,  0.47282919]]), array([[ -3.13928389e-02,  -9.89391090e-01],
       [ -3.30059359e-02,  -1.04023019e+00],
       [  7.47579992e-04,   2.35610734e-02]])]
input:  [[ 0.42222839]
 [-0.95895256]
 [ 0.43387011]]
activations:  [array([[ 0.42222839],
       [-0.95895256],
       [ 0.43387011]]), array([[ 0.26628076],
       [-1.74493302]]), array([[ 1.34260843],
       [ 0.45868064],
       [ 1.15258122]])]
cost derivative:  [[ 0.92038004]
 [ 1.41763319]
 [ 0.71871111]]
unit step:  1
delta:  [[ 0.92038004]
 [ 1.41763319]
 [ 0.71871111]]
delta b updated:  [array([[ 0.16603015],
       [ 2.27758569]]), array([[ 0.92038004],
       [ 1.41763319],
       [ 0.71871111]])]
delta w updated: [array([[ 0.07010264, -0.15921504,  0.07203552],
       [ 0.96166134, -2.18409662,  0.98817636]]), array([[ 0.2450795 , -1.60600152],
       [ 0.37748844, -2.47367497],
       [ 0.19137894, -1.25410275]])]
input:  [[ 0.51130396]
 [-1.02368072]
 [ 0.38993089]]
activations:  [array([[ 0.51130396],
       [-1.02368072],
       [ 0.38993089]]), array([[ 0.27836909],
       [-1.84303374]]), array([[ 1.42200971],
       [ 0.47052425],
       [ 1.20947566]])]
cost derivative:  [[ 0.91070574]
 [ 1.49420497]
 [ 0.81954477]]
unit step:  1
delta:  [[ 0.91070574]
 [ 1.49420497]
 [ 0.81954477]]
delta b updated:  [array([[ 0.17139626],
       [ 2.51854163]]), array([[ 0.91070574],
       [ 1.49420497],
       [ 0.81954477]])]
delta w updated: [array([[ 0.08763559, -0.17545504,  0.0668327 ],
       [ 1.28774032, -2.5781825 ,  0.98205719]]), array([[ 0.25351233, -1.67846141],
       [ 0.41594048, -2.75387016],
       [ 0.22813593, -1.51044865]])]
input:  [[ 0.88234155]
 [-0.88453597]
 [ 0.49315826]]
activations:  [array([[ 0.88234155],
       [-0.88453597],
       [ 0.49315826]]), array([[ 0.39701122],
       [-2.00022941]]), array([[ 1.68018719],
       [ 0.41933075],
       [ 1.35987683]])]
cost derivative:  [[ 0.79784564]
 [ 1.30386672]
 [ 0.86671857]]
unit step:  1
delta:  [[ 0.79784564]
 [ 1.30386672]
 [ 0.86671857]]
delta b updated:  [array([[ 0.25056736],
       [ 2.54185457]]), array([[ 0.79784564],
       [ 1.30386672],
       [ 0.86671857]])]
delta w updated: [array([[ 0.22108599, -0.22163584,  0.12356936],
       [ 2.24278391, -2.24836179,  1.25353658]]), array([[ 0.31675367, -1.59587431],
       [ 0.51764971, -2.60803256],
       [ 0.34409699, -1.73363597]])]
input:  [[ 0.79107532]
 [-0.15591211]
 [ 1.00198092]]
activations:  [array([[ 0.79107532],
       [-0.15591211],
       [ 1.00198092]]), array([[ 0.49436314],
       [-1.50382662]]), array([[ 1.47936073],
       [ 0.23496079],
       [ 1.1601784 ]])]
cost derivative:  [[ 0.68828541]
 [ 0.3908729 ]
 [ 0.15819748]]
unit step:  1
delta:  [[ 0.68828541]
 [ 0.3908729 ]
 [ 0.15819748]]
delta b updated:  [array([[ 0.35519177],
       [ 0.93843923]]), array([[ 0.68828541],
       [ 0.3908729 ],
       [ 0.15819748]])]
delta w updated: [array([[ 0.28098344, -0.0553787 ,  0.35589538],
       [ 0.74237612, -0.14631404,  0.94029821]]), array([[ 0.34026294, -1.03506192],
       [ 0.19323315, -0.58780507],
       [ 0.078207  , -0.23790158]])]
input:  [[-0.77443049]
 [-0.01156442]
 [ 1.07865268]]
activations:  [array([[-0.77443049],
       [-0.01156442],
       [ 1.07865268]]), array([[ 0.11468021],
       [-0.40724105]]), array([[ 0.25738299],
       [ 0.25735178],
       [ 0.36909185]])]
cost derivative:  [[ 1.03181348]
 [ 0.2689162 ]
 [-0.70956083]]
unit step:  1
delta:  [[ 1.03181348]
 [ 0.2689162 ]
 [-0.70956083]]
delta b updated:  [array([[ 0.08501876],
       [ 0.15271046]]), array([[ 1.03181348],
       [ 0.2689162 ],
       [-0.70956083]])]
delta w updated: [array([[-0.06584112, -0.00098319,  0.09170571],
       [-0.11826364, -0.00176601,  0.16472155]]), array([[ 0.11832859, -0.42019681],
       [ 0.03083937, -0.10951371],
       [-0.08137259,  0.2889623 ]])]
input:  [[-0.37776181]
 [-0.23174803]
 [ 0.93064673]]
activations:  [array([[-0.37776181],
       [-0.23174803],
       [ 0.93064673]]), array([[ 0.18023269],
       [-0.7962435 ]]), array([[ 0.5993403 ],
       [ 0.29852835],
       [ 0.60892437]])]
cost derivative:  [[ 0.97710211]
 [ 0.53027638]
 [-0.32172236]]
unit step:  1
delta:  [[ 0.97710211]
 [ 0.53027638]
 [-0.32172236]]
delta b updated:  [array([[ 0.12850337],
       [ 0.47611923]]), array([[ 0.97710211],
       [ 0.53027638],
       [-0.32172236]])]
delta w updated: [array([[-0.04854367, -0.0297804 ,  0.11959124],
       [-0.17985966, -0.11033969,  0.4430988 ]]), array([[ 0.17610574, -0.7780112 ],
       [ 0.09557314, -0.42222912],
       [-0.05798489,  0.25616934]])]
input:  [[-0.83105005]
 [-0.75801209]
 [ 0.55504205]]
activations:  [array([[-0.83105005],
       [-0.75801209],
       [ 0.55504205]]), array([[-0.02408151],
       [-0.82167202]]), array([[ 0.34729081],
       [ 0.44999481],
       [ 0.50089839]])]
cost derivative:  [[ 1.17834086]
 [ 1.2080069 ]
 [-0.05414366]]
unit step:  1
delta:  [[ 1.17834086]
 [ 1.2080069 ]
 [-0.05414366]]
delta b updated:  [array([[-0.0156939 ],
       [ 0.83941946]]), array([[ 1.17834086],
       [ 1.2080069 ],
       [-0.05414366]])]
delta w updated: [array([[ 0.01304242,  0.01189617, -0.00871078],
       [-0.69759959, -0.6362901 ,  0.4659131 ]]), array([[-0.02837622, -0.96820972],
       [-0.02909063, -0.99258547],
       [ 0.00130386,  0.04448833]])]
input:  [[ 0.39129169]
 [-0.9345011 ]
 [ 0.45051071]]
activations:  [array([[ 0.39129169],
       [-0.9345011 ],
       [ 0.45051071]]), array([[ 0.26159135],
       [-1.71734929]]), array([[ 1.31129902],
       [ 0.44766309],
       [ 1.13260063]])]
cost derivative:  [[ 0.92000733]
 [ 1.38216419]
 [ 0.68208992]]
unit step:  1
delta:  [[ 0.92000733]
 [ 1.38216419]
 [ 0.68208992]]
delta b updated:  [array([[ 0.16356387],
       [ 2.18091045]]), array([[ 0.92000733],
       [ 1.38216419],
       [ 0.68208992]])]
delta w updated: [array([[ 0.06400118, -0.15285061,  0.07368727],
       [ 0.85337214, -2.03806322,  0.98252352]]), array([[ 0.24066596, -1.57997394],
       [ 0.3615622 , -2.37365869],
       [ 0.17842883, -1.17138664]])]
input:  [[-0.06673768]
 [-0.51717072]
 [ 0.73561912]]
activations:  [array([[-0.06673768],
       [-0.51717072],
       [ 0.73561912]]), array([[ 0.21279091],
       [-1.17132241]]), array([[ 0.88685666],
       [ 0.35768353],
       [ 0.82125487]])]
cost derivative:  [[ 0.95359434]
 [ 0.87485425]
 [ 0.08563576]]
unit step:  1
delta:  [[ 0.95359434]
 [ 0.87485425]
 [ 0.08563576]]
delta b updated:  [array([[ 0.14417082],
       [ 1.01722236]]), array([[ 0.95359434],
       [ 0.87485425],
       [ 0.08563576]])]
delta w updated: [array([[-0.00962163, -0.07456093,  0.10605482],
       [-0.06788706, -0.52607762,  0.74828822]]), array([[ 0.20291621, -1.11696642],
       [ 0.18616103, -1.02473639],
       [ 0.01822251, -0.10030708]])]
input:  [[ 0.15071471]
 [-0.72317733]
 [ 0.59474638]]
activations:  [array([[ 0.15071471],
       [-0.72317733],
       [ 0.59474638]]), array([[ 0.23450634],
       [-1.43668993]]), array([[ 1.08903936],
       [ 0.40114729],
       [ 0.97085774]])]
cost derivative:  [[ 0.93832465]
 [ 1.12432462]
 [ 0.37611136]]
unit step:  1
delta:  [[ 0.93832465]
 [ 1.12432462]
 [ 0.37611136]]
delta b updated:  [array([[ 0.15278256],
       [ 1.52803399]]), array([[ 0.93832465],
       [ 1.12432462],
       [ 0.37611136]])]
delta w updated: [array([[ 0.02302658, -0.11048888,  0.09086687],
       [ 0.2302972 , -1.10503955,  0.90879268]]), array([[ 0.22004308, -1.34808157],
       [ 0.26366126, -1.61530585],
       [ 0.0882005 , -0.5403554 ]])]
input:  [[ 0.4324114 ]
 [-0.96680394]
 [ 0.42853068]]
activations:  [array([[ 0.4324114 ],
       [-0.96680394],
       [ 0.42853068]]), array([[ 0.26650911],
       [-1.76665072]]), array([[ 1.34683078],
       [ 0.45114266],
       [ 1.15947951]])]
cost derivative:  [[ 0.91441939]
 [ 1.41794661]
 [ 0.73094883]]
unit step:  1
delta:  [[ 0.91441939]
 [ 1.41794661]
 [ 0.73094883]]
delta b updated:  [array([[ 0.16542629],
       [ 2.2886945 ]]), array([[ 0.91441939],
       [ 1.41794661],
       [ 0.73094883]])]
delta w updated: [array([[ 0.07153221, -0.15993479,  0.07089024],
       [ 0.98965758, -2.21271887,  0.98077581]]), array([[ 0.2437011 , -1.61545967],
       [ 0.37789569, -2.5050164 ],
       [ 0.19480452, -1.29133127]])]
input:  [[ 0.80545352]
 [-1.09380872]
 [ 0.34540823]]
activations:  [array([[ 0.80545352],
       [-1.09380872],
       [ 0.34540823]]), array([[ 0.3413814 ],
       [-2.08608336]]), array([[ 1.65350212],
       [ 0.467041  ],
       [ 1.36735576]])]
cost derivative:  [[ 0.84804861]
 [ 1.56084972]
 [ 1.02194753]]
unit step:  1
delta:  [[ 0.84804861]
 [ 1.56084972]
 [ 1.02194753]]
delta b updated:  [array([[ 0.20614892],
       [ 2.98665327]]), array([[ 0.84804861],
       [ 1.56084972],
       [ 1.02194753]])]
delta w updated: [array([[ 0.16604337, -0.22548749,  0.07120553],
       [ 2.40561038, -3.2668274 ,  1.03161461]]), array([[ 0.28950802, -1.76910009],
       [ 0.53284506, -3.25606263],
       [ 0.34887387, -2.13186774]])]
input:  [[ 0.72041262]
 [-1.11554813]
 [ 0.32885824]]
activations:  [array([[ 0.72041262],
       [-1.11554813],
       [ 0.32885824]]), array([[ 0.31565893],
       [-2.04721863]]), array([[ 1.5927072 ],
       [ 0.4739454 ],
       [ 1.33024536]])]
cost derivative:  [[ 0.87229458]
 [ 1.58949353]
 [ 1.00138712]]
unit step:  1
delta:  [[ 0.87229458]
 [ 1.58949353]
 [ 1.00138712]]
delta b updated:  [array([[ 0.19019237],
       [ 2.94898922]]), array([[ 0.87229458],
       [ 1.58949353],
       [ 1.00138712]])]
delta w updated: [array([[ 0.13701698, -0.21216874,  0.06254633],
       [ 2.12448904, -3.28973941,  0.9697994 ]]), array([[ 0.27534757, -1.78577771],
       [ 0.50173783, -3.25404076],
       [ 0.31609679, -2.05005837]])]
input:  [[-0.52840239]
 [-0.11323031]
 [ 1.01129402]]
activations:  [array([[-0.52840239],
       [-0.11323031],
       [ 1.01129402]]), array([[ 0.16056785],
       [-0.63396228]]), array([[ 0.46166503],
       [ 0.26920181],
       [ 0.51084213]])]
cost derivative:  [[ 0.99006742]
 [ 0.38243212]
 [-0.50045189]]
unit step:  1
delta:  [[ 0.99006742]
 [ 0.38243212]
 [-0.50045189]]
delta b updated:  [array([[ 0.11703531],
       [ 0.3020226 ]]), array([[ 0.99006742],
       [ 0.38243212],
       [-0.50045189]])]
delta w updated: [array([[-0.06184174, -0.01325194,  0.11835711],
       [-0.15958946, -0.03419811,  0.30543364]]), array([[ 0.15897299, -0.6276654 ],
       [ 0.0614063 , -0.24244754],
       [-0.08035648,  0.31726762]])]
input:  [[ 0.52081854]
 [-1.02999117]
 [ 0.38566014]]
activations:  [array([[ 0.52081854],
       [-1.02999117],
       [ 0.38566014]]), array([[ 0.27825665],
       [-1.86910043]]), array([[ 1.42464246],
       [ 0.45817938],
       [ 1.21520547]])]
cost derivative:  [[ 0.90382392]
 [ 1.48817054]
 [ 0.82954533]]
unit step:  1
delta:  [[ 0.90382392]
 [ 1.48817054]
 [ 0.82954533]]
delta b updated:  [array([[ 0.17082304],
       [ 2.51830257]]), array([[ 0.90382392],
       [ 1.48817054],
       [ 0.82954533]])]
delta w updated: [array([[ 0.08896781, -0.17594622,  0.06587964],
       [ 1.31157867, -2.5938294 ,  0.97120891]]), array([[ 0.25149501, -1.68933768],
       [ 0.41409334, -2.78154021],
       [ 0.2308265 , -1.55050354]])]
input:  [[-0.14663269]
 [-0.44135029]
 [ 0.78746928]]
activations:  [array([[-0.14663269],
       [-0.44135029],
       [ 0.78746928]]), array([[ 0.20414363],
       [-1.08163367]]), array([[ 0.81067218],
       [ 0.33539485],
       [ 0.7659826 ]])]
cost derivative:  [[ 0.95730486]
 [ 0.77674514]
 [-0.02148668]]
unit step:  1
delta:  [[ 0.95730486]
 [ 0.77674514]
 [-0.02148668]]
delta b updated:  [array([[ 0.14040814],
       [ 0.85085248]]), array([[ 0.95730486],
       [ 0.77674514],
       [-0.02148668]])]
delta w updated: [array([[-0.02058842, -0.06196917,  0.1105671 ],
       [-0.12476279, -0.37552399,  0.67002019]]), array([[ 0.19542769, -1.03545317],
       [ 0.15856758, -0.8401537 ],
       [-0.00438637,  0.02324071]])]
input:  [[ 0.87704311]
 [-0.67298184]
 [ 0.64122427]]
activations:  [array([[ 0.87704311],
       [-0.67298184],
       [ 0.64122427]]), array([[ 0.42915398],
       [-1.88565506]]), array([[ 1.63112792],
       [ 0.35078423],
       [ 1.31199431]])]
cost derivative:  [[ 0.75408482]
 [ 1.02376607]
 [ 0.67077005]]
unit step:  1
delta:  [[ 0.75408482]
 [ 1.02376607]
 [ 0.67077005]]
delta b updated:  [array([[ 0.28110346],
       [ 2.00385077]]), array([[ 0.75408482],
       [ 1.02376607],
       [ 0.67077005]])]
delta w updated: [array([[ 0.24653985, -0.18917752,  0.18025036],
       [ 1.7574635 , -1.34855517,  1.28491774]]), array([[ 0.3236185 , -1.42194385],
       [ 0.43935328, -1.93046967],
       [ 0.28786364, -1.26484093]])]
input:  [[ 0.03656671]
 [-0.6156325 ]
 [ 0.66827857]]
activations:  [array([[ 0.03656671],
       [-0.6156325 ],
       [ 0.66827857]]), array([[ 0.22207272],
       [-1.30782426]]), array([[ 0.98054409],
       [ 0.37056306],
       [ 0.89188175]])]
cost derivative:  [[ 0.94397738]
 [ 0.98619556]
 [ 0.22360317]]
unit step:  1
delta:  [[ 0.94397738]
 [ 0.98619556]
 [ 0.22360317]]
delta b updated:  [array([[ 0.14778661],
       [ 1.23985979]]), array([[ 0.94397738],
       [ 0.98619556],
       [ 0.22360317]])]
delta w updated: [array([[ 0.00540407, -0.09098224,  0.09876263],
       [ 0.0453376 , -0.76329798,  0.82857173]]), array([[ 0.20963163, -1.23455651],
       [ 0.21900713, -1.28977047],
       [ 0.04965617, -0.29243365]])]
input:  [[-0.31359679]
 [-0.2876391 ]
 [ 0.89250755]]
activations:  [array([[-0.31359679],
       [-0.2876391 ],
       [ 0.89250755]]), array([[ 0.18639996],
       [-0.88246044]]), array([[ 0.65502767],
       [ 0.30202186],
       [ 0.65251222]])]
cost derivative:  [[ 0.96862446]
 [ 0.58966096]
 [-0.23999532]]
unit step:  1
delta:  [[ 0.96862446]
 [ 0.58966096]
 [-0.23999532]]
delta b updated:  [array([[ 0.1316876 ],
       [ 0.56375829]]), array([[ 0.96862446],
       [ 0.58966096],
       [-0.23999532]])]
delta w updated: [array([[-0.04129681, -0.0378785 ,  0.11753218],
       [-0.17679279, -0.16215893,  0.50315853]]), array([[ 0.18055156, -0.85477277],
       [ 0.10991278, -0.52035247],
       [-0.04473512,  0.21178638]])]
input:  [[ 0.78390241]
 [-1.10627369]
 [ 0.3363431 ]]
activations:  [array([[ 0.78390241],
       [-1.10627369],
       [ 0.3363431 ]]), array([[ 0.33269605],
       [-2.09115349]]), array([[ 1.63554515],
       [ 0.46147631],
       [ 1.35899616]])]
cost derivative:  [[ 0.85164273]
 [ 1.56775   ]
 [ 1.02265306]]
unit step:  1
delta:  [[ 0.85164273]
 [ 1.56775   ]
 [ 1.02265306]]
delta b updated:  [array([[ 0.20024481],
       [ 2.97641855]]), array([[ 0.85164273],
       [ 1.56775   ],
       [ 1.02265306]])]
delta w updated: [array([[ 0.15697239, -0.22152556,  0.06735096],
       [ 2.33322168, -3.29273353,  1.00109783]]), array([[ 0.28333818, -1.78091568],
       [ 0.52158424, -3.27840589],
       [ 0.34023264, -2.13852452]])]
input:  [[-0.85867859]
 [-0.61084914]
 [ 0.65766752]]
activations:  [array([[-0.85867859],
       [-0.61084914],
       [ 0.65766752]]), array([[-0.00786467],
       [-0.72698138]]), array([[ 0.29733469],
       [ 0.40537765],
       [ 0.45685276]])]
cost derivative:  [[ 1.15601328]
 [ 1.01622679]
 [-0.20081476]]
unit step:  1
delta:  [[ 1.15601328]
 [ 1.01622679]
 [-0.20081476]]
delta b updated:  [array([[-0.00526853],
       [ 0.63435356]]), array([[ 1.15601328],
       [ 1.01622679],
       [-0.20081476]])]
delta w updated: [array([[ 0.00452397,  0.00321827, -0.00346494],
       [-0.54470582, -0.38749433,  0.41719373]]), array([[-0.00909166, -0.84040013],
       [-0.00799229, -0.73877796],
       [ 0.00157934,  0.14598859]])]
input:  [[ 0.44252695]
 [-0.97449941]
 [ 0.42329939]]
activations:  [array([[ 0.44252695],
       [-0.97449941],
       [ 0.42329939]]), array([[ 0.26655841],
       [-1.79275892]]), array([[ 1.35168825],
       [ 0.44020478],
       [ 1.16531401]])]
cost derivative:  [[ 0.9091613 ]
 [ 1.41470419]
 [ 0.74201462]]
unit step:  1
delta:  [[ 0.9091613 ]
 [ 1.41470419]
 [ 0.74201462]]
delta b updated:  [array([[ 0.16526546],
       [ 2.29538994]]), array([[ 0.9091613 ],
       [ 1.41470419],
       [ 0.74201462]])]
delta w updated: [array([[ 0.07313442, -0.16105109,  0.06995677],
       [ 1.0157719 , -2.23685615,  0.97163717]]), array([[ 0.24234459, -1.62990703],
       [ 0.3771013 , -2.53622355],
       [ 0.19779024, -1.33025333]])]
input:  [[ 0.11663588]
 [-0.69133326]
 [ 0.61651493]]
activations:  [array([[ 0.11663588],
       [-0.69133326],
       [ 0.61651493]]), array([[ 0.22968323],
       [-1.41069652]]), array([[ 1.05310671],
       [ 0.38180823],
       [ 0.94697143]])]
cost derivative:  [[ 0.93647083]
 [ 1.07314149]
 [ 0.3304565 ]]
unit step:  1
delta:  [[ 0.93647083]
 [ 1.07314149]
 [ 0.3304565 ]]
delta b updated:  [array([[ 0.15067791],
       [ 1.42710938]]), array([[ 0.93647083],
       [ 1.07314149],
       [ 0.3304565 ]])]
delta w updated: [array([[ 0.01757445, -0.10416865,  0.09289518],
       [ 0.16645215, -0.98660818,  0.87983424]]), array([[ 0.21509165, -1.32107614],
       [ 0.2464826 , -1.51387697],
       [ 0.07590032, -0.46617383]])]
input:  [[-0.88785181]
 [-0.17443756]
 [ 0.96282598]]
activations:  [array([[-0.88785181],
       [-0.17443756],
       [ 0.96282598]]), array([[ 0.05710265],
       [-0.44492885]]), array([[ 0.19701052],
       [ 0.29555168],
       [ 0.35047613]])]
cost derivative:  [[ 1.08486233]
 [ 0.46998925]
 [-0.61234985]]
unit step:  1
delta:  [[ 1.08486233]
 [ 0.46998925]
 [-0.61234985]]
delta b updated:  [array([[ 0.04130459],
       [ 0.22014593]]), array([[ 1.08486233],
       [ 0.46998925],
       [-0.61234985]])]
delta w updated: [array([[-0.03667235, -0.00720507,  0.03976913],
       [-0.19545696, -0.03840172,  0.21196222]]), array([[ 0.06194851, -0.48268655],
       [ 0.02683763, -0.20911178],
       [-0.0349668 ,  0.27245211]])]
input:  [[-0.6015206 ]
 [-0.06581055]
 [ 1.04336123]]
activations:  [array([[-0.6015206 ],
       [-0.06581055],
       [ 1.04336123]]), array([[ 0.14884093],
       [-0.56487079]]), array([[ 0.39498311],
       [ 0.2555804 ],
       [ 0.46646791]])]
cost derivative:  [[ 0.99650372]
 [ 0.32139095]
 [-0.57689333]]
unit step:  1
delta:  [[ 0.99650372]
 [ 0.32139095]
 [-0.57689333]]
delta b updated:  [array([[ 0.1093763 ],
       [ 0.23896052]]), array([[ 0.99650372],
       [ 0.32139095],
       [-0.57689333]])]
delta w updated: [array([[-0.0657921 , -0.00719811,  0.11411899],
       [-0.14373968, -0.01572612,  0.24932215]]), array([[ 0.14832053, -0.56289585],
       [ 0.04783613, -0.18154436],
       [-0.08586534,  0.32587019]])]
input:  [[ 0.04803713]
 [-0.62653231]
 [ 0.66082445]]
activations:  [array([[ 0.04803713],
       [-0.62653231],
       [ 0.66082445]]), array([[ 0.22263463],
       [-1.32787665]]), array([[ 0.98781899],
       [ 0.36742266],
       [ 0.90077941]])]
cost derivative:  [[ 0.93978185]
 [ 0.99395496]
 [ 0.23995496]]
unit step:  1
delta:  [[ 0.93978185]
 [ 0.99395496]
 [ 0.23995496]]
delta b updated:  [array([[ 0.14764288],
       [ 1.26013339]]), array([[ 0.93978185],
       [ 0.99395496],
       [ 0.23995496]])]
delta w updated: [array([[ 0.00709234, -0.09250304,  0.09756603],
       [ 0.0605332 , -0.78951428,  0.83272696]]), array([[ 0.20922799, -1.24791437],
       [ 0.2212888 , -1.31984958],
       [ 0.05342228, -0.31863058]])]
input:  [[ 0.87313736]
 [-0.63343154]
 [ 0.66885992]]
activations:  [array([[ 0.87313736],
       [-0.63343154],
       [ 0.66885992]]), array([[ 0.43377603],
       [-1.86838082]]), array([[ 1.61535905],
       [ 0.33178508],
       [ 1.30219658]])]
cost derivative:  [[ 0.74222169]
 [ 0.96521663]
 [ 0.63333666]]
unit step:  1
delta:  [[ 0.74222169]
 [ 0.96521663]
 [ 0.63333666]]
delta b updated:  [array([[ 0.28533185],
       [ 1.89573761]]), array([[ 0.74222169],
       [ 0.96521663],
       [ 0.63333666]])]
delta w updated: [array([[ 0.2491339 , -0.18073819,  0.19084704],
       [ 1.65523934, -1.20081999,  1.26798291]]), array([[ 0.32195798, -1.38675277],
       [ 0.41868784, -1.80339223],
       [ 0.27472626, -1.18331406]])]
input:  [[ 0.70617593]
 [-1.1138955 ]
 [ 0.32979354]]
activations:  [array([[ 0.70617593],
       [-1.1138955 ],
       [ 0.32979354]]), array([[ 0.31059698],
       [-2.05403977]]), array([[ 1.57329252],
       [ 0.45844377],
       [ 1.32303762]])]
cost derivative:  [[ 0.86711659]
 [ 1.57233927]
 [ 0.99324408]]
unit step:  1
delta:  [[ 0.86711659]
 [ 1.57233927]
 [ 0.99324408]]
delta b updated:  [array([[ 0.18629169],
       [ 2.89429269]]), array([[ 0.86711659],
       [ 1.57233927],
       [ 0.99324408]])]
delta w updated: [array([[ 0.13155471, -0.20750948,  0.0614378 ],
       [ 2.04387984, -3.22393961,  0.95451904]]), array([[ 0.26932379, -1.78109197],
       [ 0.48836383, -3.22964739],
       [ 0.30849861, -2.04016284]])]
input:  [[ 0.88371162]
 [-0.85694283]
 [ 0.51250275]]
activations:  [array([[ 0.88371162],
       [-0.85694283],
       [ 0.51250275]]), array([[ 0.39887646],
       [-2.0156072 ]]), array([[ 1.66257837],
       [ 0.38417663],
       [ 1.35400485]])]
cost derivative:  [[ 0.77886674]
 [ 1.24111945]
 [ 0.8415021 ]]
unit step:  1
delta:  [[ 0.77886674]
 [ 1.24111945]
 [ 0.8415021 ]]
delta b updated:  [array([[ 0.25168915],
       [ 2.41994494]]), array([[ 0.77886674],
       [ 1.24111945],
       [ 0.8415021 ]])]
delta w updated: [array([[ 0.22242063, -0.21568321,  0.12899138],
       [ 2.13853347, -2.07375446,  1.24022843]]), array([[ 0.31067161, -1.56988941],
       [ 0.49505334, -2.5016093 ],
       [ 0.33565538, -1.69613769]])]
input:  [[-0.85465634]
 [-0.63408057]
 [ 0.64146157]]
activations:  [array([[-0.85465634],
       [-0.63408057],
       [ 0.64146157]]), array([[-0.01134233],
       [-0.75019602]]), array([[ 0.30241201],
       [ 0.40639951],
       [ 0.46430708]])]
cost derivative:  [[ 1.15706835]
 [ 1.04048008]
 [-0.17715449]]
unit step:  1
delta:  [[ 1.15706835]
 [ 1.04048008]
 [-0.17715449]]
delta b updated:  [array([[-0.00756004],
       [ 0.66166998]]), array([[ 1.15706835],
       [ 1.04048008],
       [-0.17715449]])]
delta w updated: [array([[ 0.00646124,  0.00479367, -0.00484948],
       [-0.56550044, -0.41955208,  0.42443586]]), array([[-0.01312386, -0.86802807],
       [-0.01180147, -0.78056401],
       [ 0.00200935,  0.1329006 ]])]
input:  [[-0.53784878]
 [-0.10663077]
 [ 1.01576828]]
activations:  [array([[-0.53784878],
       [-0.10663077],
       [ 1.01576828]]), array([[ 0.15798514],
       [-0.63519239]]), array([[ 0.44928621],
       [ 0.26001702],
       [ 0.50614371]])]
cost derivative:  [[ 0.98713499]
 [ 0.36664779]
 [-0.50962457]]
unit step:  1
delta:  [[ 0.98713499]
 [ 0.36664779]
 [-0.50962457]]
delta b updated:  [array([[ 0.11526361],
       [ 0.29110286]]), array([[ 0.98713499],
       [ 0.36664779],
       [-0.50962457]])]
delta w updated: [array([[-0.06199439, -0.01229065,  0.11708112],
       [-0.15656932, -0.03104052,  0.29569305]]), array([[ 0.15595266, -0.62702063],
       [ 0.0579249 , -0.23289189],
       [-0.08051311,  0.32370965]])]
input:  [[-0.79777761]
 [-0.01697286]
 [ 1.07450114]]
activations:  [array([[-0.79777761],
       [-0.01697286],
       [ 1.07450114]]), array([[ 0.10596761],
       [-0.41157397]]), array([[ 0.23565581],
       [ 0.24955245],
       [ 0.361523  ]])]
cost derivative:  [[ 1.03343342]
 [ 0.26652531]
 [-0.71297813]]
unit step:  1
delta:  [[ 1.03343342]
 [ 0.26652531]
 [-0.71297813]]
delta b updated:  [array([[ 0.07856846],
       [ 0.14940856]]), array([[ 1.03343342],
       [ 0.26652531],
       [-0.71297813]])]
delta w updated: [array([[-0.06268016, -0.00133353,  0.0844219 ],
       [-0.11919481, -0.00253589,  0.16053967]]), array([[ 0.10951047, -0.42533429],
       [ 0.02824305, -0.10969488],
       [-0.07555259,  0.29344324]])]
input:  [[-0.10106781]
 [-0.48450296]
 [ 0.75796058]]
activations:  [array([[-0.10106781],
       [-0.48450296],
       [ 0.75796058]]), array([[ 0.20727057],
       [-1.15024933]]), array([[ 0.84679022],
       [ 0.33396077],
       [ 0.79859504]])]
cost derivative:  [[ 0.94785803]
 [ 0.81846373]
 [ 0.04063447]]
unit step:  1
delta:  [[ 0.94785803]
 [ 0.81846373]
 [ 0.04063447]]
delta b updated:  [array([[ 0.14101047],
       [ 0.93065613]]), array([[ 0.94785803],
       [ 0.81846373],
       [ 0.04063447]])]
delta w updated: [array([[-0.01425162, -0.06831999,  0.10688038],
       [-0.09405938, -0.45090565,  0.70540066]]), array([[ 0.19646307, -1.09027306],
       [ 0.16964344, -0.94143736],
       [ 0.00842233, -0.04673977]])]
input:  [[-0.61024572]
 [-0.06079305]
 [ 1.04673886]]
activations:  [array([[-0.61024572],
       [-0.06079305],
       [ 1.04673886]]), array([[ 0.14674968],
       [-0.56105966]]), array([[ 0.3850713 ],
       [ 0.25155612],
       [ 0.46219785]])]
cost derivative:  [[ 0.99531702]
 [ 0.31234917]
 [-0.58454101]]
unit step:  1
delta:  [[ 0.99531702]
 [ 0.31234917]
 [-0.58454101]]
delta b updated:  [array([[ 0.10780454],
       [ 0.23165663]]), array([[ 0.99531702],
       [ 0.31234917],
       [-0.58454101]])]
delta w updated: [array([[-0.06578726, -0.00655377,  0.1128432 ],
       [-0.14136747, -0.01408311,  0.242484  ]]), array([[ 0.14606245, -0.55843223],
       [ 0.04583714, -0.17524652],
       [-0.08578121,  0.32796238]])]
input:  [[-0.84591795]
 [-0.68208683]
 [ 0.60797968]]
activations:  [array([[-0.84591795],
       [-0.68208683],
       [ 0.60797968]]), array([[-0.01739407],
       [-0.78680532]]), array([[ 0.31558509],
       [ 0.41701743],
       [ 0.48029888]])]
cost derivative:  [[ 1.16150304]
 [ 1.09910426]
 [-0.1276808 ]]
unit step:  1
delta:  [[ 1.16150304]
 [ 1.09910426]
 [-0.1276808 ]]
delta b updated:  [array([[-0.01146809],
       [ 0.72412724]]), array([[ 1.16150304],
       [ 1.09910426],
       [-0.1276808 ]])]
delta w updated: [array([[ 0.00970106,  0.00782223, -0.00697237],
       [-0.61255224, -0.49391765,  0.44025465]]), array([[-0.02020326, -0.91387678],
       [-0.0191179 , -0.86478108],
       [ 0.00222089,  0.10045993]])]
input:  [[-0.61887301]
 [-0.05599051]
 [ 1.04996748]]
activations:  [array([[-0.61887301],
       [-0.05599051],
       [ 1.04996748]]), array([[ 0.14524929],
       [-0.55323919]]), array([[ 0.37704215],
       [ 0.25030703],
       [ 0.4576404 ]])]
cost derivative:  [[ 0.99591516]
 [ 0.30629754]
 [-0.59232708]]
unit step:  1
delta:  [[ 0.99591516]
 [ 0.30629754]
 [-0.59232708]]
delta b updated:  [array([[ 0.10676703],
       [ 0.22535805]]), array([[ 0.99591516],
       [ 0.30629754],
       [-0.59232708]])]
delta w updated: [array([[-0.06607523, -0.00597794,  0.11210191],
       [-0.13946801, -0.01261791,  0.23661862]]), array([[ 0.14465597, -0.5509793 ],
       [ 0.0444895 , -0.1694558 ],
       [-0.08603509,  0.32769856]])]
input:  [[-0.48980896]
 [-0.14139571]
 [ 0.99217199]]
activations:  [array([[-0.48980896],
       [-0.14139571],
       [ 0.99217199]]), array([[ 0.1641509 ],
       [-0.68945813]]), array([[ 0.48952034],
       [ 0.26549946],
       [ 0.5386149 ]])]
cost derivative:  [[ 0.9793293 ]
 [ 0.40689517]
 [-0.45355709]]
unit step:  1
delta:  [[ 0.9793293 ]
 [ 0.40689517]
 [-0.45355709]]
delta b updated:  [array([[ 0.11874782],
       [ 0.33678669]]), array([[ 0.9793293 ],
       [ 0.40689517],
       [-0.45355709]])]
delta w updated: [array([[-0.05816375, -0.01679043,  0.11781826],
       [-0.16496114, -0.04762019,  0.33415032]]), array([[ 0.16075778, -0.67520654],
       [ 0.06679221, -0.28053718],
       [-0.0744518 ,  0.31270862]])]
input:  [[-0.85040337]
 [-0.65782519]
 [ 0.62489984]]
activations:  [array([[-0.85040337],
       [-0.65782519],
       [ 0.62489984]]), array([[-0.01466272],
       [-0.7701115 ]]), array([[ 0.30676328],
       [ 0.41057356],
       [ 0.47398312]])]
cost derivative:  [[ 1.15716665]
 [ 1.06839875]
 [-0.15091672]]
unit step:  1
delta:  [[ 1.15716665]
 [ 1.06839875]
 [-0.15091672]]
delta b updated:  [array([[-0.00970246],
       [ 0.69142678]]), array([[ 1.15716665],
       [ 1.06839875],
       [-0.15091672]])]
delta w updated: [array([[ 0.008251  ,  0.00638252, -0.00606306],
       [-0.58799166, -0.45483795,  0.43207249]]), array([[-0.0169672 , -0.89114734],
       [-0.01566563, -0.82278616],
       [ 0.00221285,  0.1162227 ]])]
input:  [[-0.82850036]
 [-0.03459315]
 [ 1.06168277]]
activations:  [array([[-0.82850036],
       [-0.03459315],
       [ 1.06168277]]), array([[ 0.09469989],
       [-0.40485781]]), array([[ 0.21339189],
       [ 0.25430981],
       [ 0.35248215]])]
cost derivative:  [[ 1.04189225]
 [ 0.28890296]
 [-0.70920063]]
unit step:  1
delta:  [[ 1.04189225]
 [ 0.28890296]
 [-0.70920063]]
delta b updated:  [array([[ 0.06992415],
       [ 0.15091161]]), array([[ 1.04189225],
       [ 0.28890296],
       [-0.70920063]])]
delta w updated: [array([[-0.05793218, -0.0024189 ,  0.07423726],
       [-0.12503032, -0.00522051,  0.16022025]]), array([[ 0.09866708, -0.42181822],
       [ 0.02735908, -0.11696462],
       [-0.06716122,  0.28712541]])]
input:  [[-0.03232454]
 [-0.54998373]
 [ 0.71317725]]
activations:  [array([[-0.03232454],
       [-0.54998373],
       [ 0.71317725]]), array([[ 0.21373728],
       [-1.23691647]]), array([[ 0.90685502],
       [ 0.34491449],
       [ 0.84809862]])]
cost derivative:  [[ 0.93917957]
 [ 0.89489822]
 [ 0.13492137]]
unit step:  1
delta:  [[ 0.93917957]
 [ 0.89489822]
 [ 0.13492137]]
delta b updated:  [array([[ 0.14315   ],
       [ 1.07027187]]), array([[ 0.93917957],
       [ 0.89489822],
       [ 0.13492137]])]
delta w updated: [array([[-0.00462726, -0.07873017,  0.10209132],
       [-0.03459605, -0.58863211,  0.76329354]]), array([[ 0.20073769, -1.16168668],
       [ 0.19127311, -1.10691434],
       [ 0.02883773, -0.16688646]])]
input:  [[-0.25882582]
 [-0.33700705]
 [ 0.85878993]]
activations:  [array([[-0.25882582],
       [-0.33700705],
       [ 0.85878993]]), array([[ 0.19080967],
       [-0.96042707]]), array([[ 0.69738683],
       [ 0.30218431],
       [ 0.69325866]])]
cost derivative:  [[ 0.95621265]
 [ 0.63919136]
 [-0.16553127]]
unit step:  1
delta:  [[ 0.95621265]
 [ 0.63919136]
 [-0.16553127]]
delta b updated:  [array([[ 0.13302062],
       [ 0.64176144]]), array([[ 0.95621265],
       [ 0.63919136],
       [-0.16553127]])]
delta w updated: [array([[-0.03442917, -0.04482889,  0.11423677],
       [-0.16610443, -0.21627813,  0.55113826]]), array([[ 0.18245462, -0.91837252],
       [ 0.12196389, -0.61389668],
       [-0.03158497,  0.15898071]])]
input:  [[-0.67638176]
 [-0.02871278]
 [ 1.06817291]]
activations:  [array([[-0.67638176],
       [-0.02871278],
       [ 1.06817291]]), array([[ 0.1345758 ],
       [-0.50140272]]), array([[ 0.32666888],
       [ 0.24522527],
       [ 0.42569745]])]
cost derivative:  [[ 1.00305064]
 [ 0.27393805]
 [-0.64247546]]
unit step:  1
delta:  [[ 1.00305064]
 [ 0.27393805]
 [-0.64247546]]
delta b updated:  [array([[ 0.09925446],
       [ 0.1892625 ]]), array([[ 1.00305064],
       [ 0.27393805],
       [-0.64247546]])]
delta w updated: [array([[-0.0671339 , -0.00284987,  0.10602092],
       [-0.1280137 , -0.00543425,  0.20216507]]), array([[ 0.13498635, -0.50293231],
       [ 0.03686543, -0.13735328],
       [-0.08646165,  0.32213894]])]
input:  [[-0.55648726]
 [-0.09398864]
 [ 1.02433075]]
activations:  [array([[-0.55648726],
       [-0.09398864],
       [ 1.02433075]]), array([[ 0.15448422],
       [-0.61930314]]), array([[ 0.42844599],
       [ 0.2557083 ],
       [ 0.49797366]])]
cost derivative:  [[ 0.98493326]
 [ 0.34969694]
 [-0.52635708]]
unit step:  1
delta:  [[ 0.98493326]
 [ 0.34969694]
 [-0.52635708]]
delta b updated:  [array([[ 0.11250384],
       [ 0.27298497]]), array([[ 0.98493326],
       [ 0.34969694],
       [-0.52635708]])]
delta w updated: [array([[-0.06260695, -0.01057408,  0.11524114],
       [-0.15191266, -0.02565749,  0.27962689]]), array([[ 0.15215664, -0.60997226],
       [ 0.05402266, -0.21656841],
       [-0.08131386,  0.3259746 ]])]
input:  [[ 0.80968627]
 [-0.24410611]
 [ 0.94051003]]
activations:  [array([[ 0.80968627],
       [-0.24410611],
       [ 0.94051003]]), array([[ 0.48103146],
       [-1.59903317]]), array([[ 1.48823724],
       [ 0.22802591],
       [ 1.19221191]])]
cost derivative:  [[ 0.67855097]
 [ 0.47213202]
 [ 0.25170188]]
unit step:  1
delta:  [[ 0.67855097]
 [ 0.47213202]
 [ 0.25170188]]
delta b updated:  [array([[ 0.33680539],
       [ 1.06492784]]), array([[ 0.67855097],
       [ 0.47213202],
       [ 0.25170188]])]
delta w updated: [array([[ 0.2727067 , -0.08221625,  0.31676884],
       [ 0.86225745, -0.25995539,  1.00157531]]), array([[ 0.32640436, -1.08502551],
       [ 0.22711035, -0.75495476],
       [ 0.12107652, -0.40247966]])]
input:  [[ 0.53025033]
 [-1.03611129]
 [ 0.38152138]]
activations:  [array([[ 0.53025033],
       [-1.03611129],
       [ 0.38152138]]), array([[ 0.27713634],
       [-1.90099773]]), array([[ 1.41488498],
       [ 0.43724824],
       [ 1.22516824]])]
cost derivative:  [[ 0.88463465]
 [ 1.47335952]
 [ 0.84364686]]
unit step:  1
delta:  [[ 0.88463465]
 [ 1.47335952]
 [ 0.84364686]]
delta b updated:  [array([[ 0.16716522],
       [ 2.49339958]]), array([[ 0.88463465],
       [ 1.47335952],
       [ 0.84364686]])]
delta w updated: [array([[ 0.08863941, -0.17320177,  0.0637771 ],
       [ 1.32212595, -2.58343945,  0.95128525]]), array([[ 0.24516441, -1.68168846],
       [ 0.40832146, -2.80085312],
       [ 0.2338052 , -1.60377076]])]
input:  [[-0.89352823]
 [-0.26187376]
 [ 0.90150702]]
activations:  [array([[-0.89352823],
       [-0.26187376],
       [ 0.90150702]]), array([[ 0.03952789],
       [-0.50417391]]), array([[ 0.20201352],
       [ 0.31243497],
       [ 0.37054865]])]
cost derivative:  [[ 1.09554175]
 [ 0.57430873]
 [-0.53095837]]
unit step:  1
delta:  [[ 1.09554175]
 [ 0.57430873]
 [-0.53095837]]
delta b updated:  [array([[ 0.02803014],
       [ 0.28010399]]), array([[ 1.09554175],
       [ 0.57430873],
       [-0.53095837]])]
delta w updated: [array([[-0.02504572, -0.00734036,  0.02526937],
       [-0.25028082, -0.07335189,  0.25251571]]), array([[ 0.04330446, -0.55234357],
       [ 0.02270121, -0.28955148],
       [-0.02098767,  0.26769536]])]
input:  [[ 0.56711552]
 [-1.05861197]
 [ 0.36633933]]
activations:  [array([[ 0.56711552],
       [-1.05861197],
       [ 0.36633933]]), array([[ 0.28272724],
       [-1.94089681]]), array([[ 1.44581262],
       [ 0.438921  ],
       [ 1.24786594]])]
cost derivative:  [[ 0.8786971 ]
 [ 1.49753297]
 [ 0.88152661]]
unit step:  1
delta:  [[ 0.8786971 ]
 [ 1.49753297]
 [ 0.88152661]]
delta b updated:  [array([[ 0.16968425],
       [ 2.58069427]]), array([[ 0.8786971 ],
       [ 1.49753297],
       [ 0.88152661]])]
delta w updated: [array([[ 0.09623057, -0.17962978,  0.06216202],
       [ 1.46355176, -2.73195385,  0.94540981]]), array([[ 0.24843161, -1.70546041],
       [ 0.42339336, -2.90655697],
       [ 0.24923158, -1.71095218]])]
input:  [[ 0.19582107]
 [-0.76482712]
 [ 0.56628298]]
activations:  [array([[ 0.19582107],
       [-0.76482712],
       [ 0.56628298]]), array([[ 0.2359588 ],
       [-1.52189955]]), array([[ 1.11342679],
       [ 0.38263022],
       [ 1.00521583]])]
cost derivative:  [[ 0.91760572]
 [ 1.14745733]
 [ 0.43893286]]
unit step:  1
delta:  [[ 0.91760572]
 [ 1.14745733]
 [ 0.43893286]]
delta b updated:  [array([[ 0.15091217],
       [ 1.6035683 ]]), array([[ 0.91760572],
       [ 1.14745733],
       [ 0.43893286]])]
delta w updated: [array([[ 0.02955178, -0.11542172,  0.08545899],
       [ 0.31401246, -1.22645252,  0.90807343]]), array([[ 0.21651714, -1.39650373],
       [ 0.27075265, -1.74631479],
       [ 0.10357007, -0.66801172]])]
input:  [[ 0.81047671]
 [-1.08986298]
 [ 0.34824972]]
activations:  [array([[ 0.81047671],
       [-1.08986298],
       [ 0.34824972]]), array([[ 0.33986906],
       [-2.12183296]]), array([[ 1.63441409],
       [ 0.4316125 ],
       [ 1.37188136]])]
cost derivative:  [[ 0.82393739]
 [ 1.52147548]
 [ 1.02363164]]
unit step:  1
delta:  [[ 0.82393739]
 [ 1.52147548]
 [ 1.02363164]]
delta b updated:  [array([[ 0.20218147],
       [ 2.90235122]]), array([[ 0.82393739],
       [ 1.52147548],
       [ 1.02363164]])]
delta w updated: [array([[ 0.16386337, -0.2203501 ,  0.07040964],
       [ 2.35228806, -3.16316514,  1.01074299]]), array([[ 0.28003082, -1.7482575 ],
       [ 0.51710244, -3.22831683],
       [ 0.34790072, -2.17197536]])]
input:  [[ 0.34920177]
 [-0.89994823]
 [ 0.47405128]]
activations:  [array([[ 0.34920177],
       [-0.89994823],
       [ 0.47405128]]), array([[ 0.25266357],
       [-1.70773869]]), array([[ 1.25251615],
       [ 0.4056333 ],
       [ 1.10767122]])]
cost derivative:  [[ 0.90331437]
 [ 1.30558153]
 [ 0.63361994]]
unit step:  1
delta:  [[ 0.90331437]
 [ 1.30558153]
 [ 0.63361994]]
delta b updated:  [array([[ 0.15721451],
       [ 2.00308857]]), array([[ 0.90331437],
       [ 1.30558153],
       [ 0.63361994]])]
delta w updated: [array([[ 0.05489959, -0.14148492,  0.07452774],
       [ 0.69948208, -1.80267601,  0.94956669]]), array([[ 0.22823463, -1.5426249 ],
       [ 0.32987289, -2.22959208],
       [ 0.16009268, -1.08205729]])]
input:  [[ 0.54885873]
 [-1.04776523]
 [ 0.37365046]]
activations:  [array([[ 0.54885873],
       [-1.04776523],
       [ 0.37365046]]), array([[ 0.27927933],
       [-1.92990551]]), array([[ 1.42883568],
       [ 0.43061827],
       [ 1.23551839]])]
cost derivative:  [[ 0.87997695]
 [ 1.4783835 ]
 [ 0.86186793]]
unit step:  1
delta:  [[ 0.87997695]
 [ 1.4783835 ]
 [ 0.86186793]]
delta b updated:  [array([[ 0.16830323],
       [ 2.52421258]]), array([[ 0.87997695],
       [ 1.4783835 ],
       [ 0.86186793]])]
delta w updated: [array([[ 0.09237469, -0.17634227,  0.06288658],
       [ 1.3854361 , -2.64478218,  0.94317318]]), array([[ 0.24575937, -1.69827237],
       [ 0.41288195, -2.85314046],
       [ 0.2407019 , -1.66332368]])]
input:  [[-0.87806208]
 [-0.48202356]
 [ 0.74758014]]
activations:  [array([[-0.87806208],
       [-0.48202356],
       [ 0.74758014]]), array([[ 0.00648433],
       [-0.653905  ]]), array([[ 0.25146953],
       [ 0.36213357],
       [ 0.42468889]])]
cost derivative:  [[ 1.12953161]
 [ 0.84415712]
 [-0.32289125]]
unit step:  1
delta:  [[ 1.12953161]
 [ 0.84415712]
 [-0.32289125]]
delta b updated:  [array([[ 0.00442601],
       [ 0.479938  ]]), array([[ 1.12953161],
       [ 0.84415712],
       [-0.32289125]])]
delta w updated: [array([[-0.00388631, -0.00213344,  0.0033088 ],
       [-0.42141536, -0.23134142,  0.35879212]]), array([[ 0.00732426, -0.73860637],
       [ 0.0054738 , -0.55199856],
       [-0.00209373,  0.2111402 ]])]
input:  [[ 0.79496623]
 [-1.10069716]
 [ 0.3404208 ]]
activations:  [array([[ 0.79496623],
       [-1.10069716],
       [ 0.3404208 ]]), array([[ 0.33359576],
       [-2.12529988]]), array([[ 1.62303511],
       [ 0.42869861],
       [ 1.36577945]])]
cost derivative:  [[ 0.82806889]
 [ 1.52939577]
 [ 1.02535866]]
unit step:  1
delta:  [[ 0.82806889]
 [ 1.52939577]
 [ 1.02535866]]
delta b updated:  [array([[ 0.19833113],
       [ 2.90173103]]), array([[ 0.82806889],
       [ 1.52939577],
       [ 1.02535866]])]
delta w updated: [array([[ 0.15766655, -0.21830251,  0.06751604],
       [ 2.30677817, -3.19392712,  0.98780959]]), array([[ 0.27624027, -1.75989471],
       [ 0.51019994, -3.25042466],
       [ 0.3420553 , -2.17919464]])]
input:  [[ 0.85862676]
 [-1.01494338]
 [ 0.40146581]]
activations:  [array([[ 0.85862676],
       [-1.01494338],
       [ 0.40146581]]), array([[ 0.36405021],
       [-2.11712841]]), array([[ 1.65614457],
       [ 0.40229411],
       [ 1.37775378]])]
cost derivative:  [[ 0.79751781]
 [ 1.41723749]
 [ 0.97628797]]
unit step:  1
delta:  [[ 0.79751781]
 [ 1.41723749]
 [ 0.97628797]]
delta b updated:  [array([[ 0.22043754],
       [ 2.74190053]]), array([[ 0.79751781],
       [ 1.41723749],
       [ 0.97628797]])]
delta w updated: [array([[ 0.18927357, -0.22373163,  0.08849814],
       [ 2.35426917, -2.78287379,  1.10077932]]), array([[ 0.29033653, -1.68844762],
       [ 0.51594561, -3.00047377],
       [ 0.35541784, -2.066927  ]])]
input:  [[-0.33519014]
 [-0.26856694]
 [ 0.9055268 ]]
activations:  [array([[-0.33519014],
       [-0.26856694],
       [ 0.9055268 ]]), array([[ 0.18141703],
       [-0.88029557]]), array([[ 0.6237101 ],
       [ 0.27970599],
       [ 0.64148977]])]
cost derivative:  [[ 0.95890024]
 [ 0.54827293]
 [-0.26403703]]
unit step:  1
delta:  [[ 0.95890024]
 [ 0.54827293]
 [-0.26403703]]
delta b updated:  [array([[ 0.12807742],
       [ 0.52061419]]), array([[ 0.95890024],
       [ 0.54827293],
       [-0.26403703]])]
delta w updated: [array([[-0.04293029, -0.03439736,  0.11597754],
       [-0.17450474, -0.13981976,  0.4714301 ]]), array([[ 0.17396083, -0.84411563],
       [ 0.09946605, -0.48264223],
       [-0.04790081,  0.23243063]])]
input:  [[ 0.77815857]
 [-1.10857954]
 [ 0.33463877]]
activations:  [array([[ 0.77815857],
       [-1.10857954],
       [ 0.33463877]]), array([[ 0.32749417],
       [-2.12492647]]), array([[ 1.61081875],
       [ 0.426945  ],
       [ 1.35848153]])]
cost derivative:  [[ 0.83266018]
 [ 1.53552454]
 [ 1.02384277]]
unit step:  1
delta:  [[ 0.83266018]
 [ 1.53552454]
 [ 1.02384277]]
delta b updated:  [array([[ 0.19460996],
       [ 2.895747  ]]), array([[ 0.83266018],
       [ 1.53552454],
       [ 1.02384277]])]
delta w updated: [array([[ 0.15143741, -0.21574062,  0.06512404],
       [ 2.25335034, -3.21016587,  0.9690292 ]]), array([[ 0.27269136, -1.76934166],
       [ 0.50287534, -3.26287674],
       [ 0.33530254, -2.17559059]])]
input:  [[ 0.05949974]
 [-0.63741001]
 [ 0.65338569]]
activations:  [array([[ 0.05949974],
       [-0.63741001],
       [ 0.65338569]]), array([[ 0.22117968],
       [-1.3673024 ]]), array([[ 0.98570949],
       [ 0.34757584],
       [ 0.91047482]])]
cost derivative:  [[ 0.92620975]
 [ 0.98498586]
 [ 0.25708913]]
unit step:  1
delta:  [[ 0.92620975]
 [ 0.98498586]
 [ 0.25708913]]
delta b updated:  [array([[ 0.1454901 ],
       [ 1.25903202]]), array([[ 0.92620975],
       [ 0.98498586],
       [ 0.25708913]])]
delta w updated: [array([[ 0.00865662, -0.09273685,  0.09506115],
       [ 0.07491208, -0.80251961,  0.8226335 ]]), array([[ 0.20485878, -1.26640882],
       [ 0.21785886, -1.34677353],
       [ 0.05686289, -0.35151859]])]
input:  [[ 0.10523791]
 [-0.6806234 ]
 [ 0.62383717]]
activations:  [array([[ 0.10523791],
       [-0.6806234 ],
       [ 0.62383717]]), array([[ 0.2256395 ],
       [-1.42461326]]), array([[ 1.02726024],
       [ 0.35495151],
       [ 0.94184102]])]
cost derivative:  [[ 0.92202233]
 [ 1.03557491]
 [ 0.31800385]]
unit step:  1
delta:  [[ 0.92202233]
 [ 1.03557491]
 [ 0.31800385]]
delta b updated:  [array([[ 0.14709223],
       [ 1.36514811]]), array([[ 0.92202233],
       [ 1.03557491],
       [ 0.31800385]])]
delta w updated: [array([[ 0.01547968, -0.10011441,  0.0917616 ],
       [ 0.14366534, -0.92915174,  0.85163013]]), array([[ 0.20804466, -1.31352523],
       [ 0.2336666 , -1.47529375],
       [ 0.07175423, -0.45303251]])]
input:  [[-0.02084301]
 [-0.56093583]
 [ 0.70568668]]
activations:  [array([[-0.02084301],
       [-0.56093583],
       [ 0.70568668]]), array([[ 0.21310532],
       [-1.26923581]]), array([[ 0.91070966],
       [ 0.33168961],
       [ 0.85555987]])]
cost derivative:  [[ 0.93155266]
 [ 0.89262544]
 [ 0.14987319]]
unit step:  1
delta:  [[ 0.93155266]
 [ 0.89262544]
 [ 0.14987319]]
delta b updated:  [array([[ 0.14222303],
       [ 1.0784617 ]]), array([[ 0.93155266],
       [ 0.89262544],
       [ 0.14987319]])]
delta w updated: [array([[-0.00296436, -0.07977799,  0.10036489],
       [-0.02247838, -0.6049478 ,  0.76105606]]), array([[ 0.19851882, -1.18236   ],
       [ 0.19022323, -1.13295217],
       [ 0.03193877, -0.19022441]])]
input:  [[ 0.67627288]
 [-1.10732743]
 [ 0.33392676]]
activations:  [array([[ 0.67627288],
       [-1.10732743],
       [ 0.33392676]]), array([[ 0.30104962],
       [-2.06269109]]), array([[ 1.53126267],
       [ 0.42675328],
       [ 1.30848847]])]
cost derivative:  [[ 0.85498978]
 [ 1.53408071]
 [ 0.97456171]]
unit step:  1
delta:  [[ 0.85498978]
 [ 1.53408071]
 [ 0.97456171]]
delta b updated:  [array([[ 0.17892568],
       [ 2.77533245]]), array([[ 0.85498978],
       [ 1.53408071],
       [ 0.97456171]])]
delta w updated: [array([[ 0.12100258, -0.19812931,  0.05974807],
       [ 1.87688208, -3.07320176,  0.92675777]]), array([[ 0.25739435, -1.76357981],
       [ 0.46183442, -3.16433462],
       [ 0.29339144, -2.01021975]])]
input:  [[-0.891427  ]
 [-0.20937399]
 [ 0.9383047 ]]
activations:  [array([[-0.891427  ],
       [-0.20937399],
       [ 0.9383047 ]]), array([[ 0.04788092],
       [-0.48423713]]), array([[ 0.19211905],
       [ 0.29124782],
       [ 0.36022556]])]
cost derivative:  [[ 1.08354605]
 [ 0.50062181]
 [-0.57807914]]
unit step:  1
delta:  [[ 1.08354605]
 [ 0.50062181]
 [-0.57807914]]
delta b updated:  [array([[ 0.03432464],
       [ 0.24149186]]), array([[ 1.08354605],
       [ 0.50062181],
       [-0.57807914]])]
delta w updated: [array([[-0.03059791, -0.00718669,  0.03220697],
       [-0.21527237, -0.05056212,  0.22659295]]), array([[ 0.05188118, -0.52469322],
       [ 0.02397023, -0.24241967],
       [-0.02767896,  0.27992738]])]
input:  [[-0.23663819]
 [-0.35734895]
 [ 0.84489076]]
activations:  [array([[-0.23663819],
       [-0.35734895],
       [ 0.84489076]]), array([[ 0.19139796],
       [-1.00484441]]), array([[ 0.71134925],
       [ 0.29164932],
       [ 0.70822999]])]
cost derivative:  [[ 0.94798743]
 [ 0.64899827]
 [-0.13666077]]
unit step:  1
delta:  [[ 0.94798743]
 [ 0.64899827]
 [-0.13666077]]
delta b updated:  [array([[ 0.13283257],
       [ 0.66766034]]), array([[ 0.94798743],
       [ 0.64899827],
       [-0.13666077]])]
delta w updated: [array([[-0.03143326, -0.04746758,  0.11222901],
       [-0.15799393, -0.23858772,  0.56410005]]), array([[ 0.18144286, -0.95257987],
       [ 0.12421695, -0.65214228],
       [-0.02615659,  0.13732281]])]
input:  [[ 0.26254751]
 [-0.82507121]
 [ 0.52513537]]
activations:  [array([[ 0.26254751],
       [-0.82507121],
       [ 0.52513537]]), array([[ 0.24157478],
       [-1.62061811]]), array([[ 1.1685893 ],
       [ 0.377741  ],
       [ 1.04889568]])]
cost derivative:  [[ 0.90604179]
 [ 1.20281221]
 [ 0.52376031]]
unit step:  1
delta:  [[ 0.90604179]
 [ 1.20281221]
 [ 0.52376031]]
delta b updated:  [array([[ 0.15265 ],
       [ 1.751808]]), array([[ 0.90604179],
       [ 1.20281221],
       [ 0.52376031]])]
delta w updated: [array([[ 0.04007788, -0.12594712,  0.08016191],
       [ 0.45993283, -1.44536635,  0.91993634]]), array([[ 0.21887685, -1.46834772],
       [ 0.2905691 , -1.94929925],
       [ 0.12652728, -0.84881545]])]
input:  [[-0.86937796]
 [-0.5441958 ]
 [ 0.70417715]]
activations:  [array([[-0.86937796],
       [-0.5441958 ],
       [ 0.70417715]]), array([[-0.00248909],
       [-0.70658018]]), array([[ 0.2662021 ],
       [ 0.37033614],
       [ 0.44258293]])]
cost derivative:  [[ 1.13558006]
 [ 0.91453194]
 [-0.26159422]]
unit step:  1
delta:  [[ 1.13558006]
 [ 0.91453194]
 [-0.26159422]]
delta b updated:  [array([[-0.00167907],
       [ 0.54561524]]), array([[ 1.13558006],
       [ 0.91453194],
       [-0.26159422]])]
delta w updated: [array([[ 0.00145974,  0.00091374, -0.00118236],
       [-0.47434586, -0.29692152,  0.38420978]]), array([[ -2.82656416e-03,  -8.02378363e-01],
       [ -2.27635487e-03,  -6.46190143e-01],
       [  6.51132290e-04,   1.84837291e-01]])]
input:  [[ 0.83586808]
 [-0.38015222]
 [ 0.84564697]]
activations:  [array([[ 0.83586808],
       [-0.38015222],
       [ 0.84564697]]), array([[ 0.46296369],
       [-1.72364123]]), array([[ 1.52208923],
       [ 0.23686695],
       [ 1.23149069]])]
cost derivative:  [[ 0.68622115]
 [ 0.61701917]
 [ 0.38584372]]
unit step:  1
delta:  [[ 0.68622115]
 [ 0.61701917]
 [ 0.38584372]]
delta b updated:  [array([[ 0.31637207],
       [ 1.29884983]]), array([[ 0.68622115],
       [ 0.61701917],
       [ 0.38584372]])]
delta w updated: [array([[ 0.26444531, -0.12026954,  0.26753908],
       [ 1.08566711, -0.49376065,  1.09836843]]), array([[ 0.31769548, -1.18279906],
       [ 0.28565747, -1.06351968],
       [ 0.17863163, -0.66505614]])]
input:  [[ 0.207027  ]
 [-0.77506961]
 [ 0.55928504]]
activations:  [array([[ 0.207027  ],
       [-0.77506961],
       [ 0.55928504]]), array([[ 0.23534305],
       [-1.55571986]]), array([[ 1.11635375],
       [ 0.36644513],
       [ 1.01151396]])]
cost derivative:  [[ 0.90932675]
 [ 1.14151474]
 [ 0.45222892]]
unit step:  1
delta:  [[ 0.90932675]
 [ 1.14151474]
 [ 0.45222892]]
delta b updated:  [array([[ 0.15002743],
       [ 1.60563817]]), array([[ 0.90932675],
       [ 1.14151474],
       [ 0.45222892]])]
delta w updated: [array([[ 0.03105973, -0.1162817 ,  0.0839081 ],
       [ 0.33241046, -1.24448135,  0.8980094 ]]), array([[ 0.21400373, -1.41465769],
       [ 0.26864756, -1.77587716],
       [ 0.10642893, -0.70354151]])]
input:  [[ 0.27353785]
 [-0.83480259]
 [ 0.51849199]]
activations:  [array([[ 0.27353785],
       [-0.83480259],
       [ 0.51849199]]), array([[ 0.24236424],
       [-1.63721806]]), array([[ 1.1762659 ],
       [ 0.37615257],
       [ 1.05623404]])]
cost derivative:  [[ 0.90272804]
 [ 1.21095517]
 [ 0.53774205]]
unit step:  1
delta:  [[ 0.90272804]
 [ 1.21095517]
 [ 0.53774205]]
delta b updated:  [array([[ 0.15252987],
       [ 1.77392056]]), array([[ 0.90272804],
       [ 1.21095517],
       [ 0.53774205]])]
delta w updated: [array([[ 0.04172269, -0.12733233,  0.07908552],
       [ 0.48523442, -1.48087349,  0.91976361]]), array([[ 0.218789  , -1.47796266],
       [ 0.29349223, -1.98259767],
       [ 0.13032945, -0.880401  ]])]
input:  [[ 0.31706324]
 [-0.8727042 ]
 [ 0.49262874]]
activations:  [array([[ 0.31706324],
       [-0.8727042 ],
       [ 0.49262874]]), array([[ 0.2471159 ],
       [-1.69035797]]), array([[ 1.21509334],
       [ 0.38167477],
       [ 1.08515154]])]
cost derivative:  [[ 0.89803011]
 [ 1.25437896]
 [ 0.5925228 ]]
unit step:  1
delta:  [[ 0.89803011]
 [ 1.25437896]
 [ 0.5925228 ]]
delta b updated:  [array([[ 0.15424358],
       [ 1.88517603]]), array([[ 0.89803011],
       [ 1.25437896],
       [ 0.5925228 ]])]
delta w updated: [array([[ 0.04890497, -0.13460902,  0.07598482],
       [ 0.59772001, -1.64520104,  0.92869189]]), array([[ 0.22191752, -1.51799234],
       [ 0.30997698, -2.12034948],
       [ 0.1464218 , -1.00157564]])]
input:  [[-0.46006334]
 [-0.16426831]
 [ 0.97661847]]
activations:  [array([[-0.46006334],
       [-0.16426831],
       [ 0.97661847]]), array([[ 0.16563935],
       [-0.74447745]]), array([[ 0.50731687],
       [ 0.2533222 ],
       [ 0.55987699]])]
cost derivative:  [[ 0.9673802 ]
 [ 0.41759052]
 [-0.41674148]]
unit step:  1
delta:  [[ 0.9673802 ]
 [ 0.41759052]
 [-0.41674148]]
delta b updated:  [array([[ 0.11915391],
       [ 0.36148471]]), array([[ 0.9673802 ],
       [ 0.41759052],
       [-0.41674148]])]
delta w updated: [array([[-0.05481834, -0.01957321,  0.11636791],
       [-0.16630586, -0.05938048,  0.35303265]]), array([[ 0.16023623, -0.72019274],
       [ 0.06916942, -0.31088672],
       [-0.06902879,  0.31025463]])]
input:  [[-0.81885068]
 [-0.02741125]
 [ 1.06686264]]
activations:  [array([[-0.81885068],
       [-0.02741125],
       [ 1.06686264]]), array([[ 0.09624479],
       [-0.42484153]]), array([[ 0.21330852],
       [ 0.24042932],
       [ 0.35804595]])]
cost derivative:  [[ 1.0321592 ]
 [ 0.26784057]
 [-0.70881669]]
unit step:  1
delta:  [[ 1.0321592 ]
 [ 0.26784057]
 [-0.70881669]]
delta b updated:  [array([[ 0.07111951],
       [ 0.14864542]]), array([[ 1.0321592 ],
       [ 0.26784057],
       [-0.70881669]])]
delta w updated: [array([[-0.05823626, -0.00194947,  0.07587475],
       [-0.1217184 , -0.00407456,  0.15858425]]), array([[ 0.09933995, -0.43850409],
       [ 0.02577826, -0.1137898 ],
       [-0.06821992,  0.30113477]])]
input:  [[-0.39871286]
 [-0.21406246]
 [ 0.94270499]]
activations:  [array([[-0.39871286],
       [-0.21406246],
       [ 0.94270499]]), array([[ 0.17294579],
       [-0.81584334]]), array([[ 0.56115029],
       [ 0.26169946],
       [ 0.60068547]])]
cost derivative:  [[ 0.95986315]
 [ 0.47576192]
 [-0.34201952]]
unit step:  1
delta:  [[ 0.95986315]
 [ 0.47576192]
 [-0.34201952]]
delta b updated:  [array([[ 0.12309952],
       [ 0.43182712]]), array([[ 0.95986315],
       [ 0.47576192],
       [-0.34201952]])]
delta w updated: [array([[-0.04908136, -0.02635099,  0.11604653],
       [-0.17217503, -0.09243797,  0.40708558]]), array([[ 0.16600429, -0.78309795],
       [ 0.08228102, -0.38814719],
       [-0.05915084,  0.27903435]])]
input:  [[ 0.00212559]
 [-0.58283873]
 [ 0.69070654]]
activations:  [array([[ 0.00212559],
       [-0.58283873],
       [ 0.69070654]]), array([[ 0.21430911],
       [-1.30666687]]), array([[ 0.92574708],
       [ 0.32770643],
       [ 0.87265219]])]
cost derivative:  [[ 0.92362149]
 [ 0.91054516]
 [ 0.18194565]]
unit step:  1
delta:  [[ 0.92362149]
 [ 0.91054516]
 [ 0.18194565]]
delta b updated:  [array([[ 0.14179117],
       [ 1.11726596]]), array([[ 0.92362149],
       [ 0.91054516],
       [ 0.18194565]])]
delta w updated: [array([[  3.01389662e-04,  -8.26413828e-02,   9.79360853e-02],
       [  2.37484761e-03,  -6.51185874e-01,   7.71702907e-01]]), array([[ 0.1979405 , -1.20686559],
       [ 0.19513812, -1.18977919],
       [ 0.03899261, -0.23774235]])]
input:  [[-0.40909873]
 [-0.20541402]
 [ 0.94859942]]
activations:  [array([[-0.40909873],
       [-0.20541402],
       [ 0.94859942]]), array([[ 0.17155087],
       [-0.80465513]]), array([[ 0.55104994],
       [ 0.25961124],
       [ 0.59428955]])]
cost derivative:  [[ 0.96014867]
 [ 0.46502526]
 [-0.35430987]]
unit step:  1
delta:  [[ 0.96014867]
 [ 0.46502526]
 [-0.35430987]]
delta b updated:  [array([[ 0.12222006],
       [ 0.41866447]]), array([[ 0.96014867],
       [ 0.46502526],
       [-0.35430987]])]
delta w updated: [array([[-0.05000007, -0.02510571,  0.11593788],
       [-0.17127511, -0.08599955,  0.39714488]]), array([[ 0.16471434, -0.77258855],
       [ 0.07977549, -0.37418496],
       [-0.06078217,  0.28509725]])]
input:  [[ 0.33854048]
 [-0.89098712]
 [ 0.48016037]]
activations:  [array([[ 0.33854048],
       [-0.89098712],
       [ 0.48016037]]), array([[ 0.24917427],
       [-1.71841285]]), array([[ 1.2304834 ],
       [ 0.38180785],
       [ 1.10082428]])]
cost derivative:  [[ 0.89194292]
 [ 1.27279497]
 [ 0.62066392]]
unit step:  1
delta:  [[ 0.89194292]
 [ 1.27279497]
 [ 0.62066392]]
delta b updated:  [array([[ 0.15424081],
       [ 1.9343327 ]]), array([[ 0.89194292],
       [ 1.27279497],
       [ 0.62066392]])]
delta w updated: [array([[ 0.05221676, -0.13742657,  0.07406032],
       [ 0.65484992, -1.72346552,  0.9287899 ]]), array([[ 0.22224923, -1.53272617],
       [ 0.31714776, -2.18718723],
       [ 0.15465348, -1.06655685]])]
input:  [[ 0.88137046]
 [-0.8976838 ]
 [ 0.48393586]]
activations:  [array([[ 0.88137046],
       [-0.8976838 ],
       [ 0.48393586]]), array([[ 0.38736143],
       [-2.08020179]]), array([[ 1.63895571],
       [ 0.3510003 ],
       [ 1.36393549]])]
cost derivative:  [[ 0.75758525]
 [ 1.24868411]
 [ 0.87999963]]
unit step:  1
delta:  [[ 0.75758525]
 [ 1.24868411]
 [ 0.87999963]]
delta b updated:  [array([[ 0.23775126],
       [ 2.42334565]]), array([[ 0.75758525],
       [ 1.24868411],
       [ 0.87999963]])]
delta w updated: [array([[ 0.20954694, -0.21342546,  0.11505636],
       [ 2.13586527, -2.17539814,  1.17274385]]), array([[ 0.2934593 , -1.57593019],
       [ 0.48369206, -2.59751491],
       [ 0.34087791, -1.8305768 ]])]
input:  [[-0.74221482]
 [-0.01150444]
 [ 1.07919707]]
activations:  [array([[-0.74221482],
       [-0.01150444],
       [ 1.07919707]]), array([[ 0.11810441],
       [-0.46829929]]), array([[ 0.26660517],
       [ 0.23055168],
       [ 0.39240991]])]
cost derivative:  [[ 1.00881999]
 [ 0.24205611]
 [-0.68678716]]
unit step:  1
delta:  [[ 1.00881999]
 [ 0.24205611]
 [-0.68678716]]
delta b updated:  [array([[ 0.08734739],
       [ 0.15874285]]), array([[ 1.00881999],
       [ 0.24205611],
       [-0.68678716]])]
delta w updated: [array([[-0.06483053, -0.00100488,  0.09426505],
       [-0.11782129, -0.00182625,  0.17131482]]), array([[ 0.11914609, -0.47242968],
       [ 0.0285879 , -0.11335471],
       [-0.08111259,  0.32162194]])]
input:  [[-0.88628836]
 [-0.1636171 ]
 [ 0.97042779]]
activations:  [array([[-0.88628836],
       [-0.1636171 ],
       [ 0.97042779]]), array([[ 0.05565789],
       [-0.4677408 ]]), array([[ 0.18411964],
       [ 0.27529045],
       [ 0.35545819]])]
cost derivative:  [[ 1.070408  ]
 [ 0.43890755]
 [-0.61496961]]
unit step:  1
delta:  [[ 1.070408  ]
 [ 0.43890755]
 [-0.61496961]]
delta b updated:  [array([[ 0.04012513],
       [ 0.21135306]]), array([[ 1.070408  ],
       [ 0.43890755],
       [-0.61496961]])]
delta w updated: [array([[-0.03556244, -0.00656516,  0.03893855],
       [-0.18731975, -0.03458097,  0.20510288]]), array([[ 0.05957665, -0.50067349],
       [ 0.02442867, -0.20529497],
       [-0.03422791,  0.28764637]])]
input:  [[ 0.85956852]
 [-0.52593896]
 [ 0.74392399]]
activations:  [array([[ 0.85956852],
       [-0.52593896],
       [ 0.74392399]]), array([[ 0.44350748],
       [-1.83865705]]), array([[ 1.55709333],
       [ 0.26113105],
       [ 1.27490874]])]
cost derivative:  [[ 0.6975248 ]
 [ 0.78707002]
 [ 0.53098475]]
unit step:  1
delta:  [[ 0.6975248 ]
 [ 0.78707002]
 [ 0.53098475]]
delta b updated:  [array([[ 0.29293052],
       [ 1.58112107]]), array([[ 0.6975248 ],
       [ 0.78707002],
       [ 0.53098475]])]
delta w updated: [array([[ 0.25179386, -0.15406358,  0.21791804],
       [ 1.3590819 , -0.83157318,  1.17623389]]), array([[ 0.30935747, -1.2825089 ],
       [ 0.34907144, -1.44715184],
       [ 0.23549571, -0.97629886]])]
input:  [[ 0.59381163]
 [-1.07330163]
 [ 0.35646866]]
activations:  [array([[ 0.59381163],
       [-1.07330163],
       [ 0.35646866]]), array([[ 0.28373871],
       [-2.00337202]]), array([[ 1.45093813],
       [ 0.40672661],
       [ 1.2623766 ]])]
cost derivative:  [[ 0.85712651]
 [ 1.48002825]
 [ 0.90590794]]
unit step:  1
delta:  [[ 0.85712651]
 [ 1.48002825]
 [ 0.90590794]]
delta b updated:  [array([[ 0.16800374],
       [ 2.56836332]]), array([[ 0.85712651],
       [ 1.48002825],
       [ 0.90590794]])]
delta w updated: [array([[ 0.09976258, -0.18031869,  0.05988807],
       [ 1.525124  , -2.75662855,  0.91554102]]), array([[ 0.24319997, -1.71714326],
       [ 0.4199413 , -2.96504718],
       [ 0.25704115, -1.81487062]])]
input:  [[-0.76825116]
 [-0.01096956]
 [ 1.07916561]]
activations:  [array([[-0.76825116],
       [-0.01096956],
       [ 1.07916561]]), array([[ 0.11122769],
       [-0.45260892]]), array([[ 0.24585303],
       [ 0.23073758],
       [ 0.38006218]])]
cost derivative:  [[ 1.01410419]
 [ 0.24170714]
 [-0.69910343]]
unit step:  1
delta:  [[ 1.01410419]
 [ 0.24170714]
 [-0.69910343]]
delta b updated:  [array([[ 0.08222292],
       [ 0.15155148]]), array([[ 1.01410419],
       [ 0.24170714],
       [-0.69910343]])]
delta w updated: [array([[-0.06316785, -0.00090195,  0.08873215],
       [-0.1164296 , -0.00166245,  0.16354915]]), array([[ 0.11279647, -0.4589926 ],
       [ 0.02688453, -0.1093988 ],
       [-0.07775966,  0.31642045]])]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.77227571]
 [-1.11056888]
 [ 0.33315392]]
dot product : [[-0.25231891]
 [-2.06871879]]
result : [[ 0.32315902]
 [-2.14612368]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.32315902]
 [-2.14612368]]
dot product : [[ 1.77583366]
 [ 0.17921156]
 [ 1.26909605]]
result : [[ 1.59040148]
 [ 0.40307121]
 [ 1.3563103 ]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.66850921]
 [-1.10502797]
 [ 0.33541597]]
dot product : [[-0.27803064]
 [-1.99702653]]
result : [[ 0.29744729]
 [-2.07443142]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.29744729]
 [-2.07443142]]
dot product : [[ 1.69699493]
 [ 0.18396522]
 [ 1.21787628]]
result : [[ 1.51156275]
 [ 0.40782487]
 [ 1.30509054]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.15797529]
 [-0.43065982]
 [ 0.7947788 ]]
dot product : [[-0.37768512]
 [-1.03633045]]
result : [[ 0.19779281]
 [-1.11373534]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.19779281]
 [-1.11373534]]
dot product : [[ 0.96093967]
 [ 0.07133737]
 [ 0.67640143]]
result : [[ 0.77550749]
 [ 0.29519702]
 [ 0.76361569]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.85738571]
 [-0.07055587]
 [ 1.03604809]]
dot product : [[-0.49714606]
 [-0.35354557]]
result : [[ 0.07833187]
 [-0.43095047]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.07833187]
 [-0.43095047]]
dot product : [[ 0.37417941]
 [ 0.02630906]
 [ 0.26279133]]
result : [[ 0.18874723]
 [ 0.2501687 ]
 [ 0.35000559]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.88956859]
 [-0.37070946]
 [ 0.82535253]]
dot product : [[-0.55547865]
 [-0.51795956]]
result : [[ 0.01999928]
 [-0.59536445]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.01999928]
 [-0.59536445]]
dot product : [[ 0.40151383]
 [ 0.09986556]
 [ 0.31085811]]
result : [[ 0.21608165]
 [ 0.32372521]
 [ 0.39807237]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.42968263]
 [-0.18852497]
 [ 0.96010561]]
dot product : [[-0.4070375 ]
 [-0.70786536]]
result : [[ 0.16844043]
 [-0.78527025]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.16844043]
 [-0.78527025]]
dot product : [[ 0.71545524]
 [ 0.02943114]
 [ 0.49406181]]
result : [[ 0.53002306]
 [ 0.25329079]
 [ 0.58127607]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.88454188]
 [-0.15320278]
 [ 0.97774804]]
dot product : [[-0.51790396]
 [-0.386781  ]]
result : [[ 0.05757396]
 [-0.46418589]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.05757396]
 [-0.46418589]]
dot product : [[ 0.36797375]
 [ 0.04763411]
 [ 0.26720307]]
result : [[ 0.18254157]
 [ 0.27149376]
 [ 0.35441732]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.8608687 ]
 [-0.07711913]
 [ 1.03139762]]
dot product : [[-0.499135  ]
 [-0.35531227]]
result : [[ 0.07634293]
 [-0.43271716]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.07634293]
 [-0.43271716]]
dot product : [[ 0.37269097]
 [ 0.02808022]
 [ 0.26250195]]
result : [[ 0.18725878]
 [ 0.25193987]
 [ 0.34971621]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.81380157]
 [-0.02431671]
 [ 1.06910845]]
dot product : [[-0.47824475]
 [-0.35362894]]
result : [[ 0.09723318]
 [-0.43103383]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.09723318]
 [-0.43103383]]
dot product : [[ 0.3989618 ]
 [ 0.01271553]
 [ 0.27401578]]
result : [[ 0.21352961]
 [ 0.23657518]
 [ 0.36123004]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.79752477]
 [-0.18586622]
 [ 0.98110502]]
dot product : [[-0.09157917]
 [-1.51358111]]
result : [[ 0.48389876]
 [-1.590986  ]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.48389876]
 [-1.590986  ]]
dot product : [[ 1.6361535 ]
 [-0.04307111]
 [ 1.08537266]]
result : [[ 1.45072132]
 [ 0.18078853]
 [ 1.17258692]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.46254887]
 [-0.98940729]
 [ 0.41317183]]
dot product : [[-0.3116113]
 [-1.7900397]]
result : [[ 0.26386663]
 [-1.8674446 ]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.26386663]
 [-1.8674446 ]]
dot product : [[ 1.52256432]
 [ 0.16841827]
 [ 1.09404839]]
result : [[ 1.33713214]
 [ 0.39227791]
 [ 1.18126265]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.88430752]
 [-0.82759425]
 [ 0.53306447]]
dot product : [[-0.17635549]
 [-1.96745794]]
result : [[ 0.39912244]
 [-2.04486283]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.39912244]
 [-2.04486283]]
dot product : [[ 1.81138169]
 [ 0.10508101]
 [ 1.26317929]]
result : [[ 1.62594951]
 [ 0.32894066]
 [ 1.35039354]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.47245184]
 [-0.99661205]
 [ 0.40828086]]
dot product : [[-0.31027118]
 [-1.80100945]]
result : [[ 0.26520675]
 [-1.87841434]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.26520675]
 [-1.87841434]]
dot product : [[ 1.53123356]
 [ 0.16955871]
 [ 1.10035088]]
result : [[ 1.34580138]
 [ 0.39341836]
 [ 1.18756513]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.80326333]
 [-0.01910134]
 [ 1.07292504]]
dot product : [[-0.47466964]
 [-0.35733719]]
result : [[ 0.10080829]
 [-0.43474208]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.10080829]
 [-0.43474208]]
dot product : [[ 0.40597721]
 [ 0.01085305]
 [ 0.27799341]]
result : [[ 0.22054503]
 [ 0.23471269]
 [ 0.36520767]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.78638149]
 [-0.01365519]
 [ 1.07700217]]
dot product : [[-0.46942767]
 [-0.36507609]]
result : [[ 0.10605026]
 [-0.44248098]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.10605026]
 [-0.44248098]]
dot product : [[ 0.41771461]
 [ 0.00856396]
 [ 0.28498163]]
result : [[ 0.23228242]
 [ 0.23242361]
 [ 0.37219589]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.86733502]
 [-0.09135316]
 [ 1.02132887]]
dot product : [[-0.50316937]
 [-0.35985916]]
result : [[ 0.07230856]
 [-0.43726405]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.07230856]
 [-0.43726405]]
dot product : [[ 0.37027912]
 [ 0.03185776]
 [ 0.26239881]]
result : [[ 0.18484693]
 [ 0.25571741]
 [ 0.34961306]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.89286411]
 [-0.23476572]
 [ 0.92050079]]
dot product : [[-0.53364651]
 [-0.43173675]]
result : [[ 0.04183142]
 [-0.50914164]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.04183142]
 [-0.50914164]]
dot product : [[ 0.37571909]
 [ 0.06759739]
 [ 0.28046865]]
result : [[ 0.19028691]
 [ 0.29145704]
 [ 0.3676829 ]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.89074637]
 [-0.35380162]
 [ 0.83717451]]
dot product : [[-0.55296042]
 [-0.50673051]]
result : [[ 0.02251751]
 [-0.5841354 ]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.02251751]
 [-0.5841354 ]]
dot product : [[ 0.39772925]
 [ 0.09589722]
 [ 0.30670811]]
result : [[ 0.21229707]
 [ 0.31975687]
 [ 0.39392236]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.41197964]
 [-0.95094907]
 [ 0.43931503]]
dot product : [[-0.31817646]
 [-1.73299211]]
result : [[ 0.25730147]
 [-1.810397  ]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.25730147]
 [-1.810397  ]]
dot product : [[ 1.47800905]
 [ 0.16219649]
 [ 1.0615117 ]]
result : [[ 1.29257686]
 [ 0.38605614]
 [ 1.14872595]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.88131382]
 [-0.72870994]
 [ 0.60226519]]
dot product : [[-0.16062811]
 [-1.90434774]]
result : [[ 0.41484982]
 [-1.98175263]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.41484982]
 [-1.98175263]]
dot product : [[ 1.79217103]
 [ 0.08164436]
 [ 1.24078653]]
result : [[ 1.60673885]
 [ 0.305504  ]
 [ 1.32800079]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.86435564]
 [-0.99724056]
 [ 0.41395221]]
dot product : [[-0.20977731]
 [-2.05922516]]
result : [[ 0.36570062]
 [-2.13663005]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.36570062]
 [-2.13663005]]
dot product : [[ 1.82550837]
 [ 0.14675823]
 [ 1.28949667]]
result : [[ 1.64007618]
 [ 0.37061788]
 [ 1.37671093]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.88312251]
 [-0.87095692]
 [ 0.50267967]]
dot product : [[-0.18389341]
 [-1.99348972]]
result : [[ 0.39158452]
 [-2.07089461]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.39158452]
 [-2.07089461]]
dot product : [[ 1.81793106]
 [ 0.11550472]
 [ 1.27179427]]
result : [[ 1.63249888]
 [ 0.33936436]
 [ 1.35900852]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.77743051]
 [-0.09431641]
 [ 1.04490281]]
dot product : [[-0.08146492]
 [-1.44375568]]
result : [[ 0.49401301]
 [-1.52116057]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.49401301]
 [-1.52116057]]
dot product : [[ 1.60536521]
 [-0.06375498]
 [ 1.05628625]]
result : [[ 1.41993303]
 [ 0.16010467]
 [ 1.1435005 ]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.73538449]
 [-0.01234762]
 [ 1.07871312]]
dot product : [[-0.456119 ]
 [-0.3978177]]
result : [[ 0.11935893]
 [-0.47522259]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.11935893]
 [-0.47522259]]
dot product : [[ 0.45576917]
 [ 0.00526526]
 [ 0.30930014]]
result : [[ 0.27033698]
 [ 0.22912491]
 [ 0.3965144 ]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.76009975]
 [-1.11361334]
 [ 0.33083205]]
dot product : [[-0.25595226]
 [-2.06259082]]
result : [[ 0.31952567]
 [-2.13999572]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.31952567]
 [-2.13999572]]
dot product : [[ 1.76721653]
 [ 0.18065157]
 [ 1.26386863]]
result : [[ 1.58178435]
 [ 0.40451122]
 [ 1.35108289]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.69939058]
 [-0.02062908]
 [ 1.07347501]]
dot product : [[-0.44826115]
 [-0.42661798]]
result : [[ 0.12721678]
 [-0.50402288]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.12721678]
 [-0.50402288]]
dot product : [[ 0.48420724]
 [ 0.00513488]
 [ 0.32841422]]
result : [[ 0.29877506]
 [ 0.22899453]
 [ 0.41562848]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.71335526]
 [-1.11486096]
 [ 0.32922941]]
dot product : [[-0.26815934]
 [-2.0326098 ]]
result : [[ 0.30731859]
 [-2.1100147 ]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.30731859]
 [-2.1100147 ]]
dot product : [[ 1.73234368]
 [ 0.18368692]
 [ 1.24158839]]
result : [[ 1.54691149]
 [ 0.40754657]
 [ 1.32880264]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.47005138]
 [-0.15648523]
 [ 0.9819131 ]]
dot product : [[-0.41205499]
 [-0.66149707]]
result : [[ 0.16342294]
 [-0.73890197]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.16342294]
 [-0.73890197]]
dot product : [[ 0.67965764]
 [ 0.02414463]
 [ 0.46780452]]
result : [[ 0.49422546]
 [ 0.24800428]
 [ 0.55501878]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.78950553]
 [-1.1036475 ]
 [ 0.33826956]]
dot product : [[-0.24674152]
 [-2.07577448]]
result : [[ 0.32873641]
 [-2.15317937]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.32873641]
 [-2.15317937]]
dot product : [[ 1.78757918]
 [ 0.17654984]
 [ 1.27593956]]
result : [[ 1.602147  ]
 [ 0.40040948]
 [ 1.36315382]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.83309753]
 [-0.03868815]
 [ 1.0587434 ]]
dot product : [[-0.48559531]
 [-0.34982039]]
result : [[ 0.08988262]
 [-0.42722528]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.08988262]
 [-0.42722528]]
dot product : [[ 0.38694347]
 [ 0.0172772 ]
 [ 0.2677541 ]]
result : [[ 0.20151128]
 [ 0.24113685]
 [ 0.35496835]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.79214976]
 [-0.01515875]
 [ 1.0758593 ]]
dot product : [[-0.47115917]
 [-0.3622109 ]]
result : [[ 0.10431876]
 [-0.43961579]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.10431876]
 [-0.43961579]]
dot product : [[ 0.41364282]
 [ 0.00926079]
 [ 0.28251817]]
result : [[ 0.22821063]
 [ 0.23312044]
 [ 0.36973242]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.84992859]
 [-0.05851777]
 [ 1.04459451]]
dot product : [[-0.49322369]
 [-0.35100827]]
result : [[ 0.08225424]
 [-0.42841316]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.08225424]
 [-0.42841316]]
dot product : [[ 0.37771167]
 [ 0.02299785]
 [ 0.26383755]]
result : [[ 0.19227948]
 [ 0.2468575 ]
 [ 0.3510518 ]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.76625553]
 [-1.11224554]
 [ 0.33188589]]
dot product : [[-0.25414394]
 [-2.0657949 ]]
result : [[ 0.32133399]
 [-2.14319979]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.32133399]
 [-2.14319979]]
dot product : [[ 1.77160249]
 [ 0.17996447]
 [ 1.26654776]]
result : [[ 1.5861703 ]
 [ 0.40382412]
 [ 1.35376201]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.22549134]
 [-0.36763205]
 [ 0.83786346]]
dot product : [[-0.38450171]
 [-0.95294234]]
result : [[ 0.19097622]
 [-1.03034723]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.19097622]
 [-1.03034723]]
dot product : [[ 0.89944905]
 [ 0.06024122]
 [ 0.63048627]]
result : [[ 0.71401686]
 [ 0.28410087]
 [ 0.71770053]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.00935906]
 [-0.57188877]
 [ 0.69819556]]
dot product : [[-0.36309622]
 [-1.22142525]]
result : [[ 0.21238171]
 [-1.29883014]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.21238171]
 [-1.29883014]]
dot product : [[ 1.0967203 ]
 [ 0.09635734]
 [ 0.77799782]]
result : [[ 0.91128811]
 [ 0.32021699]
 [ 0.86521207]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.73415457]
 [-1.11607237]
 [ 0.32870542]]
dot product : [[-0.2630224 ]
 [-2.04704235]]
result : [[ 0.31245553]
 [-2.12444724]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.31245553]
 [-2.12444724]]
dot product : [[ 1.74816367]
 [ 0.18275814]
 [ 1.2518764 ]]
result : [[ 1.56273148]
 [ 0.40661779]
 [ 1.33909065]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.6839231 ]
 [-1.10936775]
 [ 0.33261725]]
dot product : [[-0.27479797]
 [-2.00985038]]
result : [[ 0.30067996]
 [-2.08725527]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.30067996]
 [-2.08725527]]
dot product : [[ 1.70930924]
 [ 0.18409883]
 [ 1.22622969]]
result : [[ 1.52387705]
 [ 0.40795847]
 [ 1.31344395]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.63582729]
 [-0.0470456 ]
 [ 1.0559671 ]]
dot product : [[-0.43635173]
 [-0.4847687 ]]
result : [[ 0.1391262 ]
 [-0.56217359]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.1391262 ]
 [-0.56217359]]
dot product : [[ 0.53645023]
 [ 0.00772034]
 [ 0.36466679]]
result : [[ 0.35101805]
 [ 0.23157999]
 [ 0.45188105]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.6280486 ]
 [-1.08977712]
 [ 0.34546499]]
dot product : [[-0.28587243]
 [-1.96097847]]
result : [[ 0.2896055 ]
 [-2.03838336]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.2896055 ]
 [-2.03838336]]
dot product : [[ 1.6640085 ]
 [ 0.18269301]
 [ 1.19513146]]
result : [[ 1.47857632]
 [ 0.40655266]
 [ 1.28234571]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.88371996]
 [-0.780213  ]
 [ 0.56623579]]
dot product : [[-0.16860219]
 [-1.93777532]]
result : [[ 0.40687574]
 [-2.01518021]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.40687574]
 [-2.01518021]]
dot product : [[ 1.80281243]
 [ 0.09380155]
 [ 1.25285806]]
result : [[ 1.61738025]
 [ 0.31766119]
 [ 1.34007232]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.64455448]
 [-1.09661287]
 [ 0.3409354 ]]
dot product : [[-0.28277584]
 [-1.976064  ]]
result : [[ 0.29270209]
 [-2.05346889]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.29270209]
 [-2.05346889]]
dot product : [[ 1.67757066]
 [ 0.18335866]
 [ 1.20454031]]
result : [[ 1.49213847]
 [ 0.40721831]
 [ 1.29175456]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.62740077]
 [-0.05140675]
 [ 1.05304444]]
dot product : [[-0.43491623]
 [-0.4930089 ]]
result : [[ 0.1405617 ]
 [-0.57041379]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.1405617 ]
 [-0.57041379]]
dot product : [[ 0.54352342]
 [ 0.00826824]
 [ 0.36965477]]
result : [[ 0.35809124]
 [ 0.23212789]
 [ 0.45686902]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.21431142]
 [-0.37798482]
 [ 0.8307879 ]]
dot product : [[-0.38335895]
 [-0.96669859]]
result : [[ 0.19211898]
 [-1.04410348]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.19211898]
 [-1.04410348]]
dot product : [[ 0.90961682]
 [ 0.06205858]
 [ 0.63807154]]
result : [[ 0.72418464]
 [ 0.28591822]
 [ 0.72528579]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.89171727]
 [-0.33735345]
 [ 0.84867781]]
dot product : [[-0.55046577]
 [-0.49592178]]
result : [[ 0.02501216]
 [-0.57332667]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.02501216]
 [-0.57332667]]
dot product : [[ 0.39417881]
 [ 0.09202652]
 [ 0.30275526]]
result : [[ 0.20874662]
 [ 0.31588617]
 [ 0.38996951]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.87249431]
 [-0.52297891]
 [ 0.71898646]]
dot product : [[-0.57649734]
 [-0.62334147]]
result : [[-0.00101941]
 [-0.70074636]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[-0.00101941]
 [-0.70074636]]
dot product : [[ 0.44045172]
 [ 0.13522515]
 [ 0.35135163]]
result : [[ 0.25501954]
 [ 0.3590848 ]
 [ 0.43856589]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.58500707]
 [-1.0686209 ]
 [ 0.35960921]]
dot product : [[-0.29339159]
 [-1.91958115]]
result : [[ 0.28208634]
 [-1.99698604]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.28208634]
 [-1.99698604]]
dot product : [[ 1.62807176]
 [ 0.18016183]
 [ 1.16989081]]
result : [[ 1.44263957]
 [ 0.40402148]
 [ 1.25710506]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.87886468]
 [-0.92270113]
 [ 0.46637747]]
dot product : [[-0.19361831]
 [-2.02268229]]
result : [[ 0.38185962]
 [-2.10008718]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.38185962]
 [-2.10008718]]
dot product : [[ 1.82361179]
 [ 0.12810974]
 [ 1.2807029 ]]
result : [[ 1.63817961]
 [ 0.35196939]
 [ 1.36791716]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.66848697]
 [-0.03190354]
 [ 1.06606158]]
dot product : [[-0.44220923]
 [-0.45392002]]
result : [[ 0.1332687 ]
 [-0.53132491]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.1332687 ]
 [-0.53132491]]
dot product : [[ 0.50933794]
 [ 0.00601727]
 [ 0.34570736]]
result : [[ 0.32390575]
 [ 0.22987691]
 [ 0.43292161]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.8708618 ]
 [-0.61292545]
 [ 0.68318458]]
dot product : [[-0.14399595]
 [-1.82588136]]
result : [[ 0.43148198]
 [-1.90328625]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.43148198]
 [-1.90328625]]
dot product : [[ 1.76446286]
 [ 0.05460898]
 [ 1.21121632]]
result : [[ 1.57903067]
 [ 0.27846863]
 [ 1.29843058]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.84182799]
 [-0.0479054 ]
 [ 1.05215254]]
dot product : [[-0.48937397]
 [-0.34977583]]
result : [[ 0.08610396]
 [-0.42718072]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.08610396]
 [-0.42718072]]
dot product : [[ 0.38197151]
 [ 0.0199894 ]
 [ 0.26549615]]
result : [[ 0.19653933]
 [ 0.24384905]
 [ 0.35271041]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.64415088]
 [-0.04291088]
 [ 1.05873279]]
dot product : [[-0.43779858]
 [-0.47673623]]
result : [[ 0.13767935]
 [-0.55414112]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.13767935]
 [-0.55414112]]
dot product : [[ 0.52949316]
 [ 0.00722048]
 [ 0.35977643]]
result : [[ 0.34406097]
 [ 0.23108013]
 [ 0.44699068]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.86696128]
 [-0.9878016 ]
 [ 0.42060282]]
dot product : [[-0.20753386]
 [-2.05510321]]
result : [[ 0.36794407]
 [-2.1325081 ]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.36794407]
 [-2.1325081 ]]
dot product : [[ 1.82584494]
 [ 0.14435177]
 [ 1.28875369]]
result : [[ 1.64041275]
 [ 0.36821141]
 [ 1.37596794]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.65264831]
 [-1.09966686]
 [ 0.33892295]]
dot product : [[-0.28120768]
 [-1.9832771 ]]
result : [[ 0.29427025]
 [-2.06068199]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.29427025]
 [-2.06068199]]
dot product : [[ 1.68416988]
 [ 0.18361392]
 [ 1.20909091]]
result : [[ 1.49873769]
 [ 0.40747357]
 [ 1.29630516]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.48228053]
 [-1.0036456 ]
 [ 0.40350862]]
dot product : [[-0.30892156]
 [-1.81182447]]
result : [[ 0.26655637]
 [-1.88922936]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.26655637]
 [-1.88922936]]
dot product : [[ 1.53981768]
 [ 0.17066263]
 [ 1.10658127]]
result : [[ 1.3543855 ]
 [ 0.39452227]
 [ 1.19379552]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.50926384]
 [-0.12696721]
 [ 1.0019727 ]]
dot product : [[-0.41719635]
 [-0.61744868]]
result : [[ 0.15828158]
 [-0.69485358]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.15828158]
 [-0.69485358]]
dot product : [[ 0.64516057]
 [ 0.01939255]
 [ 0.44263913]]
result : [[ 0.45972838]
 [ 0.2432522 ]
 [ 0.52985339]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.16203029]
 [-0.7336841 ]
 [ 0.58756508]]
dot product : [[-0.3460925 ]
 [-1.43421842]]
result : [[ 0.22938543]
 [-1.51162332]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.22938543]
 [-1.51162332]]
dot product : [[ 1.25312281]
 [ 0.12495459]
 [ 0.89493457]]
result : [[ 1.06769062]
 [ 0.34881424]
 [ 0.98214883]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.81540173]
 [-0.27239952]
 [ 0.92078564]]
dot product : [[-0.10142574]
 [-1.57884607]]
result : [[ 0.47405219]
 [-1.65625096]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.47405219]
 [-1.65625096]]
dot product : [[ 1.66441688]
 [-0.02345527]
 [ 1.11232693]]
result : [[ 1.4789847 ]
 [ 0.20040438]
 [ 1.19954118]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.86939212]
 [-0.97796583]
 [ 0.42752859]]
dot product : [[-0.20526908]
 [-2.05062091]]
result : [[ 0.37020885]
 [-2.1280258 ]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.37020885]
 [-2.1280258 ]]
dot product : [[ 1.82598223]
 [ 0.14186079]
 [ 1.28784233]]
result : [[ 1.64055005]
 [ 0.36572044]
 [ 1.37505658]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.2918166 ]
 [-0.30711228]
 [ 0.87921038]]
dot product : [[-0.39143102]
 [-0.87188833]]
result : [[ 0.18404691]
 [-0.94929322]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.18404691]
 [-0.94929322]]
dot product : [[ 0.83928249]
 [ 0.0496742 ]
 [ 0.58567675]]
result : [[ 0.65385031]
 [ 0.27353384]
 [ 0.67289101]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.88050667]
 [-0.13357725]
 [ 0.99155448]]
dot product : [[-0.51359424]
 [-0.37730113]]
result : [[ 0.06188369]
 [-0.45470602]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.06188369]
 [-0.45470602]]
dot product : [[ 0.36763587]
 [ 0.04271155]
 [ 0.2649915 ]]
result : [[ 0.18220369]
 [ 0.26657119]
 [ 0.35220575]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.84595787]
 [-0.05303528]
 [ 1.04849575]]
dot product : [[-0.49128985]
 [-0.35023068]]
result : [[ 0.08418808]
 [-0.42763557]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.08418808]
 [-0.42763557]]
dot product : [[ 0.37975161]
 [ 0.02145619]
 [ 0.26459112]]
result : [[ 0.19431942]
 [ 0.24531583]
 [ 0.35180537]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.18458517]
 [-0.75451282]
 [ 0.57333073]]
dot product : [[-0.34377747]
 [-1.46193542]]
result : [[ 0.23170046]
 [-1.53934031]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.23170046]
 [-1.53934031]]
dot product : [[ 1.27362589]
 [ 0.1286073 ]
 [ 0.91022527]]
result : [[ 1.08819371]
 [ 0.35246695]
 [ 0.99743952]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.80860522]
 [-0.02154802]
 [ 1.07112836]]
dot product : [[-0.47644901]
 [-0.35533564]]
result : [[ 0.09902892]
 [-0.43274053]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.09902892]
 [-0.43274053]]
dot product : [[ 0.40238726]
 [ 0.0117501 ]
 [ 0.27593539]]
result : [[ 0.21695508]
 [ 0.23560975]
 [ 0.36314965]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.88021093]
 [-0.91040425]
 [ 0.47500981]]
dot product : [[-0.19122138]
 [-2.01596474]]
result : [[ 0.38425655]
 [-2.09336963]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.38425655]
 [-2.09336963]]
dot product : [[ 1.82251278]
 [ 0.12509461]
 [ 1.27874706]]
result : [[ 1.63708059]
 [ 0.34895425]
 [ 1.36596132]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.87867669]
 [-0.69203369]
 [ 0.62790797]]
dot product : [[-0.15518673]
 [-1.8799357 ]]
result : [[ 0.4202912 ]
 [-1.95734059]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.4202912 ]
 [-1.95734059]]
dot product : [[ 1.78389978]
 [ 0.0730411 ]
 [ 1.2317447 ]]
result : [[ 1.5984676 ]
 [ 0.29690074]
 [ 1.31895895]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.49203326]
 [-1.01050411]
 [ 0.39885779]]
dot product : [[-0.30756225]
 [-1.82248128]]
result : [[ 0.26791568]
 [-1.89988617]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.26791568]
 [-1.89988617]]
dot product : [[ 1.54831475]
 [ 0.17172919]
 [ 1.11273794]]
result : [[ 1.36288257]
 [ 0.39558884]
 [ 1.19995219]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.66063379]
 [-1.10247317]
 [ 0.33708225]]
dot product : [[-0.27962601]
 [-1.99026577]]
result : [[ 0.29585192]
 [-2.06767066]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.29585192]
 [-2.06767066]]
dot product : [[ 1.69064528]
 [ 0.18381638]
 [ 1.21353678]]
result : [[ 1.5052131 ]
 [ 0.40767602]
 [ 1.30075103]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.8624718 ]
 [-0.58812709]
 [ 0.67352033]]
dot product : [[-0.58479263]
 [-0.67021658]]
result : [[-0.0093147 ]
 [-0.74762147]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[-0.0093147 ]
 [-0.74762147]]
dot product : [[ 0.45915087]
 [ 0.15019454]
 [ 0.36998725]]
result : [[ 0.27371868]
 [ 0.37405419]
 [ 0.4572015 ]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.80786871]
 [-0.86671599]
 [ 0.47927961]]
dot product : [[-0.6172505 ]
 [-0.87839208]]
result : [[-0.04177257]
 [-0.95579697]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[-0.04177257]
 [-0.95579697]]
dot product : [[ 0.54792832]
 [ 0.21351942]
 [ 0.4553418 ]]
result : [[ 0.36249613]
 [ 0.43737906]
 [ 0.54255606]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.08239468]
 [-0.65908384]
 [ 0.63856482]]
dot product : [[-0.35408957]
 [-1.33570172]]
result : [[ 0.22138836]
 [-1.41310661]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.22138836]
 [-1.41310661]]
dot product : [[ 1.18054987]
 [ 0.11180486]
 [ 0.84072257]]
result : [[ 0.99511768]
 [ 0.3356645 ]
 [ 0.92793682]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.87575982]
 [-0.11553038]
 [ 1.00426649]]
dot product : [[-0.50936518]
 [-0.36926553]]
result : [[ 0.06611275]
 [-0.44667042]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.06611275]
 [-0.44667042]]
dot product : [[ 0.36810298]
 [ 0.03812426]
 [ 0.26345759]]
result : [[ 0.18267079]
 [ 0.26198391]
 [ 0.35067185]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.78075027]
 [-0.98418159]
 [ 0.39744286]]
dot product : [[-0.62988497]
 [-0.96886246]]
result : [[-0.05440704]
 [-1.04626736]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[-0.05440704]
 [-1.04626736]]
dot product : [[ 0.58843486]
 [ 0.2399802 ]
 [ 0.49330626]]
result : [[ 0.40300268]
 [ 0.46383985]
 [ 0.58052051]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.89356616]
 [-0.27608096]
 [ 0.89155731]]
dot product : [[-0.54071891]
 [-0.45682031]]
result : [[ 0.03475902]
 [-0.5342252 ]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.03475902]
 [-0.5342252 ]]
dot product : [[ 0.38227974]
 [ 0.07750391]
 [ 0.2888828 ]]
result : [[ 0.19684755]
 [ 0.30136356]
 [ 0.37609705]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.53959763]
 [-1.04203725]
 [ 0.37751727]]
dot product : [[-0.30061318]
 [-1.87327021]]
result : [[ 0.27486475]
 [-1.9506751 ]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.27486475]
 [-1.9506751 ]]
dot product : [[ 1.58942655]
 [ 0.17647334]
 [ 1.14235831]]
result : [[ 1.40399437]
 [ 0.40033299]
 [ 1.22957256]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.84514637]
 [-1.04575562]
 [ 0.37967818]]
dot product : [[-0.22280144]
 [-2.07658482]]
result : [[ 0.35267649]
 [-2.15398971]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.35267649]
 [-2.15398971]]
dot product : [[ 1.81941243]
 [ 0.15946777]
 [ 1.29051022]]
result : [[ 1.63398025]
 [ 0.38332741]
 [ 1.37772447]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.87519723]
 [-0.65344906]
 [ 0.65487403]]
dot product : [[-0.14964321]
 [-1.85378953]]
result : [[ 0.42583472]
 [-1.93119442]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.42583472]
 [-1.93119442]]
dot product : [[ 1.77466888]
 [ 0.06403147]
 [ 1.22189231]]
result : [[ 1.5892367 ]
 [ 0.28789112]
 [ 1.30910657]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.24775025]
 [-0.34713934]
 [ 0.85186713]]
dot product : [[-0.38679682]
 [-0.92562782]]
result : [[ 0.18868111]
 [-1.00303271]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.18868111]
 [-1.00303271]]
dot product : [[ 0.87922577]
 [ 0.05665141]
 [ 0.61540951]]
result : [[ 0.69379359]
 [ 0.28051106]
 [ 0.70262377]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.87312378]
 [-0.10708939]
 [ 1.01021872]]
dot product : [[-0.50728041]
 [-0.36578062]]
result : [[ 0.06819752]
 [-0.44318551]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.06819752]
 [-0.44318551]]
dot product : [[ 0.36863356]
 [ 0.03595432]
 [ 0.26294069]]
result : [[ 0.18320137]
 [ 0.25981396]
 [ 0.35015494]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.57477534]
 [-0.08211458]
 [ 1.03236081]]
dot product : [[-0.42653035]
 [-0.54661713]]
result : [[ 0.14894758]
 [-0.62402202]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.14894758]
 [-0.62402202]]
dot product : [[ 0.58829252]
 [ 0.01251894]
 [ 0.40154121]]
result : [[ 0.40286034]
 [ 0.23637858]
 [ 0.48875547]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.45000473]
 [-0.17220518]
 [ 0.97121724]]
dot product : [[-0.40953156]
 [-0.68440517]]
result : [[ 0.16594637]
 [-0.76181006]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.16594637]
 [-0.76181006]]
dot product : [[ 0.69740162]
 [ 0.02672433]
 [ 0.48080321]]
result : [[ 0.51196943]
 [ 0.25058398]
 [ 0.56801746]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.58378371]
 [-0.07647514]
 [ 1.03616955]]
dot product : [[-0.42790196]
 [-0.53720377]]
result : [[ 0.14757597]
 [-0.61460866]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.14757597]
 [-0.61460866]]
dot product : [[ 0.5805633 ]
 [ 0.01169988]
 [ 0.3960018 ]]
result : [[ 0.39513112]
 [ 0.23555952]
 [ 0.48321606]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.77023174]
 [-0.06266718]
 [ 1.0669541 ]]
dot product : [[-0.07803307]
 [-1.41945084]]
result : [[ 0.49744485]
 [-1.49685573]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.49744485]
 [-1.49685573]]
dot product : [[ 1.59453233]
 [-0.07089073]
 [ 1.04610935]]
result : [[ 1.40910015]
 [ 0.15296892]
 [ 1.13332361]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.61112977]
 [-1.08199651]
 [ 0.35064981]]
dot product : [[-0.28891741]
 [-1.94503706]]
result : [[ 0.28656052]
 [-2.02244195]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.28656052]
 [-2.02244195]]
dot product : [[ 1.6499743 ]
 [ 0.18182592]
 [ 1.18532327]]
result : [[ 1.46454211]
 [ 0.40568557]
 [ 1.27253753]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.25151697]
 [-0.81524509]
 [ 0.53184446]]
dot product : [[-0.33672792]
 [-1.54351985]]
result : [[ 0.23875001]
 [-1.62092474]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.23875001]
 [-1.62092474]]
dot product : [[ 1.33428418]
 [ 0.13918954]
 [ 0.95537234]]
result : [[ 1.14885199]
 [ 0.36304919]
 [ 1.04258659]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.34591249]
 [-0.2591908 ]
 [ 0.91192558]]
dot product : [[-0.39732278]
 [-0.80666943]]
result : [[ 0.17815515]
 [-0.88407432]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.17815515]
 [-0.88407432]]
dot product : [[ 0.79045666]
 [ 0.04139927]
 [ 0.54943436]]
result : [[ 0.60502447]
 [ 0.26525892]
 [ 0.63664861]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.8199447 ]
 [-0.81128412]
 [ 0.51790952]]
dot product : [[-0.6111032 ]
 [-0.83617366]]
result : [[-0.03562527]
 [-0.91357855]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[-0.03562527]
 [-0.91357855]]
dot product : [[ 0.52935464]
 [ 0.20099037]
 [ 0.43777423]]
result : [[ 0.34392245]
 [ 0.42485002]
 [ 0.52498849]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.61963995]
 [-1.08600301]
 [ 0.34797682]]
dot product : [[-0.28740127]
 [-1.95311301]]
result : [[ 0.28807666]
 [-2.0305179 ]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.28807666]
 [-2.0305179 ]]
dot product : [[ 1.65704944]
 [ 0.18228424]
 [ 1.19027647]]
result : [[ 1.47161726]
 [ 0.40614389]
 [ 1.27749072]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.87164646]
 [-0.96772944]
 [ 0.43473216]]
dot product : [[-0.20298278]
 [-2.04577478]]
result : [[ 0.37249515]
 [-2.12317967]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.37249515]
 [-2.12317967]]
dot product : [[ 1.82591831]
 [ 0.13928449]
 [ 1.28676097]]
result : [[ 1.64048612]
 [ 0.36314413]
 [ 1.37397523]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.05527359]
 [-0.52809735]
 [ 0.72814612]]
dot product : [[-0.36757686]
 [-1.16414237]]
result : [[ 0.20790107]
 [-1.24154726]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.20790107]
 [-1.24154726]]
dot product : [[ 1.05474399]
 [ 0.08858949]
 [ 0.74657621]]
result : [[ 0.8693118 ]
 [ 0.31244914]
 [ 0.83379046]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.88312225]
 [-0.76350839]
 [ 0.57792449]]
dot product : [[-0.16596896]
 [-1.92705354]]
result : [[ 0.40950897]
 [-2.00445843]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.40950897]
 [-2.00445843]]
dot product : [[ 1.79949812]
 [ 0.08984776]
 [ 1.24903087]]
result : [[ 1.61406593]
 [ 0.31370741]
 [ 1.33624513]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.60251976]
 [-1.07776145]
 [ 0.35348131]]
dot product : [[-0.29042104]
 [-1.93675411]]
result : [[ 0.28505689]
 [-2.014159  ]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.28505689]
 [-2.014159  ]]
dot product : [[ 1.64278501]
 [ 0.18131888]
 [ 1.18027351]]
result : [[ 1.45735283]
 [ 0.40517852]
 [ 1.26748777]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.88477696]
 [-0.42422919]
 [ 0.78794808]]
dot product : [[-0.56317681]
 [-0.55420343]]
result : [[ 0.01230112]
 [-0.63160832]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.01230112]
 [-0.63160832]]
dot product : [[ 0.41429177]
 [ 0.1123646 ]
 [ 0.32450739]]
result : [[ 0.22885959]
 [ 0.33622425]
 [ 0.41172165]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.7843778 ]
 [-0.12539678]
 [ 1.02324597]]
dot product : [[-0.08486641]
 [-1.46754335]]
result : [[ 0.49061152]
 [-1.54494824]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.49061152]
 [-1.54494824]]
dot product : [[ 1.61591175]
 [-0.05674033]
 [ 1.06622135]]
result : [[ 1.43047956]
 [ 0.16711932]
 [ 1.1534356 ]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.8773334 ]
 [-0.93457826]
 [ 0.45803619]]
dot product : [[-0.19599272]
 [-2.02901858]]
result : [[ 0.37948521]
 [-2.10642347]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.37948521]
 [-2.10642347]]
dot product : [[ 1.82449992]
 [ 0.13103548]
 [ 1.28248058]]
result : [[ 1.63906773]
 [ 0.35489513]
 [ 1.36969483]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.13937598]
 [-0.71261405]
 [ 0.60196689]]
dot product : [[-0.34839279]
 [-1.4062868 ]]
result : [[ 0.22708513]
 [-1.48369169]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.22708513]
 [-1.48369169]]
dot product : [[ 1.23250369]
 [ 0.12125008]
 [ 0.8795448 ]]
result : [[ 1.04707151]
 [ 0.34510973]
 [ 0.96675905]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.59269937]
 [-0.07103919]
 [ 1.03983725]]
dot product : [[-0.42928372]
 [-0.52797722]]
result : [[ 0.14619421]
 [-0.60538212]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.14619421]
 [-0.60538212]]
dot product : [[ 0.57293858]
 [ 0.01092397]
 [ 0.39055022]]
result : [[ 0.3875064 ]
 [ 0.23478362]
 [ 0.47776447]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.8261106 ]
 [-0.32735242]
 [ 0.88246983]]
dot product : [[-0.10784407]
 [-1.61986893]]
result : [[ 0.46763386]
 [-1.69727382]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.46763386]
 [-1.69727382]]
dot product : [[ 1.68188221]
 [-0.01096053]
 [ 1.12913367]]
result : [[ 1.49645003]
 [ 0.21289911]
 [ 1.21634792]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.76193823]
 [-0.01066996]
 [ 1.07947387]]
dot product : [[-0.46265528]
 [-0.37931112]]
result : [[ 0.11282265]
 [-0.45671602]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.11282265]
 [-0.45671602]]
dot product : [[ 0.43554985]
 [ 0.0064197 ]
 [ 0.29613803]]
result : [[ 0.25011767]
 [ 0.23027935]
 [ 0.38335228]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.11248479]
 [-0.47366382]
 [ 0.76537305]]
dot product : [[-0.37318196]
 [-1.09284751]]
result : [[ 0.20229597]
 [-1.1702524 ]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.20229597]
 [-1.1702524 ]]
dot product : [[ 1.00246262]
 [ 0.07894203]
 [ 0.70745172]]
result : [[ 0.81703044]
 [ 0.30280168]
 [ 0.79466598]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.836243  ]
 [-0.73217645]
 [ 0.57305343]]
dot product : [[-0.60209014]
 [-0.77653858]]
result : [[-0.02661221]
 [-0.85394347]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[-0.02661221]
 [-0.85394347]]
dot product : [[ 0.50355008]
 [ 0.1830552 ]
 [ 0.41315449]]
result : [[ 0.3181179 ]
 [ 0.40691485]
 [ 0.50036874]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.65236982]
 [-0.03900642]
 [ 1.06133886]]
dot product : [[-0.43925698]
 [-0.46891497]]
result : [[ 0.13622095]
 [-0.54631986]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.13622095]
 [-0.54631986]]
dot product : [[ 0.52265412]
 [ 0.00676947]
 [ 0.35498531]]
result : [[ 0.33722194]
 [ 0.23062912]
 [ 0.44219957]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.21820126]
 [-0.78523648]
 [ 0.55233957]]
dot product : [[-0.34027379]
 [-1.5030475 ]]
result : [[ 0.23520414]
 [-1.5804524 ]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.23520414]
 [-1.5804524 ]]
dot product : [[ 1.3041291 ]
 [ 0.133975  ]
 [ 0.93294698]]
result : [[ 1.11869692]
 [ 0.35783464]
 [ 1.02016124]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.85258341]
 [-0.47941491]
 [ 0.77639526]]
dot product : [[-0.1264157 ]
 [-1.73130601]]
result : [[ 0.44906223]
 [-1.80871091]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.44906223]
 [-1.80871091]]
dot product : [[ 1.72783923]
 [ 0.02379924]
 [ 1.17411619]]
result : [[ 1.54240705]
 [ 0.24765888]
 [ 1.26133045]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.74891835]
 [-0.01094122]
 [ 1.07948694]]
dot product : [[-0.45935843]
 [-0.38804441]]
result : [[ 0.1161195]
 [-0.4654493]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.1161195]
 [-0.4654493]]
dot product : [[ 0.44536924]
 [ 0.005722  ]
 [ 0.3024749 ]]
result : [[ 0.25993706]
 [ 0.22958165]
 [ 0.38968915]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.36720003]
 [-0.24077752]
 [ 0.9244882 ]]
dot product : [[-0.39971543]
 [-0.78127967]]
result : [[ 0.1757625 ]
 [-0.85868456]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.1757625 ]
 [-0.85868456]]
dot product : [[ 0.77131922]
 [ 0.03824911]
 [ 0.53526661]]
result : [[ 0.58588704]
 [ 0.26210876]
 [ 0.62248087]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.3027292 ]
 [-0.29732748]
 [ 0.88589238]]
dot product : [[-0.3925999 ]
 [-0.85865912]]
result : [[ 0.18287803]
 [-0.93606401]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.18287803]
 [-0.93606401]]
dot product : [[ 0.82941281]
 [ 0.0479768 ]
 [ 0.57834074]]
result : [[ 0.64398062]
 [ 0.27183645]
 [ 0.66555499]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.3062507 ]
 [-0.86339003]
 [ 0.49898272]]
dot product : [[-0.33070971]
 [-1.60929655]]
result : [[ 0.24476822]
 [-1.68670144]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.24476822]
 [-1.68670144]]
dot product : [[ 1.38362711]
 [ 0.14748048]
 [ 0.9919697 ]]
result : [[ 1.19819493]
 [ 0.37134012]
 [ 1.07918395]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.86603769]
 [-0.56591058]
 [ 0.68902265]]
dot product : [[-0.58200181]
 [-0.65413405]]
result : [[-0.00652388]
 [-0.73153895]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[-0.00652388]
 [-0.73153895]]
dot product : [[ 0.45266304]
 [ 0.14509843]
 [ 0.36356081]]
result : [[ 0.26723085]
 [ 0.36895807]
 [ 0.45077507]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.87822135]
 [-0.1243584 ]
 [ 0.99804596]]
dot product : [[-0.51146972]
 [-0.37310454]]
result : [[ 0.0640082 ]
 [-0.45050943]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.0640082 ]
 [-0.45050943]]
dot product : [[ 0.36776977]
 [ 0.0403764 ]
 [ 0.26414065]]
result : [[ 0.18233758]
 [ 0.26423605]
 [ 0.35135491]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.38085591]
 [-0.92606427]
 [ 0.45625618]]
dot product : [[-0.32201441]
 [-1.69712991]]
result : [[ 0.25346352]
 [-1.7745348 ]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.25346352]
 [-1.7745348 ]]
dot product : [[ 1.45037828]
 [ 0.15807706]
 [ 1.04122901]]
result : [[ 1.2649461 ]
 [ 0.38193671]
 [ 1.12844327]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.88232077]
 [-0.74634198]
 [ 0.58993341]]
dot product : [[-0.163311  ]
 [-1.91591218]]
result : [[ 0.41216693]
 [-1.99331707]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.41216693]
 [-1.99331707]]
dot product : [[ 1.79595163]
 [ 0.08579563]
 [ 1.24500757]]
result : [[ 1.61051944]
 [ 0.30965528]
 [ 1.33222183]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.72734629]
 [-1.11595321]
 [ 0.32868269]]
dot product : [[-0.26475016]
 [-2.04248962]]
result : [[ 0.31072777]
 [-2.11989451]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.31072777]
 [-2.11989451]]
dot product : [[ 1.74303286]
 [ 0.18312839]
 [ 1.24856756]]
result : [[ 1.55760067]
 [ 0.40698804]
 [ 1.33578182]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.66048242]
 [-0.03533603]
 [ 1.06378268]]
dot product : [[-0.44072713]
 [-0.46130841]]
result : [[ 0.1347508]
 [-0.5387133]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.1347508]
 [-0.5387133]]
dot product : [[ 0.51593507]
 [ 0.00636813]
 [ 0.35029508]]
result : [[ 0.33050289]
 [ 0.23022778]
 [ 0.43750933]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.78790495]
 [-0.95398039]
 [ 0.41848079]]
dot product : [[-0.62668337]
 [-0.94548196]]
result : [[-0.05120544]
 [-1.02288685]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[-0.05120544]
 [-1.02288685]]
dot product : [[ 0.57788349]
 [ 0.23318763]
 [ 0.4834574 ]]
result : [[ 0.39245131]
 [ 0.45704728]
 [ 0.57067166]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.41942256]
 [-0.19690025]
 [ 0.95440051]]
dot product : [[-0.40580097]
 [-0.71979377]]
result : [[ 0.16967696]
 [-0.79719867]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.16967696]
 [-0.79719867]]
dot product : [[ 0.72459334]
 [ 0.03083017]
 [ 0.50078451]]
result : [[ 0.53916115]
 [ 0.25468982]
 [ 0.58799876]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.55803192]
 [-1.05329141]
 [ 0.36992359]]
dot product : [[-0.29775865]
 [-1.89235634]]
result : [[ 0.27771928]
 [-1.96976123]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.27771928]
 [-1.96976123]]
dot product : [[ 1.60519417]
 [ 0.17808111]
 [ 1.15363328]]
result : [[ 1.41976198]
 [ 0.40194076]
 [ 1.24084753]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.19185916]
 [-0.39888405]
 [ 0.81650256]]
dot product : [[-0.38108203]
 [-0.99439168]]
result : [[ 0.1943959 ]
 [-1.07179657]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.1943959 ]
 [-1.07179657]]
dot product : [[ 0.93005497]
 [ 0.06573413]
 [ 0.65332768]]
result : [[ 0.74462279]
 [ 0.28959378]
 [ 0.74054193]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.45257334]
 [-0.98203513]
 [ 0.41817889]]
dot product : [[-0.31294212]
 [-1.77891872]]
result : [[ 0.26253581]
 [-1.85632361]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.26253581]
 [-1.85632361]]
dot product : [[ 1.5138119 ]
 [ 0.1672421 ]
 [ 1.08767545]]
result : [[ 1.32837971]
 [ 0.39110175]
 [ 1.1748897 ]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.86836884]
 [-0.59192698]
 [ 0.69785067]]
dot product : [[-0.14113292]
 [-1.81125781]]
result : [[ 0.43434501]
 [-1.8886627 ]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.43434501]
 [-1.8886627 ]]
dot product : [[ 1.75898934]
 [ 0.04974088]
 [ 1.2055654 ]]
result : [[ 1.57355715]
 [ 0.27360052]
 [ 1.29277965]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.82464401]
 [-1.07597374]
 [ 0.3581971 ]]
dot product : [[-0.23310522]
 [-2.08178067]]
result : [[ 0.34237271]
 [-2.15918556]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.34237271]
 [-2.15918556]]
dot product : [[ 1.80920705]
 [ 0.16788402]
 [ 1.28702385]]
result : [[ 1.62377487]
 [ 0.39174367]
 [ 1.37423811]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.74738816]
 [-1.11543764]
 [ 0.32935628]]
dot product : [[-0.25951955]
 [-2.05535605]]
result : [[ 0.31595838]
 [-2.13276094]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.31595838]
 [-2.13276094]]
dot product : [[ 1.75798804]
 [ 0.1818316 ]
 [ 1.2581244 ]]
result : [[ 1.57255586]
 [ 0.40569124]
 [ 1.34533865]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.69183527]
 [-0.02307173]
 [ 1.07188228]]
dot product : [[-0.44672924]
 [-0.4330988 ]]
result : [[ 0.12874869]
 [-0.51050369]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.12874869]
 [-0.51050369]]
dot product : [[ 0.49029737]
 [ 0.00527569]
 [ 0.33257558]]
result : [[ 0.30486518]
 [ 0.22913534]
 [ 0.41978983]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.71414978]
 [-0.01651868]
 [ 1.07612332]]
dot product : [[-0.45136403]
 [-0.41436666]]
result : [[ 0.1241139 ]
 [-0.49177155]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.1241139 ]
 [-0.49177155]]
dot product : [[ 0.4724237 ]
 [ 0.0050177 ]
 [ 0.32042515]]
result : [[ 0.28699151]
 [ 0.22887735]
 [ 0.40763941]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.8841156 ]
 [-0.79645963]
 [ 0.55486465]]
dot product : [[-0.17121089]
 [-1.94808098]]
result : [[ 0.40426704]
 [-2.02548587]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.40426704]
 [-2.02548587]]
dot product : [[ 1.80589651]
 [ 0.09765781]
 [ 1.25649077]]
result : [[ 1.62046432]
 [ 0.32151746]
 [ 1.34370503]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.85221913]
 [-1.03110487]
 [ 0.39004821]]
dot product : [[-0.21854189]
 [-2.07217923]]
result : [[ 0.35693604]
 [-2.14958412]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.35693604]
 [-2.14958412]]
dot product : [[ 1.82220799]
 [ 0.15555521]
 [ 1.29081756]]
result : [[ 1.6367758 ]
 [ 0.37941486]
 [ 1.37803182]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.83754064]
 [-0.04312429]
 [ 1.05556754]]
dot product : [[-0.48747586]
 [-0.34964023]]
result : [[ 0.08800207]
 [-0.42704512]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.08800207]
 [-0.42704512]]
dot product : [[ 0.38436944]
 [ 0.01859668]
 [ 0.26655102]]
result : [[ 0.19893726]
 [ 0.24245632]
 [ 0.35376528]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.72135026]
 [-0.01485856]
 [ 1.07717359]]
dot product : [[-0.4529354 ]
 [-0.40860312]]
result : [[ 0.12254253]
 [-0.48600801]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.12254253]
 [-0.48600801]]
dot product : [[ 0.46673415]
 [ 0.00504297]
 [ 0.31660071]]
result : [[ 0.28130196]
 [ 0.22890261]
 [ 0.40381496]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.47996716]
 [-0.14885975]
 [ 0.98709849]]
dot product : [[-0.41332821]
 [-0.65025877]]
result : [[ 0.16214972]
 [-0.72766366]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.16214972]
 [-0.72766366]]
dot product : [[ 0.67090661]
 [ 0.02290447]
 [ 0.46140673]]
result : [[ 0.48547443]
 [ 0.24676412]
 [ 0.54862098]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.69887632]
 [-1.1126556 ]
 [ 0.330548  ]]
dot product : [[-0.27150807]
 [-2.02172076]]
result : [[ 0.30396986]
 [-2.09912566]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.30396986]
 [-2.09912566]]
dot product : [[ 1.72109731]
 [ 0.18400823]
 [ 1.23413808]]
result : [[ 1.53566513]
 [ 0.40786788]
 [ 1.32135233]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.29539115]
 [-0.85396583]
 [ 0.50541302]]
dot product : [[-0.33192513]
 [-1.59632519]]
result : [[ 0.2435528 ]
 [-1.67373008]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.2435528 ]
 [-1.67373008]]
dot product : [[ 1.37385911]
 [ 0.14586608]
 [ 0.98473566]]
result : [[ 1.18842692]
 [ 0.36972573]
 [ 1.07194992]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.81402889]
 [-0.83872816]
 [ 0.49878306]]
dot product : [[-0.61416286]
 [-0.85703437]]
result : [[-0.03868493]
 [-0.93443927]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[-0.03868493]
 [-0.93443927]]
dot product : [[ 0.53850312]
 [ 0.20719713]
 [ 0.44644149]]
result : [[ 0.35307094]
 [ 0.43105677]
 [ 0.53365574]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.75549339]
 [-0.01066178]
 [ 1.0795801 ]]
dot product : [[-0.46099958]
 [-0.38354602]]
result : [[ 0.11447835]
 [-0.46095092]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.11447835]
 [-0.46095092]]
dot product : [[ 0.44038601]
 [ 0.00604033]
 [ 0.2992446 ]]
result : [[ 0.25495383]
 [ 0.22989997]
 [ 0.38645885]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.87538845]
 [-0.50225611]
 [ 0.73345324]]
dot product : [[-0.57378327]
 [-0.60862444]]
result : [[ 0.00169466]
 [-0.68602933]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.00169466]
 [-0.68602933]]
dot product : [[ 0.43472436]
 [ 0.13044636]
 [ 0.34556563]]
result : [[ 0.24929218]
 [ 0.35430601]
 [ 0.43277988]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.6841651 ]
 [-0.02576757]
 [ 1.07011403]]
dot product : [[-0.44521009]
 [-0.43981173]]
result : [[ 0.13026784]
 [-0.51721662]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.13026784]
 [-0.51721662]]
dot product : [[ 0.49651715]
 [ 0.00547024]
 [ 0.33684597]]
result : [[ 0.31108496]
 [ 0.22932988]
 [ 0.42406023]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.88658559]
 [-0.40591942]
 [ 0.80074197]]
dot product : [[-0.56058665]
 [-0.54169253]]
result : [[ 0.01489128]
 [-0.61909742]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.01489128]
 [-0.61909742]]
dot product : [[ 0.40979316]
 [ 0.10809844]
 [ 0.31975612]]
result : [[ 0.22436097]
 [ 0.33195809]
 [ 0.40697038]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.5761078 ]
 [-1.06372307]
 [ 0.36290032]]
dot product : [[-0.29485892]
 [-1.91069811]]
result : [[ 0.28061901]
 [-1.98810301]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.28061901]
 [-1.98810301]]
dot product : [[ 1.62055165]
 [ 0.17951347]
 [ 1.16456113]]
result : [[ 1.43511947]
 [ 0.40337312]
 [ 1.25177538]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.88431089]
 [-0.8122521 ]
 [ 0.54380843]]
dot product : [[-0.17379525]
 [-1.95797403]]
result : [[ 0.40168268]
 [-2.03537892]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.40168268]
 [-2.03537892]]
dot product : [[ 1.80875228]
 [ 0.10141736]
 [ 1.25993064]]
result : [[ 1.6233201 ]
 [ 0.32527701]
 [ 1.34714489]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.20310013]
 [-0.38840343]
 [ 0.82366671]]
dot product : [[-0.38221913]
 [-0.9805162 ]]
result : [[ 0.1932588 ]
 [-1.05792109]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.1932588 ]
 [-1.05792109]]
dot product : [[ 0.91981944]
 [ 0.06388982]
 [ 0.64568588]]
result : [[ 0.73438726]
 [ 0.28774947]
 [ 0.73290014]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.43987726]
 [-0.18029201]
 [ 0.96571207]]
dot product : [[-0.40828096]
 [-0.69606799]]
result : [[ 0.16719697]
 [-0.77347289]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.16719697]
 [-0.77347289]]
dot product : [[ 0.70639069]
 [ 0.02806225]
 [ 0.48740084]]
result : [[ 0.52095851]
 [ 0.2519219 ]
 [ 0.57461509]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.83110741]
 [-0.35401954]
 [ 0.86387311]]
dot product : [[-0.11101003]
 [-1.63964468]]
result : [[ 0.4644679 ]
 [-1.71704957]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.4644679 ]
 [-1.71704957]]
dot product : [[ 1.69020761]
 [-0.00488548]
 [ 1.1371931 ]]
result : [[ 1.50477542]
 [ 0.21897417]
 [ 1.22440736]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.84039431]
 [-0.40575427]
 [ 0.82778877]]
dot product : [[-0.11725652]
 [-1.67774224]]
result : [[ 0.45822141]
 [-1.75514713]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.45822141]
 [-1.75514713]]
dot product : [[ 1.70605352]
 [ 0.00692408]
 [ 1.15263226]]
result : [[ 1.52062133]
 [ 0.23078373]
 [ 1.23984651]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.18059023]
 [-0.40942288]
 [ 0.80929809]]
dot product : [[-0.37994746]
 [-1.00832153]]
result : [[ 0.19553047]
 [-1.08572642]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.19553047]
 [-1.08572642]]
dot product : [[ 0.94032148]
 [ 0.06759071]
 [ 0.66099529]]
result : [[ 0.75488929]
 [ 0.29145035]
 [ 0.74820954]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.2844863 ]
 [-0.84443541]
 [ 0.51191699]]
dot product : [[-0.33313446]
 [-1.58325836]]
result : [[ 0.24234347]
 [-1.66066325]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.24234347]
 [-1.66066325]]
dot product : [[ 1.36403888]
 [ 0.14422898]
 [ 0.97745728]]
result : [[ 1.17860669]
 [ 0.36808862]
 [ 1.06467154]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.82087594]
 [-0.30014702]
 [ 0.90143979]]
dot product : [[-0.10464938]
 [-1.59960389]]
result : [[ 0.47082855]
 [-1.67700878]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.47082855]
 [-1.67700878]]
dot product : [[ 1.67328595]
 [-0.01715019]
 [ 1.12084549]]
result : [[ 1.48785377]
 [ 0.20670945]
 [ 1.20805974]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.81535065]
 [-1.08557778]
 [ 0.35132659]]
dot product : [[-0.23709289]
 [-2.08160495]]
result : [[ 0.33838504]
 [-2.15900985]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.33838504]
 [-2.15900985]]
dot product : [[ 1.80387894]
 [ 0.17072154]
 [ 1.28457637]]
result : [[ 1.61844675]
 [ 0.39458119]
 [ 1.37179063]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.8800997 ]
 [-0.71060845]
 [ 0.6149225 ]]
dot product : [[-0.15792009]
 [-1.89235674]]
result : [[ 0.41755784]
 [-1.96976163]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.41755784]
 [-1.96976163]]
dot product : [[ 1.7881544 ]
 [ 0.07739312]
 [ 1.23636612]]
result : [[ 1.60272221]
 [ 0.30125276]
 [ 1.32358037]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.8641857 ]
 [-0.08405028]
 [ 1.02649209]]
dot product : [[-0.5011427 ]
 [-0.35741563]]
result : [[ 0.07433523]
 [-0.43482052]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.07433523]
 [-0.43482052]]
dot product : [[ 0.37139022]
 [ 0.02992952]
 [ 0.26237057]]
result : [[ 0.18595804]
 [ 0.25378917]
 [ 0.34958482]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.69145814]
 [-1.11114508]
 [ 0.33149012]]
dot product : [[-0.27316028]
 [-2.0159065 ]]
result : [[ 0.30231765]
 [-2.09331139]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.30231765]
 [-2.09331139]]
dot product : [[ 1.71527002]
 [ 0.18408196]
 [ 1.23024033]]
result : [[ 1.52983783]
 [ 0.40794161]
 [ 1.31745458]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.04380197]
 [-0.53903629]
 [ 0.72066461]]
dot product : [[-0.36645701]
 [-1.17845296]]
result : [[ 0.20902092]
 [-1.25585786]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.20902092]
 [-1.25585786]]
dot product : [[ 1.06523127]
 [ 0.09052974]
 [ 0.75442634]]
result : [[ 0.87979908]
 [ 0.31438938]
 [ 0.84164059]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.07095282]
 [-0.6482618 ]
 [ 0.64596492]]
dot product : [[-0.35522128]
 [-1.32148298]]
result : [[ 0.22025665]
 [-1.39888787]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.22025665]
 [-1.39888787]]
dot product : [[ 1.17010497]
 [ 0.10989078]
 [ 0.83291155]]
result : [[ 0.98467279]
 [ 0.33375043]
 [ 0.92012581]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.80146246]
 [-0.89525142]
 [ 0.45939652]]
dot product : [[-0.62036634]
 [-0.90025025]]
result : [[-0.04488841]
 [-0.97765514]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[-0.04488841]
 [-0.97765514]]
dot product : [[ 0.55763215]
 [ 0.21995806]
 [ 0.4644768 ]]
result : [[ 0.37219997]
 [ 0.4438177 ]
 [ 0.55169106]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.88410719]
 [-0.84248988]
 [ 0.52263013]]
dot product : [[-0.17889179]
 [-1.9765362 ]]
result : [[ 0.39658614]
 [-2.05394109]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.39658614]
 [-2.05394109]]
dot product : [[ 1.81378667]
 [ 0.10864958]
 [ 1.26623835]]
result : [[ 1.62835448]
 [ 0.33250923]
 [ 1.35345261]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.17332101]
 [-0.74413054]
 [ 0.58042565]]
dot product : [[-0.34493693]
 [-1.44810549]]
result : [[ 0.230541  ]
 [-1.52551038]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.230541  ]
 [-1.52551038]]
dot product : [[ 1.26338982]
 [ 0.12678783]
 [ 0.90259312]]
result : [[ 1.07795763]
 [ 0.35064748]
 [ 0.98980737]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.8411984 ]
 [-0.70686931]
 [ 0.59069842]]
dot product : [[-0.59914043]
 [-0.75763096]]
result : [[-0.0236625 ]
 [-0.83503585]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[-0.0236625 ]
 [-0.83503585]]
dot product : [[ 0.49548908]
 [ 0.17730246]
 [ 0.40540314]]
result : [[ 0.31005689]
 [ 0.40116211]
 [ 0.4926174 ]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.72842907]
 [-0.01346693]
 [ 1.07803774]]
dot product : [[-0.45452032]
 [-0.40308564]]
result : [[ 0.12095761]
 [-0.48049053]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.12095761]
 [-0.48049053]]
dot product : [[ 0.46118199]
 [ 0.00512522]
 [ 0.31289182]]
result : [[ 0.27574981]
 [ 0.22898486]
 [ 0.40010608]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.74083576]
 [-1.11590179]
 [ 0.32892906]]
dot product : [[-0.26127893]
 [-2.05133233]]
result : [[ 0.314199  ]
 [-2.12873722]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.314199  ]
 [-2.12873722]]
dot product : [[ 1.75314937]
 [ 0.18232615]
 [ 1.25506255]]
result : [[ 1.56771719]
 [ 0.4061858 ]
 [ 1.34227681]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.49957509]
 [-0.13409692]
 [ 0.99713094]]
dot product : [[-0.41589869]
 [-0.62823109]]
result : [[ 0.15957924]
 [-0.70563598]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.15957924]
 [-0.70563598]]
dot product : [[ 0.65365614]
 [ 0.02052762]
 [ 0.4488224 ]]
result : [[ 0.46822396]
 [ 0.24438727]
 [ 0.53603666]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.24044795]
 [-0.80532804]
 [ 0.53861663]]
dot product : [[-0.3379149 ]
 [-1.53010596]]
result : [[ 0.23756303]
 [-1.60751085]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.23756303]
 [-1.60751085]]
dot product : [[ 1.32427439]
 [ 0.13746973]
 [ 0.94793287]]
result : [[ 1.13884221]
 [ 0.36132938]
 [ 1.03514712]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.76277979]
 [-0.03044527]
 [ 1.08940248]]
dot product : [[-0.07457069]
 [-1.39462534]]
result : [[ 0.50090724]
 [-1.47203023]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.50090724]
 [-1.47203023]]
dot product : [[ 1.58341117]
 [-0.0781484 ]
 [ 1.03568902]]
result : [[ 1.39797898]
 [ 0.14571125]
 [ 1.12290328]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.37036119]
 [-0.91749063]
 [ 0.46209653]]
dot product : [[-0.32327807]
 [-1.68492448]]
result : [[ 0.25219986]
 [-1.76232937]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.25219986]
 [-1.76232937]]
dot product : [[ 1.44103004]
 [ 0.1566444 ]
 [ 1.03435113]]
result : [[ 1.25559785]
 [ 0.38050405]
 [ 1.12156539]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.89329364]
 [-0.24810329]
 [ 0.91115396]]
dot product : [[-0.53598174]
 [-0.43970085]]
result : [[ 0.03949619]
 [-0.51710575]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.03949619]
 [-0.51710575]]
dot product : [[ 0.37768473]
 [ 0.07080734]
 [ 0.28308709]]
result : [[ 0.19225255]
 [ 0.29466699]
 [ 0.37030134]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.82007365]
 [-1.08094931]
 [ 0.3546415 ]]
dot product : [[-0.23510841]
 [-2.08185033]]
result : [[ 0.34036952]
 [-2.15925522]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.34036952]
 [-2.15925522]]
dot product : [[ 1.80663006]
 [ 0.16933975]
 [ 1.28587369]]
result : [[ 1.62119787]
 [ 0.3931994 ]
 [ 1.37308795]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.40166683]
 [-0.94279731]
 [ 0.44486278]]
dot product : [[-0.3194638 ]
 [-1.72116721]]
result : [[ 0.25601413]
 [-1.7985721 ]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.25601413]
 [-1.7985721 ]]
dot product : [[ 1.46886972]
 [ 0.16085392]
 [ 1.05481093]]
result : [[ 1.28343754]
 [ 0.38471356]
 [ 1.14202519]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.56567595]
 [-0.08795369]
 [ 1.02841365]]
dot product : [[-0.42516869]
 [-0.55621381]]
result : [[ 0.15030924]
 [-0.6336187 ]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.15030924]
 [-0.6336187 ]]
dot product : [[ 0.59612431]
 [ 0.01338035]
 [ 0.40716682]]
result : [[ 0.41069212]
 [ 0.23723999]
 [ 0.49438107]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.88261408]
 [-0.14319077]
 [ 0.98478939]]
dot product : [[-0.51573892]
 [-0.38185879]]
result : [[ 0.05973901]
 [-0.45926368]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.05973901]
 [-0.45926368]]
dot product : [[ 0.36770322]
 [ 0.04513051]
 [ 0.26601176]]
result : [[ 0.18227104]
 [ 0.26899016]
 [ 0.35322601]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.8756188 ]
 [-0.94603947]
 [ 0.44998331]]
dot product : [[-0.1983448]
 [-2.0349771]]
result : [[ 0.37713313]
 [-2.11238199]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.37713313]
 [-2.11238199]]
dot product : [[ 1.82517909]
 [ 0.13387265]
 [ 1.28408173]]
result : [[ 1.6397469 ]
 [ 0.35773229]
 [ 1.37129598]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.85550694]
 [-1.02321488]
 [ 0.39562474]]
dot product : [[-0.21638173]
 [-2.0694638 ]]
result : [[ 0.3590962 ]
 [-2.14686869]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.3590962 ]
 [-2.14686869]]
dot product : [[ 1.82332233]
 [ 0.15347867]
 [ 1.29073173]]
result : [[ 1.63789014]
 [ 0.37733832]
 [ 1.37794599]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.85618893]
 [-0.50293269]
 [ 0.75998228]]
dot product : [[-0.12941342]
 [-1.7482192 ]]
result : [[ 0.44606451]
 [-1.82562409]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.44606451]
 [-1.82562409]]
dot product : [[ 1.73458004]
 [ 0.02920376]
 [ 1.18083742]]
result : [[ 1.54914785]
 [ 0.2530634 ]
 [ 1.26805167]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.09382361]
 [-0.66987231]
 [ 0.63118801]]
dot product : [[-0.35295558]
 [-1.3498912 ]]
result : [[ 0.22252235]
 [-1.42729609]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.22252235]
 [-1.42729609]]
dot product : [[ 1.1909793 ]
 [ 0.11371167]
 [ 0.84852023]]
result : [[ 1.00554711]
 [ 0.33757132]
 [ 0.93573449]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.12388573]
 [-0.46285611]
 [ 0.77276375]]
dot product : [[-0.37430556]
 [-1.07866455]]
result : [[ 0.20117237]
 [-1.15606944]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.20117237]
 [-1.15606944]]
dot product : [[ 0.9920509 ]
 [ 0.07702898]
 [ 0.69966348]]
result : [[ 0.80661872]
 [ 0.30088863]
 [ 0.78687773]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.80372785]
 [-0.21526295]
 [ 0.9606156 ]]
dot product : [[-0.09489084]
 [-1.53583817]]
result : [[ 0.48058709]
 [-1.61324306]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.48058709]
 [-1.61324306]]
dot product : [[ 1.64585259]
 [-0.03641491]
 [ 1.09459215]]
result : [[ 1.46042041]
 [ 0.18744473]
 [ 1.1818064 ]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.16929504]
 [-0.42001607]
 [ 0.80205595]]
dot product : [[-0.37881523]
 [-1.02230228]]
result : [[ 0.1966627 ]
 [-1.09970718]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.1966627 ]
 [-1.09970718]]
dot product : [[ 0.95061702]
 [ 0.06945872]
 [ 0.66868708]]
result : [[ 0.76518484]
 [ 0.29331837]
 [ 0.75590134]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.28086071]
 [-0.31698969]
 [ 0.8724642 ]]
dot product : [[-0.39026647]
 [-0.8852033 ]]
result : [[ 0.18521146]
 [-0.96260819]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.18521146]
 [-0.96260819]]
dot product : [[ 0.84920057]
 [ 0.05139117]
 [ 0.59305327]]
result : [[ 0.66376838]
 [ 0.27525081]
 [ 0.68026752]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.89304525]
 [-0.30582081]
 [ 0.870739  ]]
dot product : [[-0.54554639]
 [-0.47555133]]
result : [[ 0.02993154]
 [-0.55295622]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.02993154]
 [-0.55295622]]
dot product : [[ 0.3877726]
 [ 0.0845748]
 [ 0.2954345]]
result : [[ 0.20234042]
 [ 0.30843445]
 [ 0.38264876]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.35980925]
 [-0.90878401]
 [ 0.46802911]]
dot product : [[-0.32453424]
 [-1.67259918]]
result : [[ 0.25094369]
 [-1.75000407]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.25094369]
 [-1.75000407]]
dot product : [[ 1.43161602]
 [ 0.15518334]
 [ 1.02741748]]
result : [[ 1.24618384]
 [ 0.37904299]
 [ 1.11463173]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.86272391]
 [-0.54843756]
 [ 0.72821772]]
dot product : [[-0.13532704]
 [-1.78065436]]
result : [[ 0.44015089]
 [-1.85805925]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.44015089]
 [-1.85805925]]
dot product : [[ 1.7472916 ]
 [ 0.03968688]
 [ 1.19362953]]
result : [[ 1.56185941]
 [ 0.26354653]
 [ 1.28084378]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.86565678]
 [-0.57043228]
 [ 0.71286083]]
dot product : [[-0.13824335]
 [-1.7961833 ]]
result : [[ 0.43723458]
 [-1.87358819]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.43723458]
 [-1.87358819]]
dot product : [[ 1.75326623]
 [ 0.04476712]
 [ 1.19970368]]
result : [[ 1.56783404]
 [ 0.26862676]
 [ 1.28691793]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.07819255]
 [-0.50626023]
 [ 0.74308096]]
dot product : [[-0.36981713]
 [-1.13556235]]
result : [[ 0.2056608 ]
 [-1.21296724]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.2056608 ]
 [-1.21296724]]
dot product : [[ 1.03379463]
 [ 0.08471732]
 [ 0.73089629]]
result : [[ 0.84836244]
 [ 0.30857696]
 [ 0.81811054]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.0896365]
 [-0.4953697]
 [ 0.750529 ]]
dot product : [[-0.37093795]
 [-1.12129989]]
result : [[ 0.20453998]
 [-1.19870478]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.20453998]
 [-1.19870478]]
dot product : [[ 1.02333642]
 [ 0.08278701]
 [ 0.72306976]]
result : [[ 0.83790423]
 [ 0.30664666]
 [ 0.81028401]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.70682931]
 [-0.01844346]
 [ 1.07488957]]
dot product : [[-0.44980601]
 [-0.42037278]]
result : [[ 0.12567192]
 [-0.49777767]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.12567192]
 [-0.49777767]]
dot product : [[ 0.47824871]
 [ 0.00504861]
 [ 0.32436354]]
result : [[ 0.29281652]
 [ 0.22890826]
 [ 0.41157779]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.88923054]
 [-0.18566798]
 [ 0.95493997]]
dot product : [[-0.52452334]
 [-0.40376982]]
result : [[ 0.05095459]
 [-0.48117471]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.05095459]
 [-0.48117471]]
dot product : [[ 0.37002379]
 [ 0.05566085]
 [ 0.2718196 ]]
result : [[ 0.1845916 ]
 [ 0.2795205 ]
 [ 0.35903385]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.35658302]
 [-0.24992639]
 [ 0.91824693]]
dot product : [[-0.39851634]
 [-0.79392122]]
result : [[ 0.17696159]
 [-0.87132611]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.17696159]
 [-0.87132611]]
dot product : [[ 0.78085794]
 [ 0.03981196]
 [ 0.54232534]]
result : [[ 0.59542576]
 [ 0.26367161]
 [ 0.62953959]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.63635401]
 [-1.09331501]
 [ 0.34311697]]
dot product : [[-0.28433069]
 [-1.96862997]]
result : [[ 0.29114724]
 [-2.04603486]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.29114724]
 [-2.04603486]]
dot product : [[ 1.67084955]
 [ 0.18305142]
 [ 1.19988662]]
result : [[ 1.48541737]
 [ 0.40691107]
 [ 1.28710087]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.1280158 ]
 [-0.70199809]
 [ 0.60922395]]
dot product : [[-0.34953792]
 [-1.39224922]]
result : [[ 0.22594001]
 [-1.46965411]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.22594001]
 [-1.46965411]]
dot product : [[ 1.22215546]
 [ 0.11938043]
 [ 0.87181684]]
result : [[ 1.03672328]
 [ 0.34324008]
 [ 0.95903109]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.85373844]
 [-0.0643567 ]
 [ 1.04044617]]
dot product : [[-0.49517569]
 [-0.35211207]]
result : [[ 0.08030224]
 [-0.42951696]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.08030224]
 [-0.42951696]]
dot product : [[ 0.37585362]
 [ 0.0246152 ]
 [ 0.26323707]]
result : [[ 0.19042144]
 [ 0.24847485]
 [ 0.35045133]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.22934215]
 [-0.7953239 ]
 [ 0.54544921]]
dot product : [[-0.33909678]
 [-1.51661401]]
result : [[ 0.23638115]
 [-1.59401891]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.23638115]
 [-1.59401891]]
dot product : [[ 1.31422206]
 [ 0.13573128]
 [ 0.94045721]]
result : [[ 1.12878987]
 [ 0.35959093]
 [ 1.02767146]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.88275463]
 [-0.44301392]
 [ 0.77482491]]
dot product : [[-0.56579136]
 [-0.56714859]]
result : [[ 0.00968657]
 [-0.64455348]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.00968657]
 [-0.64455348]]
dot product : [[ 0.41903226]
 [ 0.11673166]
 [ 0.32946234]]
result : [[ 0.23360008]
 [ 0.34059131]
 [ 0.4166766 ]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.5017083 ]
 [-1.01718375]
 [ 0.39433099]]
dot product : [[-0.30619303]
 [-1.83297639]]
result : [[ 0.2692849 ]
 [-1.91038128]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.2692849 ]
 [-1.91038128]]
dot product : [[ 1.55672283]
 [ 0.17275759]
 [ 1.11881925]]
result : [[ 1.37129064]
 [ 0.39661724]
 [ 1.20603351]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.75381005]
 [-1.11467609]
 [ 0.32998973]]
dot product : [[-0.25774406]
 [-2.05911005]]
result : [[ 0.31773387]
 [-2.13651494]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.31773387]
 [-2.13651494]]
dot product : [[ 1.76267774]
 [ 0.18127368]
 [ 1.2610603 ]]
result : [[ 1.57724556]
 [ 0.40513332]
 [ 1.34827456]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.26986321]
 [-0.32695589]
 [ 0.8656565 ]]
dot product : [[-0.38910605]
 [-0.89860052]]
result : [[ 0.18637188]
 [-0.97600541]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.18637188]
 [-0.97600541]]
dot product : [[ 0.85916509]
 [ 0.0531269 ]
 [ 0.60046865]]
result : [[ 0.67373291]
 [ 0.27698655]
 [ 0.68768291]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.02509018]
 [-0.60471442]
 [ 0.6757454 ]]
dot product : [[-0.35972932]
 [-1.26438512]]
result : [[ 0.21574861]
 [-1.34179001]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.21574861]
 [-1.34179001]]
dot product : [[ 1.12820947]
 [ 0.10217817]
 [ 0.80156667]]
result : [[ 0.94277729]
 [ 0.32603781]
 [ 0.88878092]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.32782706]
 [-0.8819045 ]
 [ 0.48635374]]
dot product : [[-0.32825979]
 [-1.63493888]]
result : [[ 0.24721814]
 [-1.71234377]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.24721814]
 [-1.71234377]]
dot product : [[ 1.4029987 ]
 [ 0.15063788]
 [ 1.00629818]]
result : [[ 1.21756652]
 [ 0.37449753]
 [ 1.09351244]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.01360924]
 [-0.59378189]
 [ 0.68322227]]
dot product : [[-0.36085263]
 [-1.25007235]]
result : [[ 0.2146253 ]
 [-1.32747724]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.2146253 ]
 [-1.32747724]]
dot product : [[ 1.11771629]
 [ 0.10024   ]
 [ 0.79371339]]
result : [[ 0.9322841 ]
 [ 0.32409965]
 [ 0.88092765]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.83742212]
 [-1.05892622]
 [ 0.37033453]]
dot product : [[-0.22698131]
 [-2.07964661]]
result : [[ 0.34849662]
 [-2.1570515 ]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.34849662]
 [-2.1570515 ]]
dot product : [[ 1.81587394]
 [ 0.16306504]
 [ 1.28957509]]
result : [[ 1.63044176]
 [ 0.38692469]
 [ 1.37678934]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.89042284]
 [-0.19731218]
 [ 0.94676709]]
dot product : [[-0.52677187]
 [-0.41018509]]
result : [[ 0.04870606]
 [-0.48758999]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.04870606]
 [-0.48758999]]
dot product : [[ 0.3711264 ]
 [ 0.05851112]
 [ 0.27371142]]
result : [[ 0.18569421]
 [ 0.28237077]
 [ 0.36092567]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.82375085]
 [-0.03083545]
 [ 1.0643883 ]]
dot product : [[-0.48188611]
 [-0.35111405]]
result : [[ 0.09359182]
 [-0.42851894]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.09359182]
 [-0.42851894]]
dot product : [[ 0.39261206]
 [ 0.01485475]
 [ 0.27059832]]
result : [[ 0.20717987]
 [ 0.23871439]
 [ 0.35781258]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.84468781]
 [-0.43082952]
 [ 0.81029585]]
dot product : [[-0.12033745]
 [-1.69607102]]
result : [[ 0.45514048]
 [-1.77347591]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.45514048]
 [-1.77347591]]
dot product : [[ 1.71357791]
 [ 0.01266021]
 [ 1.16001525]]
result : [[ 1.52814572]
 [ 0.23651986]
 [ 1.2472295 ]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.87372259]
 [-0.95708859]
 [ 0.44221619]]
dot product : [[-0.20067475]
 [-2.04056134]]
result : [[ 0.37480318]
 [-2.11796623]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.37480318]
 [-2.11796623]]
dot product : [[ 1.82565124]
 [ 0.13662204]
 [ 1.28550798]]
result : [[ 1.64021906]
 [ 0.36048169]
 [ 1.37272224]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.87031495]
 [-0.09903159]
 [ 1.01590529]]
dot product : [[-0.50521521]
 [-0.36264632]]
result : [[ 0.07026272]
 [-0.44005122]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.07026272]
 [-0.44005122]]
dot product : [[ 0.36935959]
 [ 0.03386576]
 [ 0.2625883 ]]
result : [[ 0.1839274 ]
 [ 0.2577254 ]
 [ 0.34980256]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.84875027]
 [-0.45538179]
 [ 0.79316557]]
dot product : [[-0.12339045]
 [-1.71392445]]
result : [[ 0.45208748]
 [-1.79132934]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.45208748]
 [-1.79132934]]
dot product : [[ 1.72083917]
 [ 0.01828499]
 [ 1.16717601]]
result : [[ 1.53540698]
 [ 0.24214464]
 [ 1.25439027]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.8615769 ]
 [-1.00628655]
 [ 0.40757408]]
dot product : [[-0.21199964]
 [-2.06299025]]
result : [[ 0.36347829]
 [-2.14039514]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.36347829]
 [-2.14039514]]
dot product : [[ 1.82497445]
 [ 0.14908099]
 [ 1.29007292]]
result : [[ 1.63954226]
 [ 0.37294064]
 [ 1.37728718]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.89340573]
 [-0.2907287 ]
 [ 0.88130219]]
dot product : [[-0.54312126]
 [-0.46598263]]
result : [[ 0.03235667]
 [-0.54338752]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.03235667]
 [-0.54338752]]
dot product : [[ 0.38491297]
 [ 0.08099216]
 [ 0.29206334]]
result : [[ 0.19948078]
 [ 0.30485181]
 [ 0.37927759]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.77334271]
 [-1.01494568]
 [ 0.37601468]]
dot product : [[-0.63311556]
 [-0.99275738]]
result : [[-0.05763763]
 [-1.07016227]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[-0.05763763]
 [-1.07016227]]
dot product : [[ 0.59927262]
 [ 0.24689237]
 [ 0.50339634]]
result : [[ 0.41384044]
 [ 0.47075202]
 [ 0.59061059]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.88051691]
 [-0.46227744]
 [ 0.76136981]]
dot product : [[-0.56843048]
 [-0.58053149]]
result : [[ 0.00704745]
 [-0.65793638]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.00704745]
 [-0.65793638]]
dot product : [[ 0.42401657]
 [ 0.12120043]
 [ 0.33462261]]
result : [[ 0.23858438]
 [ 0.34506008]
 [ 0.42183687]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.54721097]
 [-0.10021561]
 [ 1.02011474]]
dot product : [[-0.42247439]
 [-0.57594323]]
result : [[ 0.15300354]
 [-0.65334812]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.15300354]
 [-0.65334812]]
dot product : [[ 0.61208784]
 [ 0.01522695]
 [ 0.41867008]]
result : [[ 0.42665566]
 [ 0.2390866 ]
 [ 0.50588433]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.38826665]
 [-0.22284173]
 [ 0.93671988]]
dot product : [[-0.40213104]
 [-0.75633049]]
result : [[ 0.17334689]
 [-0.83373538]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.17334689]
 [-0.83373538]]
dot product : [[ 0.75242952]
 [ 0.03520003]
 [ 0.52130657]]
result : [[ 0.56699734]
 [ 0.25905968]
 [ 0.60852083]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.7804745 ]
 [-0.01245835]
 [ 1.07793242]]
dot product : [[-0.46771174]
 [-0.36822219]]
result : [[ 0.10776619]
 [-0.44562708]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.10776619]
 [-0.44562708]]
dot product : [[ 0.42194314]
 [ 0.00793225]
 [ 0.28757698]]
result : [[ 0.23651096]
 [ 0.2317919 ]
 [ 0.37479124]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.89248299]
 [-0.32136112]
 [ 0.85986509]]
dot product : [[-0.54799449]
 [-0.48552988]]
result : [[ 0.02748344]
 [-0.56293477]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.02748344]
 [-0.56293477]]
dot product : [[ 0.39086057]
 [ 0.08825265]
 [ 0.29899793]]
result : [[ 0.20542838]
 [ 0.3121123 ]
 [ 0.38621219]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.79480844]
 [-0.92433828]
 [ 0.43913113]]
dot product : [[-0.62351056]
 [-0.92261239]]
result : [[-0.04803263]
 [-1.00001728]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[-0.04803263]
 [-1.00001728]]
dot product : [[ 0.56761656]
 [ 0.22651386]
 [ 0.47384813]]
result : [[ 0.38218438]
 [ 0.4503735 ]
 [ 0.56106238]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.82906   ]
 [-1.07064725]
 [ 0.36199604]]
dot product : [[-0.2310831 ]
 [-2.08139249]]
result : [[ 0.34439483]
 [-2.15879738]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.34439483]
 [-2.15879738]]
dot product : [[ 1.81160799]
 [ 0.16635353]
 [ 1.28802523]]
result : [[ 1.6261758 ]
 [ 0.39021318]
 [ 1.37523948]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.84136483]
 [-1.05252402]
 [ 0.37487938]]
dot product : [[-0.22490124]
 [-2.07828194]]
result : [[ 0.35057669]
 [-2.15568683]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.35057669]
 [-2.15568683]]
dot product : [[ 1.81773509]
 [ 0.16130541]
 [ 1.29012031]]
result : [[ 1.6323029 ]
 [ 0.38516505]
 [ 1.37733457]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.13526893]
 [-0.45208366]
 [ 0.78013005]]
dot product : [[-0.37543049]
 [-1.06451507]]
result : [[ 0.20004744]
 [-1.14191996]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.20004744]
 [-1.14191996]]
dot product : [[ 0.98165855]
 [ 0.07512332]
 [ 0.69189126]]
result : [[ 0.79622636]
 [ 0.29898296]
 [ 0.77910552]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.83331994]
 [-1.06496602]
 [ 0.36604096]]
dot product : [[-0.22904187]
 [-2.08068229]]
result : [[ 0.34643606]
 [-2.15808718]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.34643606]
 [-2.15808718]]
dot product : [[ 1.81383093]
 [ 0.16474748]
 [ 1.28887618]]
result : [[ 1.62839874]
 [ 0.38860712]
 [ 1.37609044]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.88818223]
 [-0.38808078]
 [ 0.81320924]]
dot product : [[-0.55802066]
 [-0.5296124 ]]
result : [[ 0.01745727]
 [-0.60701729]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.01745727]
 [-0.60701729]]
dot product : [[ 0.40553449]
 [ 0.10393237]
 [ 0.31520691]]
result : [[ 0.22010231]
 [ 0.32779201]
 [ 0.40242116]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.51887351]
 [-0.1200104 ]
 [ 1.00669461]]
dot product : [[-0.41850254]
 [-0.60682521]]
result : [[ 0.15697539]
 [-0.6842301 ]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.15697539]
 [-0.6842301 ]]
dot product : [[ 0.63675402]
 [ 0.01829414]
 [ 0.43653063]]
result : [[ 0.45132183]
 [ 0.24215378]
 [ 0.52374489]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.84876504]
 [-1.03861718]
 [ 0.38473357]]
dot product : [[-0.22068172]
 [-2.07455174]]
result : [[ 0.35479621]
 [-2.15195663]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.35479621]
 [-2.15195663]]
dot product : [[ 1.82090404]
 [ 0.15755131]
 [ 1.29074318]]
result : [[ 1.63547186]
 [ 0.38141095]
 [ 1.37795743]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.32441767]
 [-0.27805098]
 [ 0.89905324]]
dot product : [[-0.39495147]
 [-0.83247187]]
result : [[ 0.18052646]
 [-0.90987676]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.18052646]
 [-0.90987676]]
dot product : [[ 0.80982634]
 [ 0.044644  ]
 [ 0.56379675]]
result : [[ 0.62439416]
 [ 0.26850365]
 [ 0.65101101]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.89224133]
 [-0.22185723]
 [ 0.92955015]]
dot product : [[-0.53133326]
 [-0.42416508]]
result : [[ 0.04414467]
 [-0.50156997]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.04414467]
 [-0.50156997]]
dot product : [[ 0.37397211]
 [ 0.06447858]
 [ 0.27803431]]
result : [[ 0.18853993]
 [ 0.28833823]
 [ 0.36524856]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.80028279]
 [-1.09741885]
 [ 0.34279947]]
dot product : [[-0.24293602]
 [-2.07901345]]
result : [[ 0.33254191]
 [-2.15641834]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.33254191]
 [-2.15641834]]
dot product : [[ 1.79460018]
 [ 0.1744314 ]
 [ 1.2798178 ]]
result : [[ 1.60916799]
 [ 0.39829105]
 [ 1.36703206]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.82561786]
 [-0.78438004]
 [ 0.53666163]]
dot product : [[-0.60807133]
 [-0.81580644]]
result : [[-0.0325934 ]
 [-0.89321133]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[-0.0325934 ]
 [-0.89321133]]
dot product : [[ 0.52048092]
 [ 0.19489834]
 [ 0.4293384 ]]
result : [[ 0.33504874]
 [ 0.41875799]
 [ 0.51655266]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.42222839]
 [-0.95895256]
 [ 0.43387011]]
dot product : [[-0.31688082]
 [-1.7446832 ]]
result : [[ 0.25859711]
 [-1.82208809]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.25859711]
 [-1.82208809]]
dot product : [[ 1.48707486]
 [ 0.16350741]
 [ 1.06815017]]
result : [[ 1.30164268]
 [ 0.38736705]
 [ 1.15536442]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.51130396]
 [-1.02368072]
 [ 0.38993089]]
dot product : [[-0.30481372]
 [-1.84330633]]
result : [[ 0.27066421]
 [-1.92071122]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.27066421]
 [-1.92071122]]
dot product : [[ 1.56503998]
 [ 0.17374703]
 [ 1.12482358]]
result : [[ 1.3796078 ]
 [ 0.39760667]
 [ 1.21203783]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.88234155]
 [-0.88453597]
 [ 0.49315826]]
dot product : [[-0.18635913]
 [-2.00137194]]
result : [[ 0.3891188 ]
 [-2.07877683]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.3891188 ]
 [-2.07877683]]
dot product : [[ 1.81967435]
 [ 0.11879291]
 [ 1.27429438]]
result : [[ 1.63424216]
 [ 0.34265255]
 [ 1.36150863]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.79107532]
 [-0.15591211]
 [ 1.00198092]]
dot product : [[-0.08823776]
 [-1.49081733]]
result : [[ 0.48724017]
 [-1.56822222]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.48724017]
 [-1.56822222]]
dot product : [[ 1.62617386]
 [-0.04984598]
 [ 1.07591627]]
result : [[ 1.44074168]
 [ 0.17401366]
 [ 1.16313053]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.77443049]
 [-0.01156442]
 [ 1.07865268]]
dot product : [[-0.46601116]
 [-0.37164572]]
result : [[ 0.10946677]
 [-0.44905061]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.10946677]
 [-0.44905061]]
dot product : [[ 0.42632648]
 [ 0.00736485]
 [ 0.29030259]]
result : [[ 0.2408943 ]
 [ 0.2312245 ]
 [ 0.37751684]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.37776181]
 [-0.23174803]
 [ 0.93064673]]
dot product : [[-0.40092027]
 [-0.76874827]]
result : [[ 0.17455766]
 [-0.84615316]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.17455766]
 [-0.84615316]]
dot product : [[ 0.76184244]
 [ 0.03671153]
 [ 0.52825981]]
result : [[ 0.57641025]
 [ 0.26057118]
 [ 0.61547407]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.83105005]
 [-0.75801209]
 [ 0.55504205]]
dot product : [[-0.60506704]
 [-0.79592924]]
result : [[-0.02958911]
 [-0.87333414]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[-0.02958911]
 [-0.87333414]]
dot product : [[ 0.51188005]
 [ 0.18892022]
 [ 0.42113236]]
result : [[ 0.32644787]
 [ 0.41277987]
 [ 0.50834662]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.39129169]
 [-0.9345011 ]
 [ 0.45051071]]
dot product : [[-0.32074305]
 [-1.70921198]]
result : [[ 0.25473488]
 [-1.78661687]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.25473488]
 [-1.78661687]]
dot product : [[ 1.45965882]
 [ 0.1594805 ]
 [ 1.04804949]]
result : [[ 1.27422664]
 [ 0.38334015]
 [ 1.13526375]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.06673768]
 [-0.51717072]
 [ 0.73561912]]
dot product : [[-0.36869683]
 [-1.14984434]]
result : [[ 0.2067811 ]
 [-1.22724923]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.2067811 ]
 [-1.22724923]]
dot product : [[ 1.04426446]
 [ 0.08665175]
 [ 0.73873231]]
result : [[ 0.85883228]
 [ 0.31051139]
 [ 0.82594657]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.15071471]
 [-0.72317733]
 [ 0.59474638]]
dot product : [[-0.34724439]
 [-1.4202777 ]]
result : [[ 0.22823354]
 [-1.49768259]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.22823354]
 [-1.49768259]]
dot product : [[ 1.24282679]
 [ 0.12310841]
 [ 0.88725125]]
result : [[ 1.0573946 ]
 [ 0.34696805]
 [ 0.97446551]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.4324114 ]
 [-0.96680394]
 [ 0.42853068]]
dot product : [[-0.31557668]
 [-1.75623698]]
result : [[ 0.25990125]
 [-1.83364187]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.25990125]
 [-1.83364187]]
dot product : [[ 1.49606523]
 [ 0.16478586]
 [ 1.0747247 ]]
result : [[ 1.31063305]
 [ 0.3886455 ]
 [ 1.16193896]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.80545352]
 [-1.09380872]
 [ 0.34540823]]
dot product : [[-0.24100649]
 [-2.08018303]]
result : [[ 0.33447144]
 [-2.15758792]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.33447144]
 [-2.15758792]]
dot product : [[ 1.79786206]
 [ 0.17326655]
 [ 1.2815468 ]]
result : [[ 1.61242988]
 [ 0.3971262 ]
 [ 1.36876105]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.72041262]
 [-1.11554813]
 [ 0.32885824]]
dot product : [[-0.2664624 ]
 [-2.03767761]]
result : [[ 0.30901553]
 [-2.1150825 ]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.30901553]
 [-2.1150825 ]]
dot product : [[ 1.73775888]
 [ 0.18343772]
 [ 1.24513768]]
result : [[ 1.5523267 ]
 [ 0.40729736]
 [ 1.33235194]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.52840239]
 [-0.11323031]
 [ 1.01129402]]
dot product : [[-0.41981748]
 [-0.59636415]]
result : [[ 0.15566045]
 [-0.67376904]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.15566045]
 [-0.67376904]]
dot product : [[ 0.62843842]
 [ 0.01723319]
 [ 0.43049854]]
result : [[ 0.44300624]
 [ 0.24109284]
 [ 0.51771279]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.52081854]
 [-1.02999117]
 [ 0.38566014]]
dot product : [[-0.30342411]
 [-1.8534676 ]]
result : [[ 0.27205382]
 [-1.93087249]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.27205382]
 [-1.93087249]]
dot product : [[ 1.57326428]
 [ 0.17469667]
 [ 1.13074928]]
result : [[ 1.38783209]
 [ 0.39855632]
 [ 1.21796354]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.14663269]
 [-0.44135029]
 [ 0.78746928]]
dot product : [[-0.37655694]
 [-1.05040254]]
result : [[ 0.19892099]
 [-1.12780743]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.19892099]
 [-1.12780743]]
dot product : [[ 0.97128749]
 [ 0.07322584]
 [ 0.6841367 ]]
result : [[ 0.78585531]
 [ 0.29708549]
 [ 0.77135096]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.87704311]
 [-0.67298184]
 [ 0.64122427]]
dot product : [[-0.15242783]
 [-1.86708112]]
result : [[ 0.4230501 ]
 [-1.94448601]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.4230501 ]
 [-1.94448601]]
dot product : [[ 1.77940526]
 [ 0.06858749]
 [ 1.22692064]]
result : [[ 1.59397307]
 [ 0.29244713]
 [ 1.31413489]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.03656671]
 [-0.6156325 ]
 [ 0.66827857]]
dot product : [[-0.35860473]
 [-1.27868605]]
result : [[ 0.2168732 ]
 [-1.35609094]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.2168732 ]
 [-1.35609094]]
dot product : [[ 1.13869687]
 [ 0.10411314]
 [ 0.80941475]]
result : [[ 0.95326468]
 [ 0.32797279]
 [ 0.896629  ]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.31359679]
 [-0.2876391 ]
 [ 0.89250755]]
dot product : [[-0.39377332]
 [-0.84551913]]
result : [[ 0.18170461]
 [-0.92292402]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.18170461]
 [-0.92292402]]
dot product : [[ 0.81959345]
 [ 0.0462998 ]
 [ 0.57104686]]
result : [[ 0.63416126]
 [ 0.27015945]
 [ 0.65826112]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.78390241]
 [-1.10627369]
 [ 0.3363431 ]]
dot product : [[-0.2486179 ]
 [-2.07371206]]
result : [[ 0.32686003]
 [-2.15111696]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.32686003]
 [-2.15111696]]
dot product : [[ 1.78382394]
 [ 0.17750506]
 [ 1.27379358]]
result : [[ 1.59839176]
 [ 0.4013647 ]
 [ 1.36100783]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.85867859]
 [-0.61084914]
 [ 0.65766752]]
dot product : [[-0.58760942]
 [-0.68676124]]
result : [[-0.01213149]
 [-0.76416614]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[-0.01213149]
 [-0.76416614]]
dot product : [[ 0.46589605]
 [ 0.15539807]
 [ 0.37663042]]
result : [[ 0.28046387]
 [ 0.37925771]
 [ 0.46384468]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.44252695]
 [-0.97449941]
 [ 0.42329939]]
dot product : [[-0.31426385]
 [-1.76764999]]
result : [[ 0.26121408]
 [-1.84505488]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.26121408]
 [-1.84505488]]
dot product : [[ 1.50497822]
 [ 0.16603103]
 [ 1.08123367]]
result : [[ 1.31954604]
 [ 0.38989067]
 [ 1.16844793]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.11663588]
 [-0.69133326]
 [ 0.61651493]]
dot product : [[-0.35067995]
 [-1.37816843]]
result : [[ 0.22479798]
 [-1.45557332]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.22479798]
 [-1.45557332]]
dot product : [[ 1.21178403]
 [ 0.11750027]
 [ 0.864069  ]]
result : [[ 1.02635185]
 [ 0.34135992]
 [ 0.95128326]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.88785181]
 [-0.17443756]
 [ 0.96282598]]
dot product : [[-0.52229598]
 [-0.39773303]]
result : [[ 0.05318195]
 [-0.47513792]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.05318195]
 [-0.47513792]]
dot product : [[ 0.3691321 ]
 [ 0.05289847]
 [ 0.27010536]]
result : [[ 0.18369992]
 [ 0.27675812]
 [ 0.35731961]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.6015206 ]
 [-0.06581055]
 [ 1.04336123]]
dot product : [[-0.43067583]
 [-0.51894098]]
result : [[ 0.1448021 ]
 [-0.59634587]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.1448021 ]
 [-0.59634587]]
dot product : [[ 0.5654203 ]
 [ 0.01019205]
 [ 0.38518809]]
result : [[ 0.37998812]
 [ 0.23405169]
 [ 0.47240234]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.04803713]
 [-0.62653231]
 [ 0.66082445]]
dot product : [[-0.35747866]
 [-1.29297166]]
result : [[ 0.21799927]
 [-1.37037655]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.21799927]
 [-1.37037655]]
dot product : [[ 1.14917654]
 [ 0.10604411]
 [ 0.81725601]]
result : [[ 0.96374435]
 [ 0.32990376]
 [ 0.90447027]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.87313736]
 [-0.63343154]
 [ 0.66885992]]
dot product : [[-0.14683265]
 [-1.84005744]]
result : [[ 0.42864528]
 [-1.91746233]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.42864528]
 [-1.91746233]]
dot product : [[ 1.76968873]
 [ 0.05937224]
 [ 1.21665808]]
result : [[ 1.58425655]
 [ 0.28323189]
 [ 1.30387234]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.70617593]
 [-1.1138955 ]
 [ 0.32979354]]
dot product : [[-0.26984116]
 [-2.0272897 ]]
result : [[ 0.30563677]
 [-2.10469459]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.30563677]
 [-2.10469459]]
dot product : [[ 1.72678918]
 [ 0.18387682]
 [ 1.23792131]]
result : [[ 1.54135699]
 [ 0.40773647]
 [ 1.32513556]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.88371162]
 [-0.85694283]
 [ 0.51250275]]
dot product : [[-0.18140437]
 [-1.9852123 ]]
result : [[ 0.39407356]
 [-2.06261719]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.39407356]
 [-2.06261719]]
dot product : [[ 1.81596915]
 [ 0.11212388]
 [ 1.26910947]]
result : [[ 1.63053696]
 [ 0.33598352]
 [ 1.35632373]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.85465634]
 [-0.63408057]
 [ 0.64146157]]
dot product : [[-0.5904524 ]
 [-0.70377153]]
result : [[-0.01497447]
 [-0.78117642]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[-0.01497447]
 [-0.78117642]]
dot product : [[ 0.47290053]
 [ 0.16070981]
 [ 0.38349197]]
result : [[ 0.28746834]
 [ 0.38456945]
 [ 0.47070622]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.53784878]
 [-0.10663077]
 [ 1.01576828]]
dot product : [[-0.42114136]
 [-0.586069  ]]
result : [[ 0.15433656]
 [-0.66347389]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.15433656]
 [-0.66347389]]
dot product : [[ 0.62021572]
 [ 0.01621052]
 [ 0.42454447]]
result : [[ 0.43478353]
 [ 0.24007017]
 [ 0.51175873]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.79777761]
 [-0.01697286]
 [ 1.07450114]]
dot product : [[-0.47290642]
 [-0.3596301 ]]
result : [[ 0.10257151]
 [-0.43703499]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.10257151]
 [-0.43703499]]
dot product : [[ 0.40972971]
 [ 0.01002355]
 [ 0.28018822]]
result : [[ 0.22429752]
 [ 0.23388319]
 [ 0.36740247]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.10106781]
 [-0.48450296]
 [ 0.75796058]]
dot product : [[-0.37205949]
 [-1.10706045]]
result : [[ 0.20341844]
 [-1.18446534]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.20341844]
 [-1.18446534]]
dot product : [[ 1.01289177]
 [ 0.08086164]
 [ 0.71525436]]
result : [[ 0.82745959]
 [ 0.30472129]
 [ 0.80246861]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.61024572]
 [-0.06079305]
 [ 1.04673886]]
dot product : [[-0.43207848]
 [-0.51009852]]
result : [[ 0.14339945]
 [-0.58750341]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.14339945]
 [-0.58750341]]
dot product : [[ 0.55801039]
 [ 0.00950491]
 [ 0.37991705]]
result : [[ 0.37257821]
 [ 0.23336455]
 [ 0.46713131]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.84591795]
 [-0.68208683]
 [ 0.60797968]]
dot product : [[-0.5962177]
 [-0.7392029]]
result : [[-0.02073977]
 [-0.81660779]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[-0.02073977]
 [-0.81660779]]
dot product : [[ 0.48769511]
 [ 0.17166119]
 [ 0.3978767 ]]
result : [[ 0.30226292]
 [ 0.39552084]
 [ 0.48509095]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.61887301]
 [-0.05599051]
 [ 1.04996748]]
dot product : [[-0.43349188]
 [-0.50145333]]
result : [[ 0.14198605]
 [-0.57885822]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.14198605]
 [-0.57885822]]
dot product : [[ 0.55071079]
 [ 0.00886337]
 [ 0.37473873]]
result : [[ 0.3652786 ]
 [ 0.23272301]
 [ 0.46195299]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.48980896]
 [-0.14139571]
 [ 0.99217199]]
dot product : [[-0.41460938]
 [-0.63916895]]
result : [[ 0.16086855]
 [-0.71657384]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.16086855]
 [-0.71657384]]
dot product : [[ 0.6622388 ]
 [ 0.02169853]
 [ 0.45507881]]
result : [[ 0.47680662]
 [ 0.24555818]
 [ 0.54229307]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.85040337]
 [-0.65782519]
 [ 0.62489984]]
dot product : [[-0.59332176]
 [-0.72125092]]
result : [[-0.01784383]
 [-0.79865581]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[-0.01784383]
 [-0.79865581]]
dot product : [[ 0.48016624]
 [ 0.16613058]
 [ 0.39057351]]
result : [[ 0.29473405]
 [ 0.38999022]
 [ 0.47778777]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.82850036]
 [-0.03459315]
 [ 1.06168277]]
dot product : [[-0.48373213]
 [-0.35031282]]
result : [[ 0.0917458 ]
 [-0.42771771]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.0917458 ]
 [-0.42771771]]
dot product : [[ 0.38969165]
 [ 0.01603016]
 [ 0.26910374]]
result : [[ 0.20425947]
 [ 0.23988981]
 [ 0.35631799]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.03232454]
 [-0.54998373]
 [ 0.71317725]]
dot product : [[-0.36533709]
 [-1.19277263]]
result : [[ 0.21014084]
 [-1.27017752]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.21014084]
 [-1.27017752]]
dot product : [[ 1.07572437]
 [ 0.09247167]
 [ 0.76228107]]
result : [[ 0.89029218]
 [ 0.31633132]
 [ 0.84949532]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.25882582]
 [-0.33700705]
 [ 0.85878993]]
dot product : [[-0.38794957]
 [-0.91207652]]
result : [[ 0.18752836]
 [-0.98948141]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.18752836]
 [-0.98948141]]
dot product : [[ 0.86917414]
 [ 0.05488059]
 [ 0.60792128]]
result : [[ 0.68374196]
 [ 0.27874023]
 [ 0.69513553]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.67638176]
 [-0.02871278]
 [ 1.06817291]]
dot product : [[-0.44370348]
 [-0.4467533 ]]
result : [[ 0.13177445]
 [-0.52415819]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.13177445]
 [-0.52415819]]
dot product : [[ 0.50286465]
 [ 0.0057177 ]
 [ 0.34122378]]
result : [[ 0.31743247]
 [ 0.22957735]
 [ 0.42843803]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.55648726]
 [-0.09398864]
 [ 1.02433075]]
dot product : [[-0.42381677]
 [-0.56599034]]
result : [[ 0.15166116]
 [-0.64339523]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.15166116]
 [-0.64339523]]
dot product : [[ 0.60405673]
 [ 0.01428329]
 [ 0.41287698]]
result : [[ 0.41862454]
 [ 0.23814294]
 [ 0.50009124]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.80968627]
 [-0.24410611]
 [ 0.94051003]]
dot product : [[-0.09817296]
 [-1.55759199]]
result : [[ 0.47730497]
 [-1.63499688]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.47730497]
 [-1.63499688]]
dot product : [[ 1.65527308]
 [-0.02987657]
 [ 1.10357636]]
result : [[ 1.46984089]
 [ 0.19398308]
 [ 1.19079061]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.53025033]
 [-1.03611129]
 [ 0.38152138]]
dot product : [[-0.30202399]
 [-1.86345672]]
result : [[ 0.27345394]
 [-1.94086161]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.27345394]
 [-1.94086161]]
dot product : [[ 1.58139378]
 [ 0.17560571]
 [ 1.13659474]]
result : [[ 1.39596159]
 [ 0.39946536]
 [ 1.22380899]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.89352823]
 [-0.26187376]
 [ 0.90150702]]
dot product : [[-0.53833914]
 [-0.44806088]]
result : [[ 0.03713879]
 [-0.52546577]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.03713879]
 [-0.52546577]]
dot product : [[ 0.37987097]
 [ 0.07410924]
 [ 0.28589126]]
result : [[ 0.19443879]
 [ 0.29796889]
 [ 0.37310551]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.56711552]
 [-1.05861197]
 [ 0.36633933]]
dot product : [[-0.29631453]
 [-1.90162202]]
result : [[ 0.2791634 ]
 [-1.97902691]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.2791634 ]
 [-1.97902691]]
dot product : [[ 1.61292514]
 [ 0.17881962]
 [ 1.15914141]]
result : [[ 1.42749296]
 [ 0.40267927]
 [ 1.24635566]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.19582107]
 [-0.76482712]
 [ 0.56628298]]
dot product : [[-0.34261393]
 [-1.47570472]]
result : [[ 0.232864  ]
 [-1.55310961]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.232864  ]
 [-1.55310961]]
dot product : [[ 1.28382908]
 [ 0.13041219]
 [ 0.91782938]]
result : [[ 1.0983969 ]
 [ 0.35427184]
 [ 1.00504364]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.81047671]
 [-1.08986298]
 [ 0.34824972]]
dot product : [[-0.23905885]
 [-2.08104803]]
result : [[ 0.33641908]
 [-2.15845292]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.33641908]
 [-2.15845292]]
dot product : [[ 1.80095563]
 [ 0.17203021]
 [ 1.28313353]]
result : [[ 1.61552344]
 [ 0.39588985]
 [ 1.37034779]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.34920177]
 [-0.89994823]
 [ 0.47405128]]
dot product : [[-0.32578312]
 [-1.66015749]]
result : [[ 0.24969481]
 [-1.73756238]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.24969481]
 [-1.73756238]]
dot product : [[ 1.42213817]
 [ 0.15369469]
 [ 1.02042968]]
result : [[ 1.23670599]
 [ 0.37755434]
 [ 1.10764393]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.54885873]
 [-1.04776523]
 [ 0.37365046]]
dot product : [[-0.29919147]
 [-1.88290458]]
result : [[ 0.27628646]
 [-1.96030947]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.27628646]
 [-1.96030947]]
dot product : [[ 1.59736066]
 [ 0.17729875]
 [ 1.14803837]]
result : [[ 1.41192847]
 [ 0.40115839]
 [ 1.23525262]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.87806208]
 [-0.48202356]
 [ 0.74758014]]
dot product : [[-0.57109439]
 [-0.59435561]]
result : [[ 0.00438354]
 [-0.6717605 ]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.00438354]
 [-0.6717605 ]]
dot product : [[ 0.42924662]
 [ 0.12577173]
 [ 0.33998983]]
result : [[ 0.24381444]
 [ 0.34963138]
 [ 0.42720408]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.79496623]
 [-1.10069716]
 [ 0.3404208 ]]
dot product : [[-0.24484763]
 [-2.07754277]]
result : [[ 0.3306303 ]
 [-2.15494766]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.3306303 ]
 [-2.15494766]]
dot product : [[ 1.7911719 ]
 [ 0.17552556]
 [ 1.27794818]]
result : [[ 1.60573972]
 [ 0.3993852 ]
 [ 1.36516244]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.85862676]
 [-1.01494338]
 [ 0.40146581]]
dot product : [[-0.21420104]
 [-2.06640197]]
result : [[ 0.36127689]
 [-2.14380686]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.36127689]
 [-2.14380686]]
dot product : [[ 1.82424512]
 [ 0.15132087]
 [ 1.29048406]]
result : [[ 1.63881294]
 [ 0.37518051]
 [ 1.37769832]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.33519014]
 [-0.26856694]
 [ 0.9055268 ]]
dot product : [[-0.39613456]
 [-0.8195208 ]]
result : [[ 0.17934337]
 [-0.89692569]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.17934337]
 [-0.89692569]]
dot product : [[ 0.80011344]
 [ 0.04301022]
 [ 0.55659204]]
result : [[ 0.61468125]
 [ 0.26686987]
 [ 0.6438063 ]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.77815857]
 [-1.10857954]
 [ 0.33463877]]
dot product : [[-0.25047696]
 [-2.07135901]]
result : [[ 0.32500097]
 [-2.1487639 ]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.32500097]
 [-2.1487639 ]]
dot product : [[ 1.77990812]
 [ 0.17839203]
 [ 1.27151186]]
result : [[ 1.59447594]
 [ 0.40225167]
 [ 1.35872612]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.05949974]
 [-0.63741001]
 [ 0.65338569]]
dot product : [[-0.35635091]
 [-1.30723847]]
result : [[ 0.21912702]
 [-1.38464336]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.21912702]
 [-1.38464336]]
dot product : [[ 1.15964655]
 [ 0.10797026]
 [ 0.82508882]]
result : [[ 0.97421437]
 [ 0.33182991]
 [ 0.91230308]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.10523791]
 [-0.6806234 ]
 [ 0.62383717]]
dot product : [[-0.35181911]
 [-1.36404793]]
result : [[ 0.22365882]
 [-1.44145282]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.22365882]
 [-1.44145282]]
dot product : [[ 1.20139133]
 [ 0.11561041]
 [ 0.85630292]]
result : [[ 1.01595915]
 [ 0.33947006]
 [ 0.94351718]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.02084301]
 [-0.56093583]
 [ 0.70568668]]
dot product : [[-0.36421689]
 [-1.20709789]]
result : [[ 0.21126104]
 [-1.28450278]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.21126104]
 [-1.28450278]]
dot product : [[ 1.08622136]
 [ 0.09441447]
 [ 0.77013877]]
result : [[ 0.90078917]
 [ 0.31827412]
 [ 0.85735303]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.67627288]
 [-1.10732743]
 [ 0.33392676]]
dot product : [[-0.27642136]
 [-2.0035559 ]]
result : [[ 0.29905657]
 [-2.08096079]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.29905657]
 [-2.08096079]]
dot product : [[ 1.70321689]
 [ 0.18405964]
 [ 1.2221078 ]]
result : [[ 1.51778471]
 [ 0.40791929]
 [ 1.30932205]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.891427  ]
 [-0.20937399]
 [ 0.9383047 ]]
dot product : [[-0.52904178]
 [-0.41698235]]
result : [[ 0.04643615]
 [-0.49438724]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.04643615]
 [-0.49438724]]
dot product : [[ 0.37244186]
 [ 0.0614501 ]
 [ 0.27578244]]
result : [[ 0.18700968]
 [ 0.28530974]
 [ 0.3629967 ]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.23663819]
 [-0.35734895]
 [ 0.84489076]]
dot product : [[-0.3856476 ]
 [-0.93925091]]
result : [[ 0.18983033]
 [-1.01665581]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.18983033]
 [-1.01665581]]
dot product : [[ 0.88931805]
 [ 0.05843856]
 [ 0.62293172]]
result : [[ 0.70388587]
 [ 0.28229821]
 [ 0.71014598]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.26254751]
 [-0.82507121]
 [ 0.52513537]]
dot product : [[-0.33553566]
 [-1.5568522 ]]
result : [[ 0.23994227]
 [-1.63425709]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.23994227]
 [-1.63425709]]
dot product : [[ 1.34424948]
 [ 0.1408899 ]
 [ 0.96277399]]
result : [[ 1.15881729]
 [ 0.36474954]
 [ 1.04998824]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.86937796]
 [-0.5441958 ]
 [ 0.70417715]]
dot product : [[-0.57923679]
 [-0.63851018]]
result : [[-0.00375886]
 [-0.71591507]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[-0.00375886]
 [-0.71591507]]
dot product : [[ 0.44643064]
 [ 0.1401089 ]
 [ 0.35734949]]
result : [[ 0.26099845]
 [ 0.36396855]
 [ 0.44456374]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.83586808]
 [-0.38015222]
 [ 0.84564697]]
dot product : [[-0.11414744]
 [-1.65893462]]
result : [[ 0.46133049]
 [-1.73633951]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.46133049]
 [-1.73633951]]
dot product : [[  1.69826406e+00]
 [  1.07579011e-03]
 [  1.14502542e+00]]
result : [[ 1.51283188]
 [ 0.22493544]
 [ 1.23223968]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.207027  ]
 [-0.77506961]
 [ 0.55928504]]
dot product : [[-0.3414461 ]
 [-1.48940991]]
result : [[ 0.23403183]
 [-1.5668148 ]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.23403183]
 [-1.5668148 ]]
dot product : [[ 1.29399747]
 [ 0.1322017 ]
 [ 0.92540383]]
result : [[ 1.10856528]
 [ 0.35606135]
 [ 1.01261808]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.27353785]
 [-0.83480259]
 [ 0.51849199]]
dot product : [[-0.3343379 ]
 [-1.57009954]]
result : [[ 0.24114003]
 [-1.64750443]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.24114003]
 [-1.64750443]]
dot product : [[ 1.35416836]
 [ 0.14256998]
 [ 0.97013618]]
result : [[ 1.16873617]
 [ 0.36642963]
 [ 1.05735043]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.31706324]
 [-0.8727042 ]
 [ 0.49262874]]
dot product : [[-0.329488  ]
 [-1.62216894]]
result : [[ 0.24598993]
 [-1.69957383]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.24598993]
 [-1.69957383]]
dot product : [[ 1.39334096]
 [ 0.14907135]
 [ 0.99915775]]
result : [[ 1.20790877]
 [ 0.37293099]
 [ 1.086372  ]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.46006334]
 [-0.16426831]
 [ 0.97661847]]
dot product : [[-0.4107895 ]
 [-0.67288037]]
result : [[ 0.16468843]
 [-0.75028526]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.16468843]
 [-0.75028526]]
dot product : [[ 0.68848996]
 [ 0.02541819]
 [ 0.47427056]]
result : [[ 0.50305777]
 [ 0.24927783]
 [ 0.56148481]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.81885068]
 [-0.02741125]
 [ 1.06686264]]
dot product : [[-0.48005705]
 [-0.35222059]]
result : [[ 0.09542088]
 [-0.42962548]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.09542088]
 [-0.42962548]]
dot product : [[ 0.39570275]
 [ 0.01375014]
 [ 0.27223621]]
result : [[ 0.21027057]
 [ 0.23760979]
 [ 0.35945047]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.39871286]
 [-0.21406246]
 [ 0.94270499]]
dot product : [[-0.40334794]
 [-0.74402983]]
result : [[ 0.17212999]
 [-0.82143472]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.17212999]
 [-0.82143472]]
dot product : [[ 0.74308241]
 [ 0.03371543]
 [ 0.51440852]]
result : [[ 0.55765023]
 [ 0.25757508]
 [ 0.60162277]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.00212559]
 [-0.58283873]
 [ 0.69070654]]
dot product : [[-0.36197486]
 [-1.23575124]]
result : [[ 0.21350307]
 [-1.31315613]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.21350307]
 [-1.31315613]]
dot product : [[ 1.10721925]
 [ 0.09829945]
 [ 0.78585657]]
result : [[ 0.92178707]
 [ 0.3221591 ]
 [ 0.87307082]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.40909873]
 [-0.20541402]
 [ 0.94859942]]
dot product : [[-0.40457119]
 [-0.73184976]]
result : [[ 0.17090674]
 [-0.80925465]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.17090674]
 [-0.80925465]]
dot product : [[ 0.73380304]
 [ 0.03225854]
 [ 0.50756729]]
result : [[ 0.54837085]
 [ 0.25611819]
 [ 0.59478154]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.33854048]
 [-0.89098712]
 [ 0.48016037]]
dot product : [[-0.3270249 ]
 [-1.64760289]]
result : [[ 0.24845303]
 [-1.72500779]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.24845303]
 [-1.72500779]]
dot product : [[ 1.41259842]
 [ 0.15217927]
 [ 1.01338937]]
result : [[ 1.22716624]
 [ 0.37603892]
 [ 1.10060362]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.88137046]
 [-0.8976838 ]
 [ 0.48393586]]
dot product : [[-0.18880172]
 [-2.00886245]]
result : [[ 0.38667621]
 [-2.08626734]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.38667621]
 [-2.08626734]]
dot product : [[ 1.82120094]
 [ 0.12198927]
 [ 1.27661143]]
result : [[ 1.63576876]
 [ 0.34584891]
 [ 1.36382569]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.74221482]
 [-0.01150444]
 [ 1.07919707]]
dot product : [[-0.45773164]
 [-0.3928028 ]]
result : [[ 0.11774629]
 [-0.47020769]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.11774629]
 [-0.47020769]]
dot product : [[ 0.4504976 ]
 [ 0.00546392]
 [ 0.30582729]]
result : [[ 0.26506542]
 [ 0.22932357]
 [ 0.39304154]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.88628836]
 [-0.1636171 ]
 [ 0.97042779]]
dot product : [[-0.52008959]
 [-0.39207125]]
result : [[ 0.05538834]
 [-0.46947615]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.05538834]
 [-0.46947615]]
dot product : [[ 0.3684494 ]
 [ 0.05022316]
 [ 0.26856705]]
result : [[ 0.18301722]
 [ 0.27408281]
 [ 0.35578131]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.85956852]
 [-0.52593896]
 [ 0.74392399]]
dot product : [[-0.1323838 ]
 [-1.76466748]]
result : [[ 0.44309413]
 [-1.84207237]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.44309413]
 [-1.84207237]]
dot product : [[ 1.74106351]
 [ 0.03449937]
 [ 1.18734132]]
result : [[ 1.55563133]
 [ 0.25835902]
 [ 1.27455557]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.59381163]
 [-1.07330163]
 [ 0.35646866]]
dot product : [[-0.29191237]
 [-1.92826765]]
result : [[ 0.28356556]
 [-2.00567254]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.28356556]
 [-2.00567254]]
dot product : [[ 1.63548352]
 [ 0.18076391]
 [ 1.17512881]]
result : [[ 1.45005134]
 [ 0.40462355]
 [ 1.26234307]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.76825116]
 [-0.01096956]
 [ 1.07916561]]
dot product : [[-0.46432574]
 [-0.3753432 ]]
result : [[ 0.11115219]
 [-0.45274809]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.11115219]
 [-0.45274809]]
dot product : [[ 0.4308627 ]
 [ 0.00686094]
 [ 0.29315681]]
result : [[ 0.24543051]
 [ 0.23072058]
 [ 0.38037107]]
Total Cost [ 334.40368892] for Epoch 6 complete
Axis-wise Cost is [[ 128.78206969]
 [ 145.2580314 ]
 [  60.36358784]] 
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.77227571]
 [-1.11056888]
 [ 0.33315392]]
dot product : [[-0.25231891]
 [-2.06871879]]
result : [[ 0.32315902]
 [-2.14612368]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.32315902]
 [-2.14612368]]
dot product : [[ 1.77583366]
 [ 0.17921156]
 [ 1.26909605]]
result : [[ 1.59040148]
 [ 0.40307121]
 [ 1.3563103 ]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.66850921]
 [-1.10502797]
 [ 0.33541597]]
dot product : [[-0.27803064]
 [-1.99702653]]
result : [[ 0.29744729]
 [-2.07443142]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.29744729]
 [-2.07443142]]
dot product : [[ 1.69699493]
 [ 0.18396522]
 [ 1.21787628]]
result : [[ 1.51156275]
 [ 0.40782487]
 [ 1.30509054]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.15797529]
 [-0.43065982]
 [ 0.7947788 ]]
dot product : [[-0.37768512]
 [-1.03633045]]
result : [[ 0.19779281]
 [-1.11373534]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.19779281]
 [-1.11373534]]
dot product : [[ 0.96093967]
 [ 0.07133737]
 [ 0.67640143]]
result : [[ 0.77550749]
 [ 0.29519702]
 [ 0.76361569]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.85738571]
 [-0.07055587]
 [ 1.03604809]]
dot product : [[-0.49714606]
 [-0.35354557]]
result : [[ 0.07833187]
 [-0.43095047]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.07833187]
 [-0.43095047]]
dot product : [[ 0.37417941]
 [ 0.02630906]
 [ 0.26279133]]
result : [[ 0.18874723]
 [ 0.2501687 ]
 [ 0.35000559]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.88956859]
 [-0.37070946]
 [ 0.82535253]]
dot product : [[-0.55547865]
 [-0.51795956]]
result : [[ 0.01999928]
 [-0.59536445]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.01999928]
 [-0.59536445]]
dot product : [[ 0.40151383]
 [ 0.09986556]
 [ 0.31085811]]
result : [[ 0.21608165]
 [ 0.32372521]
 [ 0.39807237]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.42968263]
 [-0.18852497]
 [ 0.96010561]]
dot product : [[-0.4070375 ]
 [-0.70786536]]
result : [[ 0.16844043]
 [-0.78527025]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.16844043]
 [-0.78527025]]
dot product : [[ 0.71545524]
 [ 0.02943114]
 [ 0.49406181]]
result : [[ 0.53002306]
 [ 0.25329079]
 [ 0.58127607]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.88454188]
 [-0.15320278]
 [ 0.97774804]]
dot product : [[-0.51790396]
 [-0.386781  ]]
result : [[ 0.05757396]
 [-0.46418589]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.05757396]
 [-0.46418589]]
dot product : [[ 0.36797375]
 [ 0.04763411]
 [ 0.26720307]]
result : [[ 0.18254157]
 [ 0.27149376]
 [ 0.35441732]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.8608687 ]
 [-0.07711913]
 [ 1.03139762]]
dot product : [[-0.499135  ]
 [-0.35531227]]
result : [[ 0.07634293]
 [-0.43271716]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.07634293]
 [-0.43271716]]
dot product : [[ 0.37269097]
 [ 0.02808022]
 [ 0.26250195]]
result : [[ 0.18725878]
 [ 0.25193987]
 [ 0.34971621]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.81380157]
 [-0.02431671]
 [ 1.06910845]]
dot product : [[-0.47824475]
 [-0.35362894]]
result : [[ 0.09723318]
 [-0.43103383]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.09723318]
 [-0.43103383]]
dot product : [[ 0.3989618 ]
 [ 0.01271553]
 [ 0.27401578]]
result : [[ 0.21352961]
 [ 0.23657518]
 [ 0.36123004]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.79752477]
 [-0.18586622]
 [ 0.98110502]]
dot product : [[-0.09157917]
 [-1.51358111]]
result : [[ 0.48389876]
 [-1.590986  ]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.48389876]
 [-1.590986  ]]
dot product : [[ 1.6361535 ]
 [-0.04307111]
 [ 1.08537266]]
result : [[ 1.45072132]
 [ 0.18078853]
 [ 1.17258692]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.46254887]
 [-0.98940729]
 [ 0.41317183]]
dot product : [[-0.3116113]
 [-1.7900397]]
result : [[ 0.26386663]
 [-1.8674446 ]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.26386663]
 [-1.8674446 ]]
dot product : [[ 1.52256432]
 [ 0.16841827]
 [ 1.09404839]]
result : [[ 1.33713214]
 [ 0.39227791]
 [ 1.18126265]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.88430752]
 [-0.82759425]
 [ 0.53306447]]
dot product : [[-0.17635549]
 [-1.96745794]]
result : [[ 0.39912244]
 [-2.04486283]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.39912244]
 [-2.04486283]]
dot product : [[ 1.81138169]
 [ 0.10508101]
 [ 1.26317929]]
result : [[ 1.62594951]
 [ 0.32894066]
 [ 1.35039354]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.47245184]
 [-0.99661205]
 [ 0.40828086]]
dot product : [[-0.31027118]
 [-1.80100945]]
result : [[ 0.26520675]
 [-1.87841434]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.26520675]
 [-1.87841434]]
dot product : [[ 1.53123356]
 [ 0.16955871]
 [ 1.10035088]]
result : [[ 1.34580138]
 [ 0.39341836]
 [ 1.18756513]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.80326333]
 [-0.01910134]
 [ 1.07292504]]
dot product : [[-0.47466964]
 [-0.35733719]]
result : [[ 0.10080829]
 [-0.43474208]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.10080829]
 [-0.43474208]]
dot product : [[ 0.40597721]
 [ 0.01085305]
 [ 0.27799341]]
result : [[ 0.22054503]
 [ 0.23471269]
 [ 0.36520767]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.78638149]
 [-0.01365519]
 [ 1.07700217]]
dot product : [[-0.46942767]
 [-0.36507609]]
result : [[ 0.10605026]
 [-0.44248098]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.10605026]
 [-0.44248098]]
dot product : [[ 0.41771461]
 [ 0.00856396]
 [ 0.28498163]]
result : [[ 0.23228242]
 [ 0.23242361]
 [ 0.37219589]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.86733502]
 [-0.09135316]
 [ 1.02132887]]
dot product : [[-0.50316937]
 [-0.35985916]]
result : [[ 0.07230856]
 [-0.43726405]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.07230856]
 [-0.43726405]]
dot product : [[ 0.37027912]
 [ 0.03185776]
 [ 0.26239881]]
result : [[ 0.18484693]
 [ 0.25571741]
 [ 0.34961306]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.89286411]
 [-0.23476572]
 [ 0.92050079]]
dot product : [[-0.53364651]
 [-0.43173675]]
result : [[ 0.04183142]
 [-0.50914164]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.04183142]
 [-0.50914164]]
dot product : [[ 0.37571909]
 [ 0.06759739]
 [ 0.28046865]]
result : [[ 0.19028691]
 [ 0.29145704]
 [ 0.3676829 ]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.89074637]
 [-0.35380162]
 [ 0.83717451]]
dot product : [[-0.55296042]
 [-0.50673051]]
result : [[ 0.02251751]
 [-0.5841354 ]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.02251751]
 [-0.5841354 ]]
dot product : [[ 0.39772925]
 [ 0.09589722]
 [ 0.30670811]]
result : [[ 0.21229707]
 [ 0.31975687]
 [ 0.39392236]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.41197964]
 [-0.95094907]
 [ 0.43931503]]
dot product : [[-0.31817646]
 [-1.73299211]]
result : [[ 0.25730147]
 [-1.810397  ]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.25730147]
 [-1.810397  ]]
dot product : [[ 1.47800905]
 [ 0.16219649]
 [ 1.0615117 ]]
result : [[ 1.29257686]
 [ 0.38605614]
 [ 1.14872595]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.88131382]
 [-0.72870994]
 [ 0.60226519]]
dot product : [[-0.16062811]
 [-1.90434774]]
result : [[ 0.41484982]
 [-1.98175263]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.41484982]
 [-1.98175263]]
dot product : [[ 1.79217103]
 [ 0.08164436]
 [ 1.24078653]]
result : [[ 1.60673885]
 [ 0.305504  ]
 [ 1.32800079]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.86435564]
 [-0.99724056]
 [ 0.41395221]]
dot product : [[-0.20977731]
 [-2.05922516]]
result : [[ 0.36570062]
 [-2.13663005]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.36570062]
 [-2.13663005]]
dot product : [[ 1.82550837]
 [ 0.14675823]
 [ 1.28949667]]
result : [[ 1.64007618]
 [ 0.37061788]
 [ 1.37671093]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.88312251]
 [-0.87095692]
 [ 0.50267967]]
dot product : [[-0.18389341]
 [-1.99348972]]
result : [[ 0.39158452]
 [-2.07089461]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.39158452]
 [-2.07089461]]
dot product : [[ 1.81793106]
 [ 0.11550472]
 [ 1.27179427]]
result : [[ 1.63249888]
 [ 0.33936436]
 [ 1.35900852]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.77743051]
 [-0.09431641]
 [ 1.04490281]]
dot product : [[-0.08146492]
 [-1.44375568]]
result : [[ 0.49401301]
 [-1.52116057]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.49401301]
 [-1.52116057]]
dot product : [[ 1.60536521]
 [-0.06375498]
 [ 1.05628625]]
result : [[ 1.41993303]
 [ 0.16010467]
 [ 1.1435005 ]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.73538449]
 [-0.01234762]
 [ 1.07871312]]
dot product : [[-0.456119 ]
 [-0.3978177]]
result : [[ 0.11935893]
 [-0.47522259]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.11935893]
 [-0.47522259]]
dot product : [[ 0.45576917]
 [ 0.00526526]
 [ 0.30930014]]
result : [[ 0.27033698]
 [ 0.22912491]
 [ 0.3965144 ]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.76009975]
 [-1.11361334]
 [ 0.33083205]]
dot product : [[-0.25595226]
 [-2.06259082]]
result : [[ 0.31952567]
 [-2.13999572]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.31952567]
 [-2.13999572]]
dot product : [[ 1.76721653]
 [ 0.18065157]
 [ 1.26386863]]
result : [[ 1.58178435]
 [ 0.40451122]
 [ 1.35108289]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.69939058]
 [-0.02062908]
 [ 1.07347501]]
dot product : [[-0.44826115]
 [-0.42661798]]
result : [[ 0.12721678]
 [-0.50402288]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.12721678]
 [-0.50402288]]
dot product : [[ 0.48420724]
 [ 0.00513488]
 [ 0.32841422]]
result : [[ 0.29877506]
 [ 0.22899453]
 [ 0.41562848]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.71335526]
 [-1.11486096]
 [ 0.32922941]]
dot product : [[-0.26815934]
 [-2.0326098 ]]
result : [[ 0.30731859]
 [-2.1100147 ]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.30731859]
 [-2.1100147 ]]
dot product : [[ 1.73234368]
 [ 0.18368692]
 [ 1.24158839]]
result : [[ 1.54691149]
 [ 0.40754657]
 [ 1.32880264]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.47005138]
 [-0.15648523]
 [ 0.9819131 ]]
dot product : [[-0.41205499]
 [-0.66149707]]
result : [[ 0.16342294]
 [-0.73890197]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.16342294]
 [-0.73890197]]
dot product : [[ 0.67965764]
 [ 0.02414463]
 [ 0.46780452]]
result : [[ 0.49422546]
 [ 0.24800428]
 [ 0.55501878]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.78950553]
 [-1.1036475 ]
 [ 0.33826956]]
dot product : [[-0.24674152]
 [-2.07577448]]
result : [[ 0.32873641]
 [-2.15317937]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.32873641]
 [-2.15317937]]
dot product : [[ 1.78757918]
 [ 0.17654984]
 [ 1.27593956]]
result : [[ 1.602147  ]
 [ 0.40040948]
 [ 1.36315382]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.83309753]
 [-0.03868815]
 [ 1.0587434 ]]
dot product : [[-0.48559531]
 [-0.34982039]]
result : [[ 0.08988262]
 [-0.42722528]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.08988262]
 [-0.42722528]]
dot product : [[ 0.38694347]
 [ 0.0172772 ]
 [ 0.2677541 ]]
result : [[ 0.20151128]
 [ 0.24113685]
 [ 0.35496835]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.79214976]
 [-0.01515875]
 [ 1.0758593 ]]
dot product : [[-0.47115917]
 [-0.3622109 ]]
result : [[ 0.10431876]
 [-0.43961579]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.10431876]
 [-0.43961579]]
dot product : [[ 0.41364282]
 [ 0.00926079]
 [ 0.28251817]]
result : [[ 0.22821063]
 [ 0.23312044]
 [ 0.36973242]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.84992859]
 [-0.05851777]
 [ 1.04459451]]
dot product : [[-0.49322369]
 [-0.35100827]]
result : [[ 0.08225424]
 [-0.42841316]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.08225424]
 [-0.42841316]]
dot product : [[ 0.37771167]
 [ 0.02299785]
 [ 0.26383755]]
result : [[ 0.19227948]
 [ 0.2468575 ]
 [ 0.3510518 ]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.76625553]
 [-1.11224554]
 [ 0.33188589]]
dot product : [[-0.25414394]
 [-2.0657949 ]]
result : [[ 0.32133399]
 [-2.14319979]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.32133399]
 [-2.14319979]]
dot product : [[ 1.77160249]
 [ 0.17996447]
 [ 1.26654776]]
result : [[ 1.5861703 ]
 [ 0.40382412]
 [ 1.35376201]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.22549134]
 [-0.36763205]
 [ 0.83786346]]
dot product : [[-0.38450171]
 [-0.95294234]]
result : [[ 0.19097622]
 [-1.03034723]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.19097622]
 [-1.03034723]]
dot product : [[ 0.89944905]
 [ 0.06024122]
 [ 0.63048627]]
result : [[ 0.71401686]
 [ 0.28410087]
 [ 0.71770053]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.00935906]
 [-0.57188877]
 [ 0.69819556]]
dot product : [[-0.36309622]
 [-1.22142525]]
result : [[ 0.21238171]
 [-1.29883014]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.21238171]
 [-1.29883014]]
dot product : [[ 1.0967203 ]
 [ 0.09635734]
 [ 0.77799782]]
result : [[ 0.91128811]
 [ 0.32021699]
 [ 0.86521207]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.73415457]
 [-1.11607237]
 [ 0.32870542]]
dot product : [[-0.2630224 ]
 [-2.04704235]]
result : [[ 0.31245553]
 [-2.12444724]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.31245553]
 [-2.12444724]]
dot product : [[ 1.74816367]
 [ 0.18275814]
 [ 1.2518764 ]]
result : [[ 1.56273148]
 [ 0.40661779]
 [ 1.33909065]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.6839231 ]
 [-1.10936775]
 [ 0.33261725]]
dot product : [[-0.27479797]
 [-2.00985038]]
result : [[ 0.30067996]
 [-2.08725527]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.30067996]
 [-2.08725527]]
dot product : [[ 1.70930924]
 [ 0.18409883]
 [ 1.22622969]]
result : [[ 1.52387705]
 [ 0.40795847]
 [ 1.31344395]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.63582729]
 [-0.0470456 ]
 [ 1.0559671 ]]
dot product : [[-0.43635173]
 [-0.4847687 ]]
result : [[ 0.1391262 ]
 [-0.56217359]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.1391262 ]
 [-0.56217359]]
dot product : [[ 0.53645023]
 [ 0.00772034]
 [ 0.36466679]]
result : [[ 0.35101805]
 [ 0.23157999]
 [ 0.45188105]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.6280486 ]
 [-1.08977712]
 [ 0.34546499]]
dot product : [[-0.28587243]
 [-1.96097847]]
result : [[ 0.2896055 ]
 [-2.03838336]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.2896055 ]
 [-2.03838336]]
dot product : [[ 1.6640085 ]
 [ 0.18269301]
 [ 1.19513146]]
result : [[ 1.47857632]
 [ 0.40655266]
 [ 1.28234571]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.88371996]
 [-0.780213  ]
 [ 0.56623579]]
dot product : [[-0.16860219]
 [-1.93777532]]
result : [[ 0.40687574]
 [-2.01518021]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.40687574]
 [-2.01518021]]
dot product : [[ 1.80281243]
 [ 0.09380155]
 [ 1.25285806]]
result : [[ 1.61738025]
 [ 0.31766119]
 [ 1.34007232]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.64455448]
 [-1.09661287]
 [ 0.3409354 ]]
dot product : [[-0.28277584]
 [-1.976064  ]]
result : [[ 0.29270209]
 [-2.05346889]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.29270209]
 [-2.05346889]]
dot product : [[ 1.67757066]
 [ 0.18335866]
 [ 1.20454031]]
result : [[ 1.49213847]
 [ 0.40721831]
 [ 1.29175456]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.62740077]
 [-0.05140675]
 [ 1.05304444]]
dot product : [[-0.43491623]
 [-0.4930089 ]]
result : [[ 0.1405617 ]
 [-0.57041379]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.1405617 ]
 [-0.57041379]]
dot product : [[ 0.54352342]
 [ 0.00826824]
 [ 0.36965477]]
result : [[ 0.35809124]
 [ 0.23212789]
 [ 0.45686902]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.21431142]
 [-0.37798482]
 [ 0.8307879 ]]
dot product : [[-0.38335895]
 [-0.96669859]]
result : [[ 0.19211898]
 [-1.04410348]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.19211898]
 [-1.04410348]]
dot product : [[ 0.90961682]
 [ 0.06205858]
 [ 0.63807154]]
result : [[ 0.72418464]
 [ 0.28591822]
 [ 0.72528579]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.89171727]
 [-0.33735345]
 [ 0.84867781]]
dot product : [[-0.55046577]
 [-0.49592178]]
result : [[ 0.02501216]
 [-0.57332667]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.02501216]
 [-0.57332667]]
dot product : [[ 0.39417881]
 [ 0.09202652]
 [ 0.30275526]]
result : [[ 0.20874662]
 [ 0.31588617]
 [ 0.38996951]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.87249431]
 [-0.52297891]
 [ 0.71898646]]
dot product : [[-0.57649734]
 [-0.62334147]]
result : [[-0.00101941]
 [-0.70074636]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[-0.00101941]
 [-0.70074636]]
dot product : [[ 0.44045172]
 [ 0.13522515]
 [ 0.35135163]]
result : [[ 0.25501954]
 [ 0.3590848 ]
 [ 0.43856589]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.58500707]
 [-1.0686209 ]
 [ 0.35960921]]
dot product : [[-0.29339159]
 [-1.91958115]]
result : [[ 0.28208634]
 [-1.99698604]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.28208634]
 [-1.99698604]]
dot product : [[ 1.62807176]
 [ 0.18016183]
 [ 1.16989081]]
result : [[ 1.44263957]
 [ 0.40402148]
 [ 1.25710506]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.87886468]
 [-0.92270113]
 [ 0.46637747]]
dot product : [[-0.19361831]
 [-2.02268229]]
result : [[ 0.38185962]
 [-2.10008718]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.38185962]
 [-2.10008718]]
dot product : [[ 1.82361179]
 [ 0.12810974]
 [ 1.2807029 ]]
result : [[ 1.63817961]
 [ 0.35196939]
 [ 1.36791716]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.66848697]
 [-0.03190354]
 [ 1.06606158]]
dot product : [[-0.44220923]
 [-0.45392002]]
result : [[ 0.1332687 ]
 [-0.53132491]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.1332687 ]
 [-0.53132491]]
dot product : [[ 0.50933794]
 [ 0.00601727]
 [ 0.34570736]]
result : [[ 0.32390575]
 [ 0.22987691]
 [ 0.43292161]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.8708618 ]
 [-0.61292545]
 [ 0.68318458]]
dot product : [[-0.14399595]
 [-1.82588136]]
result : [[ 0.43148198]
 [-1.90328625]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.43148198]
 [-1.90328625]]
dot product : [[ 1.76446286]
 [ 0.05460898]
 [ 1.21121632]]
result : [[ 1.57903067]
 [ 0.27846863]
 [ 1.29843058]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.84182799]
 [-0.0479054 ]
 [ 1.05215254]]
dot product : [[-0.48937397]
 [-0.34977583]]
result : [[ 0.08610396]
 [-0.42718072]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.08610396]
 [-0.42718072]]
dot product : [[ 0.38197151]
 [ 0.0199894 ]
 [ 0.26549615]]
result : [[ 0.19653933]
 [ 0.24384905]
 [ 0.35271041]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.64415088]
 [-0.04291088]
 [ 1.05873279]]
dot product : [[-0.43779858]
 [-0.47673623]]
result : [[ 0.13767935]
 [-0.55414112]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.13767935]
 [-0.55414112]]
dot product : [[ 0.52949316]
 [ 0.00722048]
 [ 0.35977643]]
result : [[ 0.34406097]
 [ 0.23108013]
 [ 0.44699068]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.86696128]
 [-0.9878016 ]
 [ 0.42060282]]
dot product : [[-0.20753386]
 [-2.05510321]]
result : [[ 0.36794407]
 [-2.1325081 ]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.36794407]
 [-2.1325081 ]]
dot product : [[ 1.82584494]
 [ 0.14435177]
 [ 1.28875369]]
result : [[ 1.64041275]
 [ 0.36821141]
 [ 1.37596794]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.65264831]
 [-1.09966686]
 [ 0.33892295]]
dot product : [[-0.28120768]
 [-1.9832771 ]]
result : [[ 0.29427025]
 [-2.06068199]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.29427025]
 [-2.06068199]]
dot product : [[ 1.68416988]
 [ 0.18361392]
 [ 1.20909091]]
result : [[ 1.49873769]
 [ 0.40747357]
 [ 1.29630516]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.48228053]
 [-1.0036456 ]
 [ 0.40350862]]
dot product : [[-0.30892156]
 [-1.81182447]]
result : [[ 0.26655637]
 [-1.88922936]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.26655637]
 [-1.88922936]]
dot product : [[ 1.53981768]
 [ 0.17066263]
 [ 1.10658127]]
result : [[ 1.3543855 ]
 [ 0.39452227]
 [ 1.19379552]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.50926384]
 [-0.12696721]
 [ 1.0019727 ]]
dot product : [[-0.41719635]
 [-0.61744868]]
result : [[ 0.15828158]
 [-0.69485358]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.15828158]
 [-0.69485358]]
dot product : [[ 0.64516057]
 [ 0.01939255]
 [ 0.44263913]]
result : [[ 0.45972838]
 [ 0.2432522 ]
 [ 0.52985339]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.16203029]
 [-0.7336841 ]
 [ 0.58756508]]
dot product : [[-0.3460925 ]
 [-1.43421842]]
result : [[ 0.22938543]
 [-1.51162332]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.22938543]
 [-1.51162332]]
dot product : [[ 1.25312281]
 [ 0.12495459]
 [ 0.89493457]]
result : [[ 1.06769062]
 [ 0.34881424]
 [ 0.98214883]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.81540173]
 [-0.27239952]
 [ 0.92078564]]
dot product : [[-0.10142574]
 [-1.57884607]]
result : [[ 0.47405219]
 [-1.65625096]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.47405219]
 [-1.65625096]]
dot product : [[ 1.66441688]
 [-0.02345527]
 [ 1.11232693]]
result : [[ 1.4789847 ]
 [ 0.20040438]
 [ 1.19954118]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.86939212]
 [-0.97796583]
 [ 0.42752859]]
dot product : [[-0.20526908]
 [-2.05062091]]
result : [[ 0.37020885]
 [-2.1280258 ]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.37020885]
 [-2.1280258 ]]
dot product : [[ 1.82598223]
 [ 0.14186079]
 [ 1.28784233]]
result : [[ 1.64055005]
 [ 0.36572044]
 [ 1.37505658]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.2918166 ]
 [-0.30711228]
 [ 0.87921038]]
dot product : [[-0.39143102]
 [-0.87188833]]
result : [[ 0.18404691]
 [-0.94929322]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.18404691]
 [-0.94929322]]
dot product : [[ 0.83928249]
 [ 0.0496742 ]
 [ 0.58567675]]
result : [[ 0.65385031]
 [ 0.27353384]
 [ 0.67289101]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.88050667]
 [-0.13357725]
 [ 0.99155448]]
dot product : [[-0.51359424]
 [-0.37730113]]
result : [[ 0.06188369]
 [-0.45470602]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.06188369]
 [-0.45470602]]
dot product : [[ 0.36763587]
 [ 0.04271155]
 [ 0.2649915 ]]
result : [[ 0.18220369]
 [ 0.26657119]
 [ 0.35220575]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.84595787]
 [-0.05303528]
 [ 1.04849575]]
dot product : [[-0.49128985]
 [-0.35023068]]
result : [[ 0.08418808]
 [-0.42763557]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.08418808]
 [-0.42763557]]
dot product : [[ 0.37975161]
 [ 0.02145619]
 [ 0.26459112]]
result : [[ 0.19431942]
 [ 0.24531583]
 [ 0.35180537]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.18458517]
 [-0.75451282]
 [ 0.57333073]]
dot product : [[-0.34377747]
 [-1.46193542]]
result : [[ 0.23170046]
 [-1.53934031]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.23170046]
 [-1.53934031]]
dot product : [[ 1.27362589]
 [ 0.1286073 ]
 [ 0.91022527]]
result : [[ 1.08819371]
 [ 0.35246695]
 [ 0.99743952]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.80860522]
 [-0.02154802]
 [ 1.07112836]]
dot product : [[-0.47644901]
 [-0.35533564]]
result : [[ 0.09902892]
 [-0.43274053]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.09902892]
 [-0.43274053]]
dot product : [[ 0.40238726]
 [ 0.0117501 ]
 [ 0.27593539]]
result : [[ 0.21695508]
 [ 0.23560975]
 [ 0.36314965]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.88021093]
 [-0.91040425]
 [ 0.47500981]]
dot product : [[-0.19122138]
 [-2.01596474]]
result : [[ 0.38425655]
 [-2.09336963]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.38425655]
 [-2.09336963]]
dot product : [[ 1.82251278]
 [ 0.12509461]
 [ 1.27874706]]
result : [[ 1.63708059]
 [ 0.34895425]
 [ 1.36596132]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.87867669]
 [-0.69203369]
 [ 0.62790797]]
dot product : [[-0.15518673]
 [-1.8799357 ]]
result : [[ 0.4202912 ]
 [-1.95734059]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.4202912 ]
 [-1.95734059]]
dot product : [[ 1.78389978]
 [ 0.0730411 ]
 [ 1.2317447 ]]
result : [[ 1.5984676 ]
 [ 0.29690074]
 [ 1.31895895]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.49203326]
 [-1.01050411]
 [ 0.39885779]]
dot product : [[-0.30756225]
 [-1.82248128]]
result : [[ 0.26791568]
 [-1.89988617]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.26791568]
 [-1.89988617]]
dot product : [[ 1.54831475]
 [ 0.17172919]
 [ 1.11273794]]
result : [[ 1.36288257]
 [ 0.39558884]
 [ 1.19995219]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.66063379]
 [-1.10247317]
 [ 0.33708225]]
dot product : [[-0.27962601]
 [-1.99026577]]
result : [[ 0.29585192]
 [-2.06767066]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.29585192]
 [-2.06767066]]
dot product : [[ 1.69064528]
 [ 0.18381638]
 [ 1.21353678]]
result : [[ 1.5052131 ]
 [ 0.40767602]
 [ 1.30075103]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.8624718 ]
 [-0.58812709]
 [ 0.67352033]]
dot product : [[-0.58479263]
 [-0.67021658]]
result : [[-0.0093147 ]
 [-0.74762147]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[-0.0093147 ]
 [-0.74762147]]
dot product : [[ 0.45915087]
 [ 0.15019454]
 [ 0.36998725]]
result : [[ 0.27371868]
 [ 0.37405419]
 [ 0.4572015 ]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.80786871]
 [-0.86671599]
 [ 0.47927961]]
dot product : [[-0.6172505 ]
 [-0.87839208]]
result : [[-0.04177257]
 [-0.95579697]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[-0.04177257]
 [-0.95579697]]
dot product : [[ 0.54792832]
 [ 0.21351942]
 [ 0.4553418 ]]
result : [[ 0.36249613]
 [ 0.43737906]
 [ 0.54255606]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.08239468]
 [-0.65908384]
 [ 0.63856482]]
dot product : [[-0.35408957]
 [-1.33570172]]
result : [[ 0.22138836]
 [-1.41310661]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.22138836]
 [-1.41310661]]
dot product : [[ 1.18054987]
 [ 0.11180486]
 [ 0.84072257]]
result : [[ 0.99511768]
 [ 0.3356645 ]
 [ 0.92793682]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.87575982]
 [-0.11553038]
 [ 1.00426649]]
dot product : [[-0.50936518]
 [-0.36926553]]
result : [[ 0.06611275]
 [-0.44667042]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.06611275]
 [-0.44667042]]
dot product : [[ 0.36810298]
 [ 0.03812426]
 [ 0.26345759]]
result : [[ 0.18267079]
 [ 0.26198391]
 [ 0.35067185]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.78075027]
 [-0.98418159]
 [ 0.39744286]]
dot product : [[-0.62988497]
 [-0.96886246]]
result : [[-0.05440704]
 [-1.04626736]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[-0.05440704]
 [-1.04626736]]
dot product : [[ 0.58843486]
 [ 0.2399802 ]
 [ 0.49330626]]
result : [[ 0.40300268]
 [ 0.46383985]
 [ 0.58052051]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.89356616]
 [-0.27608096]
 [ 0.89155731]]
dot product : [[-0.54071891]
 [-0.45682031]]
result : [[ 0.03475902]
 [-0.5342252 ]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.03475902]
 [-0.5342252 ]]
dot product : [[ 0.38227974]
 [ 0.07750391]
 [ 0.2888828 ]]
result : [[ 0.19684755]
 [ 0.30136356]
 [ 0.37609705]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.53959763]
 [-1.04203725]
 [ 0.37751727]]
dot product : [[-0.30061318]
 [-1.87327021]]
result : [[ 0.27486475]
 [-1.9506751 ]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.27486475]
 [-1.9506751 ]]
dot product : [[ 1.58942655]
 [ 0.17647334]
 [ 1.14235831]]
result : [[ 1.40399437]
 [ 0.40033299]
 [ 1.22957256]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.84514637]
 [-1.04575562]
 [ 0.37967818]]
dot product : [[-0.22280144]
 [-2.07658482]]
result : [[ 0.35267649]
 [-2.15398971]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.35267649]
 [-2.15398971]]
dot product : [[ 1.81941243]
 [ 0.15946777]
 [ 1.29051022]]
result : [[ 1.63398025]
 [ 0.38332741]
 [ 1.37772447]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.87519723]
 [-0.65344906]
 [ 0.65487403]]
dot product : [[-0.14964321]
 [-1.85378953]]
result : [[ 0.42583472]
 [-1.93119442]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.42583472]
 [-1.93119442]]
dot product : [[ 1.77466888]
 [ 0.06403147]
 [ 1.22189231]]
result : [[ 1.5892367 ]
 [ 0.28789112]
 [ 1.30910657]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.24775025]
 [-0.34713934]
 [ 0.85186713]]
dot product : [[-0.38679682]
 [-0.92562782]]
result : [[ 0.18868111]
 [-1.00303271]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.18868111]
 [-1.00303271]]
dot product : [[ 0.87922577]
 [ 0.05665141]
 [ 0.61540951]]
result : [[ 0.69379359]
 [ 0.28051106]
 [ 0.70262377]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.87312378]
 [-0.10708939]
 [ 1.01021872]]
dot product : [[-0.50728041]
 [-0.36578062]]
result : [[ 0.06819752]
 [-0.44318551]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.06819752]
 [-0.44318551]]
dot product : [[ 0.36863356]
 [ 0.03595432]
 [ 0.26294069]]
result : [[ 0.18320137]
 [ 0.25981396]
 [ 0.35015494]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.57477534]
 [-0.08211458]
 [ 1.03236081]]
dot product : [[-0.42653035]
 [-0.54661713]]
result : [[ 0.14894758]
 [-0.62402202]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.14894758]
 [-0.62402202]]
dot product : [[ 0.58829252]
 [ 0.01251894]
 [ 0.40154121]]
result : [[ 0.40286034]
 [ 0.23637858]
 [ 0.48875547]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.45000473]
 [-0.17220518]
 [ 0.97121724]]
dot product : [[-0.40953156]
 [-0.68440517]]
result : [[ 0.16594637]
 [-0.76181006]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.16594637]
 [-0.76181006]]
dot product : [[ 0.69740162]
 [ 0.02672433]
 [ 0.48080321]]
result : [[ 0.51196943]
 [ 0.25058398]
 [ 0.56801746]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.58378371]
 [-0.07647514]
 [ 1.03616955]]
dot product : [[-0.42790196]
 [-0.53720377]]
result : [[ 0.14757597]
 [-0.61460866]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.14757597]
 [-0.61460866]]
dot product : [[ 0.5805633 ]
 [ 0.01169988]
 [ 0.3960018 ]]
result : [[ 0.39513112]
 [ 0.23555952]
 [ 0.48321606]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.77023174]
 [-0.06266718]
 [ 1.0669541 ]]
dot product : [[-0.07803307]
 [-1.41945084]]
result : [[ 0.49744485]
 [-1.49685573]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.49744485]
 [-1.49685573]]
dot product : [[ 1.59453233]
 [-0.07089073]
 [ 1.04610935]]
result : [[ 1.40910015]
 [ 0.15296892]
 [ 1.13332361]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.61112977]
 [-1.08199651]
 [ 0.35064981]]
dot product : [[-0.28891741]
 [-1.94503706]]
result : [[ 0.28656052]
 [-2.02244195]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.28656052]
 [-2.02244195]]
dot product : [[ 1.6499743 ]
 [ 0.18182592]
 [ 1.18532327]]
result : [[ 1.46454211]
 [ 0.40568557]
 [ 1.27253753]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.25151697]
 [-0.81524509]
 [ 0.53184446]]
dot product : [[-0.33672792]
 [-1.54351985]]
result : [[ 0.23875001]
 [-1.62092474]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.23875001]
 [-1.62092474]]
dot product : [[ 1.33428418]
 [ 0.13918954]
 [ 0.95537234]]
result : [[ 1.14885199]
 [ 0.36304919]
 [ 1.04258659]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.34591249]
 [-0.2591908 ]
 [ 0.91192558]]
dot product : [[-0.39732278]
 [-0.80666943]]
result : [[ 0.17815515]
 [-0.88407432]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.17815515]
 [-0.88407432]]
dot product : [[ 0.79045666]
 [ 0.04139927]
 [ 0.54943436]]
result : [[ 0.60502447]
 [ 0.26525892]
 [ 0.63664861]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.8199447 ]
 [-0.81128412]
 [ 0.51790952]]
dot product : [[-0.6111032 ]
 [-0.83617366]]
result : [[-0.03562527]
 [-0.91357855]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[-0.03562527]
 [-0.91357855]]
dot product : [[ 0.52935464]
 [ 0.20099037]
 [ 0.43777423]]
result : [[ 0.34392245]
 [ 0.42485002]
 [ 0.52498849]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.61963995]
 [-1.08600301]
 [ 0.34797682]]
dot product : [[-0.28740127]
 [-1.95311301]]
result : [[ 0.28807666]
 [-2.0305179 ]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.28807666]
 [-2.0305179 ]]
dot product : [[ 1.65704944]
 [ 0.18228424]
 [ 1.19027647]]
result : [[ 1.47161726]
 [ 0.40614389]
 [ 1.27749072]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.87164646]
 [-0.96772944]
 [ 0.43473216]]
dot product : [[-0.20298278]
 [-2.04577478]]
result : [[ 0.37249515]
 [-2.12317967]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.37249515]
 [-2.12317967]]
dot product : [[ 1.82591831]
 [ 0.13928449]
 [ 1.28676097]]
result : [[ 1.64048612]
 [ 0.36314413]
 [ 1.37397523]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.05527359]
 [-0.52809735]
 [ 0.72814612]]
dot product : [[-0.36757686]
 [-1.16414237]]
result : [[ 0.20790107]
 [-1.24154726]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.20790107]
 [-1.24154726]]
dot product : [[ 1.05474399]
 [ 0.08858949]
 [ 0.74657621]]
result : [[ 0.8693118 ]
 [ 0.31244914]
 [ 0.83379046]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.88312225]
 [-0.76350839]
 [ 0.57792449]]
dot product : [[-0.16596896]
 [-1.92705354]]
result : [[ 0.40950897]
 [-2.00445843]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.40950897]
 [-2.00445843]]
dot product : [[ 1.79949812]
 [ 0.08984776]
 [ 1.24903087]]
result : [[ 1.61406593]
 [ 0.31370741]
 [ 1.33624513]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.60251976]
 [-1.07776145]
 [ 0.35348131]]
dot product : [[-0.29042104]
 [-1.93675411]]
result : [[ 0.28505689]
 [-2.014159  ]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.28505689]
 [-2.014159  ]]
dot product : [[ 1.64278501]
 [ 0.18131888]
 [ 1.18027351]]
result : [[ 1.45735283]
 [ 0.40517852]
 [ 1.26748777]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.88477696]
 [-0.42422919]
 [ 0.78794808]]
dot product : [[-0.56317681]
 [-0.55420343]]
result : [[ 0.01230112]
 [-0.63160832]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.01230112]
 [-0.63160832]]
dot product : [[ 0.41429177]
 [ 0.1123646 ]
 [ 0.32450739]]
result : [[ 0.22885959]
 [ 0.33622425]
 [ 0.41172165]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.7843778 ]
 [-0.12539678]
 [ 1.02324597]]
dot product : [[-0.08486641]
 [-1.46754335]]
result : [[ 0.49061152]
 [-1.54494824]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.49061152]
 [-1.54494824]]
dot product : [[ 1.61591175]
 [-0.05674033]
 [ 1.06622135]]
result : [[ 1.43047956]
 [ 0.16711932]
 [ 1.1534356 ]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.8773334 ]
 [-0.93457826]
 [ 0.45803619]]
dot product : [[-0.19599272]
 [-2.02901858]]
result : [[ 0.37948521]
 [-2.10642347]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.37948521]
 [-2.10642347]]
dot product : [[ 1.82449992]
 [ 0.13103548]
 [ 1.28248058]]
result : [[ 1.63906773]
 [ 0.35489513]
 [ 1.36969483]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.13937598]
 [-0.71261405]
 [ 0.60196689]]
dot product : [[-0.34839279]
 [-1.4062868 ]]
result : [[ 0.22708513]
 [-1.48369169]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.22708513]
 [-1.48369169]]
dot product : [[ 1.23250369]
 [ 0.12125008]
 [ 0.8795448 ]]
result : [[ 1.04707151]
 [ 0.34510973]
 [ 0.96675905]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.59269937]
 [-0.07103919]
 [ 1.03983725]]
dot product : [[-0.42928372]
 [-0.52797722]]
result : [[ 0.14619421]
 [-0.60538212]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.14619421]
 [-0.60538212]]
dot product : [[ 0.57293858]
 [ 0.01092397]
 [ 0.39055022]]
result : [[ 0.3875064 ]
 [ 0.23478362]
 [ 0.47776447]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.8261106 ]
 [-0.32735242]
 [ 0.88246983]]
dot product : [[-0.10784407]
 [-1.61986893]]
result : [[ 0.46763386]
 [-1.69727382]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.46763386]
 [-1.69727382]]
dot product : [[ 1.68188221]
 [-0.01096053]
 [ 1.12913367]]
result : [[ 1.49645003]
 [ 0.21289911]
 [ 1.21634792]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.76193823]
 [-0.01066996]
 [ 1.07947387]]
dot product : [[-0.46265528]
 [-0.37931112]]
result : [[ 0.11282265]
 [-0.45671602]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.11282265]
 [-0.45671602]]
dot product : [[ 0.43554985]
 [ 0.0064197 ]
 [ 0.29613803]]
result : [[ 0.25011767]
 [ 0.23027935]
 [ 0.38335228]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.11248479]
 [-0.47366382]
 [ 0.76537305]]
dot product : [[-0.37318196]
 [-1.09284751]]
result : [[ 0.20229597]
 [-1.1702524 ]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.20229597]
 [-1.1702524 ]]
dot product : [[ 1.00246262]
 [ 0.07894203]
 [ 0.70745172]]
result : [[ 0.81703044]
 [ 0.30280168]
 [ 0.79466598]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.836243  ]
 [-0.73217645]
 [ 0.57305343]]
dot product : [[-0.60209014]
 [-0.77653858]]
result : [[-0.02661221]
 [-0.85394347]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[-0.02661221]
 [-0.85394347]]
dot product : [[ 0.50355008]
 [ 0.1830552 ]
 [ 0.41315449]]
result : [[ 0.3181179 ]
 [ 0.40691485]
 [ 0.50036874]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.65236982]
 [-0.03900642]
 [ 1.06133886]]
dot product : [[-0.43925698]
 [-0.46891497]]
result : [[ 0.13622095]
 [-0.54631986]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.13622095]
 [-0.54631986]]
dot product : [[ 0.52265412]
 [ 0.00676947]
 [ 0.35498531]]
result : [[ 0.33722194]
 [ 0.23062912]
 [ 0.44219957]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.21820126]
 [-0.78523648]
 [ 0.55233957]]
dot product : [[-0.34027379]
 [-1.5030475 ]]
result : [[ 0.23520414]
 [-1.5804524 ]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.23520414]
 [-1.5804524 ]]
dot product : [[ 1.3041291 ]
 [ 0.133975  ]
 [ 0.93294698]]
result : [[ 1.11869692]
 [ 0.35783464]
 [ 1.02016124]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.85258341]
 [-0.47941491]
 [ 0.77639526]]
dot product : [[-0.1264157 ]
 [-1.73130601]]
result : [[ 0.44906223]
 [-1.80871091]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.44906223]
 [-1.80871091]]
dot product : [[ 1.72783923]
 [ 0.02379924]
 [ 1.17411619]]
result : [[ 1.54240705]
 [ 0.24765888]
 [ 1.26133045]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.74891835]
 [-0.01094122]
 [ 1.07948694]]
dot product : [[-0.45935843]
 [-0.38804441]]
result : [[ 0.1161195]
 [-0.4654493]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.1161195]
 [-0.4654493]]
dot product : [[ 0.44536924]
 [ 0.005722  ]
 [ 0.3024749 ]]
result : [[ 0.25993706]
 [ 0.22958165]
 [ 0.38968915]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.36720003]
 [-0.24077752]
 [ 0.9244882 ]]
dot product : [[-0.39971543]
 [-0.78127967]]
result : [[ 0.1757625 ]
 [-0.85868456]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.1757625 ]
 [-0.85868456]]
dot product : [[ 0.77131922]
 [ 0.03824911]
 [ 0.53526661]]
result : [[ 0.58588704]
 [ 0.26210876]
 [ 0.62248087]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.3027292 ]
 [-0.29732748]
 [ 0.88589238]]
dot product : [[-0.3925999 ]
 [-0.85865912]]
result : [[ 0.18287803]
 [-0.93606401]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.18287803]
 [-0.93606401]]
dot product : [[ 0.82941281]
 [ 0.0479768 ]
 [ 0.57834074]]
result : [[ 0.64398062]
 [ 0.27183645]
 [ 0.66555499]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.3062507 ]
 [-0.86339003]
 [ 0.49898272]]
dot product : [[-0.33070971]
 [-1.60929655]]
result : [[ 0.24476822]
 [-1.68670144]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.24476822]
 [-1.68670144]]
dot product : [[ 1.38362711]
 [ 0.14748048]
 [ 0.9919697 ]]
result : [[ 1.19819493]
 [ 0.37134012]
 [ 1.07918395]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.86603769]
 [-0.56591058]
 [ 0.68902265]]
dot product : [[-0.58200181]
 [-0.65413405]]
result : [[-0.00652388]
 [-0.73153895]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[-0.00652388]
 [-0.73153895]]
dot product : [[ 0.45266304]
 [ 0.14509843]
 [ 0.36356081]]
result : [[ 0.26723085]
 [ 0.36895807]
 [ 0.45077507]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.87822135]
 [-0.1243584 ]
 [ 0.99804596]]
dot product : [[-0.51146972]
 [-0.37310454]]
result : [[ 0.0640082 ]
 [-0.45050943]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.0640082 ]
 [-0.45050943]]
dot product : [[ 0.36776977]
 [ 0.0403764 ]
 [ 0.26414065]]
result : [[ 0.18233758]
 [ 0.26423605]
 [ 0.35135491]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.38085591]
 [-0.92606427]
 [ 0.45625618]]
dot product : [[-0.32201441]
 [-1.69712991]]
result : [[ 0.25346352]
 [-1.7745348 ]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.25346352]
 [-1.7745348 ]]
dot product : [[ 1.45037828]
 [ 0.15807706]
 [ 1.04122901]]
result : [[ 1.2649461 ]
 [ 0.38193671]
 [ 1.12844327]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.88232077]
 [-0.74634198]
 [ 0.58993341]]
dot product : [[-0.163311  ]
 [-1.91591218]]
result : [[ 0.41216693]
 [-1.99331707]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.41216693]
 [-1.99331707]]
dot product : [[ 1.79595163]
 [ 0.08579563]
 [ 1.24500757]]
result : [[ 1.61051944]
 [ 0.30965528]
 [ 1.33222183]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.72734629]
 [-1.11595321]
 [ 0.32868269]]
dot product : [[-0.26475016]
 [-2.04248962]]
result : [[ 0.31072777]
 [-2.11989451]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.31072777]
 [-2.11989451]]
dot product : [[ 1.74303286]
 [ 0.18312839]
 [ 1.24856756]]
result : [[ 1.55760067]
 [ 0.40698804]
 [ 1.33578182]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.66048242]
 [-0.03533603]
 [ 1.06378268]]
dot product : [[-0.44072713]
 [-0.46130841]]
result : [[ 0.1347508]
 [-0.5387133]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.1347508]
 [-0.5387133]]
dot product : [[ 0.51593507]
 [ 0.00636813]
 [ 0.35029508]]
result : [[ 0.33050289]
 [ 0.23022778]
 [ 0.43750933]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.78790495]
 [-0.95398039]
 [ 0.41848079]]
dot product : [[-0.62668337]
 [-0.94548196]]
result : [[-0.05120544]
 [-1.02288685]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[-0.05120544]
 [-1.02288685]]
dot product : [[ 0.57788349]
 [ 0.23318763]
 [ 0.4834574 ]]
result : [[ 0.39245131]
 [ 0.45704728]
 [ 0.57067166]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.41942256]
 [-0.19690025]
 [ 0.95440051]]
dot product : [[-0.40580097]
 [-0.71979377]]
result : [[ 0.16967696]
 [-0.79719867]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.16967696]
 [-0.79719867]]
dot product : [[ 0.72459334]
 [ 0.03083017]
 [ 0.50078451]]
result : [[ 0.53916115]
 [ 0.25468982]
 [ 0.58799876]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.55803192]
 [-1.05329141]
 [ 0.36992359]]
dot product : [[-0.29775865]
 [-1.89235634]]
result : [[ 0.27771928]
 [-1.96976123]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.27771928]
 [-1.96976123]]
dot product : [[ 1.60519417]
 [ 0.17808111]
 [ 1.15363328]]
result : [[ 1.41976198]
 [ 0.40194076]
 [ 1.24084753]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.19185916]
 [-0.39888405]
 [ 0.81650256]]
dot product : [[-0.38108203]
 [-0.99439168]]
result : [[ 0.1943959 ]
 [-1.07179657]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.1943959 ]
 [-1.07179657]]
dot product : [[ 0.93005497]
 [ 0.06573413]
 [ 0.65332768]]
result : [[ 0.74462279]
 [ 0.28959378]
 [ 0.74054193]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.45257334]
 [-0.98203513]
 [ 0.41817889]]
dot product : [[-0.31294212]
 [-1.77891872]]
result : [[ 0.26253581]
 [-1.85632361]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.26253581]
 [-1.85632361]]
dot product : [[ 1.5138119 ]
 [ 0.1672421 ]
 [ 1.08767545]]
result : [[ 1.32837971]
 [ 0.39110175]
 [ 1.1748897 ]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.86836884]
 [-0.59192698]
 [ 0.69785067]]
dot product : [[-0.14113292]
 [-1.81125781]]
result : [[ 0.43434501]
 [-1.8886627 ]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.43434501]
 [-1.8886627 ]]
dot product : [[ 1.75898934]
 [ 0.04974088]
 [ 1.2055654 ]]
result : [[ 1.57355715]
 [ 0.27360052]
 [ 1.29277965]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.82464401]
 [-1.07597374]
 [ 0.3581971 ]]
dot product : [[-0.23310522]
 [-2.08178067]]
result : [[ 0.34237271]
 [-2.15918556]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.34237271]
 [-2.15918556]]
dot product : [[ 1.80920705]
 [ 0.16788402]
 [ 1.28702385]]
result : [[ 1.62377487]
 [ 0.39174367]
 [ 1.37423811]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.74738816]
 [-1.11543764]
 [ 0.32935628]]
dot product : [[-0.25951955]
 [-2.05535605]]
result : [[ 0.31595838]
 [-2.13276094]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.31595838]
 [-2.13276094]]
dot product : [[ 1.75798804]
 [ 0.1818316 ]
 [ 1.2581244 ]]
result : [[ 1.57255586]
 [ 0.40569124]
 [ 1.34533865]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.69183527]
 [-0.02307173]
 [ 1.07188228]]
dot product : [[-0.44672924]
 [-0.4330988 ]]
result : [[ 0.12874869]
 [-0.51050369]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.12874869]
 [-0.51050369]]
dot product : [[ 0.49029737]
 [ 0.00527569]
 [ 0.33257558]]
result : [[ 0.30486518]
 [ 0.22913534]
 [ 0.41978983]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.71414978]
 [-0.01651868]
 [ 1.07612332]]
dot product : [[-0.45136403]
 [-0.41436666]]
result : [[ 0.1241139 ]
 [-0.49177155]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.1241139 ]
 [-0.49177155]]
dot product : [[ 0.4724237 ]
 [ 0.0050177 ]
 [ 0.32042515]]
result : [[ 0.28699151]
 [ 0.22887735]
 [ 0.40763941]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.8841156 ]
 [-0.79645963]
 [ 0.55486465]]
dot product : [[-0.17121089]
 [-1.94808098]]
result : [[ 0.40426704]
 [-2.02548587]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.40426704]
 [-2.02548587]]
dot product : [[ 1.80589651]
 [ 0.09765781]
 [ 1.25649077]]
result : [[ 1.62046432]
 [ 0.32151746]
 [ 1.34370503]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.85221913]
 [-1.03110487]
 [ 0.39004821]]
dot product : [[-0.21854189]
 [-2.07217923]]
result : [[ 0.35693604]
 [-2.14958412]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.35693604]
 [-2.14958412]]
dot product : [[ 1.82220799]
 [ 0.15555521]
 [ 1.29081756]]
result : [[ 1.6367758 ]
 [ 0.37941486]
 [ 1.37803182]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.83754064]
 [-0.04312429]
 [ 1.05556754]]
dot product : [[-0.48747586]
 [-0.34964023]]
result : [[ 0.08800207]
 [-0.42704512]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.08800207]
 [-0.42704512]]
dot product : [[ 0.38436944]
 [ 0.01859668]
 [ 0.26655102]]
result : [[ 0.19893726]
 [ 0.24245632]
 [ 0.35376528]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.72135026]
 [-0.01485856]
 [ 1.07717359]]
dot product : [[-0.4529354 ]
 [-0.40860312]]
result : [[ 0.12254253]
 [-0.48600801]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.12254253]
 [-0.48600801]]
dot product : [[ 0.46673415]
 [ 0.00504297]
 [ 0.31660071]]
result : [[ 0.28130196]
 [ 0.22890261]
 [ 0.40381496]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.47996716]
 [-0.14885975]
 [ 0.98709849]]
dot product : [[-0.41332821]
 [-0.65025877]]
result : [[ 0.16214972]
 [-0.72766366]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.16214972]
 [-0.72766366]]
dot product : [[ 0.67090661]
 [ 0.02290447]
 [ 0.46140673]]
result : [[ 0.48547443]
 [ 0.24676412]
 [ 0.54862098]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.69887632]
 [-1.1126556 ]
 [ 0.330548  ]]
dot product : [[-0.27150807]
 [-2.02172076]]
result : [[ 0.30396986]
 [-2.09912566]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.30396986]
 [-2.09912566]]
dot product : [[ 1.72109731]
 [ 0.18400823]
 [ 1.23413808]]
result : [[ 1.53566513]
 [ 0.40786788]
 [ 1.32135233]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.29539115]
 [-0.85396583]
 [ 0.50541302]]
dot product : [[-0.33192513]
 [-1.59632519]]
result : [[ 0.2435528 ]
 [-1.67373008]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.2435528 ]
 [-1.67373008]]
dot product : [[ 1.37385911]
 [ 0.14586608]
 [ 0.98473566]]
result : [[ 1.18842692]
 [ 0.36972573]
 [ 1.07194992]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.81402889]
 [-0.83872816]
 [ 0.49878306]]
dot product : [[-0.61416286]
 [-0.85703437]]
result : [[-0.03868493]
 [-0.93443927]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[-0.03868493]
 [-0.93443927]]
dot product : [[ 0.53850312]
 [ 0.20719713]
 [ 0.44644149]]
result : [[ 0.35307094]
 [ 0.43105677]
 [ 0.53365574]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.75549339]
 [-0.01066178]
 [ 1.0795801 ]]
dot product : [[-0.46099958]
 [-0.38354602]]
result : [[ 0.11447835]
 [-0.46095092]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.11447835]
 [-0.46095092]]
dot product : [[ 0.44038601]
 [ 0.00604033]
 [ 0.2992446 ]]
result : [[ 0.25495383]
 [ 0.22989997]
 [ 0.38645885]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.87538845]
 [-0.50225611]
 [ 0.73345324]]
dot product : [[-0.57378327]
 [-0.60862444]]
result : [[ 0.00169466]
 [-0.68602933]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.00169466]
 [-0.68602933]]
dot product : [[ 0.43472436]
 [ 0.13044636]
 [ 0.34556563]]
result : [[ 0.24929218]
 [ 0.35430601]
 [ 0.43277988]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.6841651 ]
 [-0.02576757]
 [ 1.07011403]]
dot product : [[-0.44521009]
 [-0.43981173]]
result : [[ 0.13026784]
 [-0.51721662]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.13026784]
 [-0.51721662]]
dot product : [[ 0.49651715]
 [ 0.00547024]
 [ 0.33684597]]
result : [[ 0.31108496]
 [ 0.22932988]
 [ 0.42406023]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.88658559]
 [-0.40591942]
 [ 0.80074197]]
dot product : [[-0.56058665]
 [-0.54169253]]
result : [[ 0.01489128]
 [-0.61909742]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.01489128]
 [-0.61909742]]
dot product : [[ 0.40979316]
 [ 0.10809844]
 [ 0.31975612]]
result : [[ 0.22436097]
 [ 0.33195809]
 [ 0.40697038]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.5761078 ]
 [-1.06372307]
 [ 0.36290032]]
dot product : [[-0.29485892]
 [-1.91069811]]
result : [[ 0.28061901]
 [-1.98810301]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.28061901]
 [-1.98810301]]
dot product : [[ 1.62055165]
 [ 0.17951347]
 [ 1.16456113]]
result : [[ 1.43511947]
 [ 0.40337312]
 [ 1.25177538]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.88431089]
 [-0.8122521 ]
 [ 0.54380843]]
dot product : [[-0.17379525]
 [-1.95797403]]
result : [[ 0.40168268]
 [-2.03537892]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.40168268]
 [-2.03537892]]
dot product : [[ 1.80875228]
 [ 0.10141736]
 [ 1.25993064]]
result : [[ 1.6233201 ]
 [ 0.32527701]
 [ 1.34714489]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.20310013]
 [-0.38840343]
 [ 0.82366671]]
dot product : [[-0.38221913]
 [-0.9805162 ]]
result : [[ 0.1932588 ]
 [-1.05792109]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.1932588 ]
 [-1.05792109]]
dot product : [[ 0.91981944]
 [ 0.06388982]
 [ 0.64568588]]
result : [[ 0.73438726]
 [ 0.28774947]
 [ 0.73290014]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.43987726]
 [-0.18029201]
 [ 0.96571207]]
dot product : [[-0.40828096]
 [-0.69606799]]
result : [[ 0.16719697]
 [-0.77347289]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.16719697]
 [-0.77347289]]
dot product : [[ 0.70639069]
 [ 0.02806225]
 [ 0.48740084]]
result : [[ 0.52095851]
 [ 0.2519219 ]
 [ 0.57461509]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.83110741]
 [-0.35401954]
 [ 0.86387311]]
dot product : [[-0.11101003]
 [-1.63964468]]
result : [[ 0.4644679 ]
 [-1.71704957]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.4644679 ]
 [-1.71704957]]
dot product : [[ 1.69020761]
 [-0.00488548]
 [ 1.1371931 ]]
result : [[ 1.50477542]
 [ 0.21897417]
 [ 1.22440736]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.84039431]
 [-0.40575427]
 [ 0.82778877]]
dot product : [[-0.11725652]
 [-1.67774224]]
result : [[ 0.45822141]
 [-1.75514713]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.45822141]
 [-1.75514713]]
dot product : [[ 1.70605352]
 [ 0.00692408]
 [ 1.15263226]]
result : [[ 1.52062133]
 [ 0.23078373]
 [ 1.23984651]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.18059023]
 [-0.40942288]
 [ 0.80929809]]
dot product : [[-0.37994746]
 [-1.00832153]]
result : [[ 0.19553047]
 [-1.08572642]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.19553047]
 [-1.08572642]]
dot product : [[ 0.94032148]
 [ 0.06759071]
 [ 0.66099529]]
result : [[ 0.75488929]
 [ 0.29145035]
 [ 0.74820954]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.2844863 ]
 [-0.84443541]
 [ 0.51191699]]
dot product : [[-0.33313446]
 [-1.58325836]]
result : [[ 0.24234347]
 [-1.66066325]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.24234347]
 [-1.66066325]]
dot product : [[ 1.36403888]
 [ 0.14422898]
 [ 0.97745728]]
result : [[ 1.17860669]
 [ 0.36808862]
 [ 1.06467154]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.82087594]
 [-0.30014702]
 [ 0.90143979]]
dot product : [[-0.10464938]
 [-1.59960389]]
result : [[ 0.47082855]
 [-1.67700878]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.47082855]
 [-1.67700878]]
dot product : [[ 1.67328595]
 [-0.01715019]
 [ 1.12084549]]
result : [[ 1.48785377]
 [ 0.20670945]
 [ 1.20805974]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.81535065]
 [-1.08557778]
 [ 0.35132659]]
dot product : [[-0.23709289]
 [-2.08160495]]
result : [[ 0.33838504]
 [-2.15900985]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.33838504]
 [-2.15900985]]
dot product : [[ 1.80387894]
 [ 0.17072154]
 [ 1.28457637]]
result : [[ 1.61844675]
 [ 0.39458119]
 [ 1.37179063]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.8800997 ]
 [-0.71060845]
 [ 0.6149225 ]]
dot product : [[-0.15792009]
 [-1.89235674]]
result : [[ 0.41755784]
 [-1.96976163]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.41755784]
 [-1.96976163]]
dot product : [[ 1.7881544 ]
 [ 0.07739312]
 [ 1.23636612]]
result : [[ 1.60272221]
 [ 0.30125276]
 [ 1.32358037]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.8641857 ]
 [-0.08405028]
 [ 1.02649209]]
dot product : [[-0.5011427 ]
 [-0.35741563]]
result : [[ 0.07433523]
 [-0.43482052]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.07433523]
 [-0.43482052]]
dot product : [[ 0.37139022]
 [ 0.02992952]
 [ 0.26237057]]
result : [[ 0.18595804]
 [ 0.25378917]
 [ 0.34958482]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.69145814]
 [-1.11114508]
 [ 0.33149012]]
dot product : [[-0.27316028]
 [-2.0159065 ]]
result : [[ 0.30231765]
 [-2.09331139]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.30231765]
 [-2.09331139]]
dot product : [[ 1.71527002]
 [ 0.18408196]
 [ 1.23024033]]
result : [[ 1.52983783]
 [ 0.40794161]
 [ 1.31745458]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.04380197]
 [-0.53903629]
 [ 0.72066461]]
dot product : [[-0.36645701]
 [-1.17845296]]
result : [[ 0.20902092]
 [-1.25585786]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.20902092]
 [-1.25585786]]
dot product : [[ 1.06523127]
 [ 0.09052974]
 [ 0.75442634]]
result : [[ 0.87979908]
 [ 0.31438938]
 [ 0.84164059]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.07095282]
 [-0.6482618 ]
 [ 0.64596492]]
dot product : [[-0.35522128]
 [-1.32148298]]
result : [[ 0.22025665]
 [-1.39888787]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.22025665]
 [-1.39888787]]
dot product : [[ 1.17010497]
 [ 0.10989078]
 [ 0.83291155]]
result : [[ 0.98467279]
 [ 0.33375043]
 [ 0.92012581]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.80146246]
 [-0.89525142]
 [ 0.45939652]]
dot product : [[-0.62036634]
 [-0.90025025]]
result : [[-0.04488841]
 [-0.97765514]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[-0.04488841]
 [-0.97765514]]
dot product : [[ 0.55763215]
 [ 0.21995806]
 [ 0.4644768 ]]
result : [[ 0.37219997]
 [ 0.4438177 ]
 [ 0.55169106]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.88410719]
 [-0.84248988]
 [ 0.52263013]]
dot product : [[-0.17889179]
 [-1.9765362 ]]
result : [[ 0.39658614]
 [-2.05394109]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.39658614]
 [-2.05394109]]
dot product : [[ 1.81378667]
 [ 0.10864958]
 [ 1.26623835]]
result : [[ 1.62835448]
 [ 0.33250923]
 [ 1.35345261]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.17332101]
 [-0.74413054]
 [ 0.58042565]]
dot product : [[-0.34493693]
 [-1.44810549]]
result : [[ 0.230541  ]
 [-1.52551038]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.230541  ]
 [-1.52551038]]
dot product : [[ 1.26338982]
 [ 0.12678783]
 [ 0.90259312]]
result : [[ 1.07795763]
 [ 0.35064748]
 [ 0.98980737]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.8411984 ]
 [-0.70686931]
 [ 0.59069842]]
dot product : [[-0.59914043]
 [-0.75763096]]
result : [[-0.0236625 ]
 [-0.83503585]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[-0.0236625 ]
 [-0.83503585]]
dot product : [[ 0.49548908]
 [ 0.17730246]
 [ 0.40540314]]
result : [[ 0.31005689]
 [ 0.40116211]
 [ 0.4926174 ]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.72842907]
 [-0.01346693]
 [ 1.07803774]]
dot product : [[-0.45452032]
 [-0.40308564]]
result : [[ 0.12095761]
 [-0.48049053]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.12095761]
 [-0.48049053]]
dot product : [[ 0.46118199]
 [ 0.00512522]
 [ 0.31289182]]
result : [[ 0.27574981]
 [ 0.22898486]
 [ 0.40010608]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.74083576]
 [-1.11590179]
 [ 0.32892906]]
dot product : [[-0.26127893]
 [-2.05133233]]
result : [[ 0.314199  ]
 [-2.12873722]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.314199  ]
 [-2.12873722]]
dot product : [[ 1.75314937]
 [ 0.18232615]
 [ 1.25506255]]
result : [[ 1.56771719]
 [ 0.4061858 ]
 [ 1.34227681]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.49957509]
 [-0.13409692]
 [ 0.99713094]]
dot product : [[-0.41589869]
 [-0.62823109]]
result : [[ 0.15957924]
 [-0.70563598]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.15957924]
 [-0.70563598]]
dot product : [[ 0.65365614]
 [ 0.02052762]
 [ 0.4488224 ]]
result : [[ 0.46822396]
 [ 0.24438727]
 [ 0.53603666]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.24044795]
 [-0.80532804]
 [ 0.53861663]]
dot product : [[-0.3379149 ]
 [-1.53010596]]
result : [[ 0.23756303]
 [-1.60751085]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.23756303]
 [-1.60751085]]
dot product : [[ 1.32427439]
 [ 0.13746973]
 [ 0.94793287]]
result : [[ 1.13884221]
 [ 0.36132938]
 [ 1.03514712]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.76277979]
 [-0.03044527]
 [ 1.08940248]]
dot product : [[-0.07457069]
 [-1.39462534]]
result : [[ 0.50090724]
 [-1.47203023]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.50090724]
 [-1.47203023]]
dot product : [[ 1.58341117]
 [-0.0781484 ]
 [ 1.03568902]]
result : [[ 1.39797898]
 [ 0.14571125]
 [ 1.12290328]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.37036119]
 [-0.91749063]
 [ 0.46209653]]
dot product : [[-0.32327807]
 [-1.68492448]]
result : [[ 0.25219986]
 [-1.76232937]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.25219986]
 [-1.76232937]]
dot product : [[ 1.44103004]
 [ 0.1566444 ]
 [ 1.03435113]]
result : [[ 1.25559785]
 [ 0.38050405]
 [ 1.12156539]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.89329364]
 [-0.24810329]
 [ 0.91115396]]
dot product : [[-0.53598174]
 [-0.43970085]]
result : [[ 0.03949619]
 [-0.51710575]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.03949619]
 [-0.51710575]]
dot product : [[ 0.37768473]
 [ 0.07080734]
 [ 0.28308709]]
result : [[ 0.19225255]
 [ 0.29466699]
 [ 0.37030134]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.82007365]
 [-1.08094931]
 [ 0.3546415 ]]
dot product : [[-0.23510841]
 [-2.08185033]]
result : [[ 0.34036952]
 [-2.15925522]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.34036952]
 [-2.15925522]]
dot product : [[ 1.80663006]
 [ 0.16933975]
 [ 1.28587369]]
result : [[ 1.62119787]
 [ 0.3931994 ]
 [ 1.37308795]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.40166683]
 [-0.94279731]
 [ 0.44486278]]
dot product : [[-0.3194638 ]
 [-1.72116721]]
result : [[ 0.25601413]
 [-1.7985721 ]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.25601413]
 [-1.7985721 ]]
dot product : [[ 1.46886972]
 [ 0.16085392]
 [ 1.05481093]]
result : [[ 1.28343754]
 [ 0.38471356]
 [ 1.14202519]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.56567595]
 [-0.08795369]
 [ 1.02841365]]
dot product : [[-0.42516869]
 [-0.55621381]]
result : [[ 0.15030924]
 [-0.6336187 ]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.15030924]
 [-0.6336187 ]]
dot product : [[ 0.59612431]
 [ 0.01338035]
 [ 0.40716682]]
result : [[ 0.41069212]
 [ 0.23723999]
 [ 0.49438107]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.88261408]
 [-0.14319077]
 [ 0.98478939]]
dot product : [[-0.51573892]
 [-0.38185879]]
result : [[ 0.05973901]
 [-0.45926368]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.05973901]
 [-0.45926368]]
dot product : [[ 0.36770322]
 [ 0.04513051]
 [ 0.26601176]]
result : [[ 0.18227104]
 [ 0.26899016]
 [ 0.35322601]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.8756188 ]
 [-0.94603947]
 [ 0.44998331]]
dot product : [[-0.1983448]
 [-2.0349771]]
result : [[ 0.37713313]
 [-2.11238199]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.37713313]
 [-2.11238199]]
dot product : [[ 1.82517909]
 [ 0.13387265]
 [ 1.28408173]]
result : [[ 1.6397469 ]
 [ 0.35773229]
 [ 1.37129598]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.85550694]
 [-1.02321488]
 [ 0.39562474]]
dot product : [[-0.21638173]
 [-2.0694638 ]]
result : [[ 0.3590962 ]
 [-2.14686869]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.3590962 ]
 [-2.14686869]]
dot product : [[ 1.82332233]
 [ 0.15347867]
 [ 1.29073173]]
result : [[ 1.63789014]
 [ 0.37733832]
 [ 1.37794599]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.85618893]
 [-0.50293269]
 [ 0.75998228]]
dot product : [[-0.12941342]
 [-1.7482192 ]]
result : [[ 0.44606451]
 [-1.82562409]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.44606451]
 [-1.82562409]]
dot product : [[ 1.73458004]
 [ 0.02920376]
 [ 1.18083742]]
result : [[ 1.54914785]
 [ 0.2530634 ]
 [ 1.26805167]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.09382361]
 [-0.66987231]
 [ 0.63118801]]
dot product : [[-0.35295558]
 [-1.3498912 ]]
result : [[ 0.22252235]
 [-1.42729609]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.22252235]
 [-1.42729609]]
dot product : [[ 1.1909793 ]
 [ 0.11371167]
 [ 0.84852023]]
result : [[ 1.00554711]
 [ 0.33757132]
 [ 0.93573449]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.12388573]
 [-0.46285611]
 [ 0.77276375]]
dot product : [[-0.37430556]
 [-1.07866455]]
result : [[ 0.20117237]
 [-1.15606944]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.20117237]
 [-1.15606944]]
dot product : [[ 0.9920509 ]
 [ 0.07702898]
 [ 0.69966348]]
result : [[ 0.80661872]
 [ 0.30088863]
 [ 0.78687773]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.80372785]
 [-0.21526295]
 [ 0.9606156 ]]
dot product : [[-0.09489084]
 [-1.53583817]]
result : [[ 0.48058709]
 [-1.61324306]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.48058709]
 [-1.61324306]]
dot product : [[ 1.64585259]
 [-0.03641491]
 [ 1.09459215]]
result : [[ 1.46042041]
 [ 0.18744473]
 [ 1.1818064 ]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.16929504]
 [-0.42001607]
 [ 0.80205595]]
dot product : [[-0.37881523]
 [-1.02230228]]
result : [[ 0.1966627 ]
 [-1.09970718]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.1966627 ]
 [-1.09970718]]
dot product : [[ 0.95061702]
 [ 0.06945872]
 [ 0.66868708]]
result : [[ 0.76518484]
 [ 0.29331837]
 [ 0.75590134]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.28086071]
 [-0.31698969]
 [ 0.8724642 ]]
dot product : [[-0.39026647]
 [-0.8852033 ]]
result : [[ 0.18521146]
 [-0.96260819]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.18521146]
 [-0.96260819]]
dot product : [[ 0.84920057]
 [ 0.05139117]
 [ 0.59305327]]
result : [[ 0.66376838]
 [ 0.27525081]
 [ 0.68026752]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.89304525]
 [-0.30582081]
 [ 0.870739  ]]
dot product : [[-0.54554639]
 [-0.47555133]]
result : [[ 0.02993154]
 [-0.55295622]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.02993154]
 [-0.55295622]]
dot product : [[ 0.3877726]
 [ 0.0845748]
 [ 0.2954345]]
result : [[ 0.20234042]
 [ 0.30843445]
 [ 0.38264876]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.35980925]
 [-0.90878401]
 [ 0.46802911]]
dot product : [[-0.32453424]
 [-1.67259918]]
result : [[ 0.25094369]
 [-1.75000407]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.25094369]
 [-1.75000407]]
dot product : [[ 1.43161602]
 [ 0.15518334]
 [ 1.02741748]]
result : [[ 1.24618384]
 [ 0.37904299]
 [ 1.11463173]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.86272391]
 [-0.54843756]
 [ 0.72821772]]
dot product : [[-0.13532704]
 [-1.78065436]]
result : [[ 0.44015089]
 [-1.85805925]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.44015089]
 [-1.85805925]]
dot product : [[ 1.7472916 ]
 [ 0.03968688]
 [ 1.19362953]]
result : [[ 1.56185941]
 [ 0.26354653]
 [ 1.28084378]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.86565678]
 [-0.57043228]
 [ 0.71286083]]
dot product : [[-0.13824335]
 [-1.7961833 ]]
result : [[ 0.43723458]
 [-1.87358819]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.43723458]
 [-1.87358819]]
dot product : [[ 1.75326623]
 [ 0.04476712]
 [ 1.19970368]]
result : [[ 1.56783404]
 [ 0.26862676]
 [ 1.28691793]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.07819255]
 [-0.50626023]
 [ 0.74308096]]
dot product : [[-0.36981713]
 [-1.13556235]]
result : [[ 0.2056608 ]
 [-1.21296724]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.2056608 ]
 [-1.21296724]]
dot product : [[ 1.03379463]
 [ 0.08471732]
 [ 0.73089629]]
result : [[ 0.84836244]
 [ 0.30857696]
 [ 0.81811054]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.0896365]
 [-0.4953697]
 [ 0.750529 ]]
dot product : [[-0.37093795]
 [-1.12129989]]
result : [[ 0.20453998]
 [-1.19870478]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.20453998]
 [-1.19870478]]
dot product : [[ 1.02333642]
 [ 0.08278701]
 [ 0.72306976]]
result : [[ 0.83790423]
 [ 0.30664666]
 [ 0.81028401]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.70682931]
 [-0.01844346]
 [ 1.07488957]]
dot product : [[-0.44980601]
 [-0.42037278]]
result : [[ 0.12567192]
 [-0.49777767]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.12567192]
 [-0.49777767]]
dot product : [[ 0.47824871]
 [ 0.00504861]
 [ 0.32436354]]
result : [[ 0.29281652]
 [ 0.22890826]
 [ 0.41157779]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.88923054]
 [-0.18566798]
 [ 0.95493997]]
dot product : [[-0.52452334]
 [-0.40376982]]
result : [[ 0.05095459]
 [-0.48117471]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.05095459]
 [-0.48117471]]
dot product : [[ 0.37002379]
 [ 0.05566085]
 [ 0.2718196 ]]
result : [[ 0.1845916 ]
 [ 0.2795205 ]
 [ 0.35903385]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.35658302]
 [-0.24992639]
 [ 0.91824693]]
dot product : [[-0.39851634]
 [-0.79392122]]
result : [[ 0.17696159]
 [-0.87132611]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.17696159]
 [-0.87132611]]
dot product : [[ 0.78085794]
 [ 0.03981196]
 [ 0.54232534]]
result : [[ 0.59542576]
 [ 0.26367161]
 [ 0.62953959]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.63635401]
 [-1.09331501]
 [ 0.34311697]]
dot product : [[-0.28433069]
 [-1.96862997]]
result : [[ 0.29114724]
 [-2.04603486]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.29114724]
 [-2.04603486]]
dot product : [[ 1.67084955]
 [ 0.18305142]
 [ 1.19988662]]
result : [[ 1.48541737]
 [ 0.40691107]
 [ 1.28710087]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.1280158 ]
 [-0.70199809]
 [ 0.60922395]]
dot product : [[-0.34953792]
 [-1.39224922]]
result : [[ 0.22594001]
 [-1.46965411]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.22594001]
 [-1.46965411]]
dot product : [[ 1.22215546]
 [ 0.11938043]
 [ 0.87181684]]
result : [[ 1.03672328]
 [ 0.34324008]
 [ 0.95903109]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.85373844]
 [-0.0643567 ]
 [ 1.04044617]]
dot product : [[-0.49517569]
 [-0.35211207]]
result : [[ 0.08030224]
 [-0.42951696]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.08030224]
 [-0.42951696]]
dot product : [[ 0.37585362]
 [ 0.0246152 ]
 [ 0.26323707]]
result : [[ 0.19042144]
 [ 0.24847485]
 [ 0.35045133]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.22934215]
 [-0.7953239 ]
 [ 0.54544921]]
dot product : [[-0.33909678]
 [-1.51661401]]
result : [[ 0.23638115]
 [-1.59401891]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.23638115]
 [-1.59401891]]
dot product : [[ 1.31422206]
 [ 0.13573128]
 [ 0.94045721]]
result : [[ 1.12878987]
 [ 0.35959093]
 [ 1.02767146]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.88275463]
 [-0.44301392]
 [ 0.77482491]]
dot product : [[-0.56579136]
 [-0.56714859]]
result : [[ 0.00968657]
 [-0.64455348]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.00968657]
 [-0.64455348]]
dot product : [[ 0.41903226]
 [ 0.11673166]
 [ 0.32946234]]
result : [[ 0.23360008]
 [ 0.34059131]
 [ 0.4166766 ]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.5017083 ]
 [-1.01718375]
 [ 0.39433099]]
dot product : [[-0.30619303]
 [-1.83297639]]
result : [[ 0.2692849 ]
 [-1.91038128]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.2692849 ]
 [-1.91038128]]
dot product : [[ 1.55672283]
 [ 0.17275759]
 [ 1.11881925]]
result : [[ 1.37129064]
 [ 0.39661724]
 [ 1.20603351]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.75381005]
 [-1.11467609]
 [ 0.32998973]]
dot product : [[-0.25774406]
 [-2.05911005]]
result : [[ 0.31773387]
 [-2.13651494]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.31773387]
 [-2.13651494]]
dot product : [[ 1.76267774]
 [ 0.18127368]
 [ 1.2610603 ]]
result : [[ 1.57724556]
 [ 0.40513332]
 [ 1.34827456]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.26986321]
 [-0.32695589]
 [ 0.8656565 ]]
dot product : [[-0.38910605]
 [-0.89860052]]
result : [[ 0.18637188]
 [-0.97600541]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.18637188]
 [-0.97600541]]
dot product : [[ 0.85916509]
 [ 0.0531269 ]
 [ 0.60046865]]
result : [[ 0.67373291]
 [ 0.27698655]
 [ 0.68768291]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.02509018]
 [-0.60471442]
 [ 0.6757454 ]]
dot product : [[-0.35972932]
 [-1.26438512]]
result : [[ 0.21574861]
 [-1.34179001]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.21574861]
 [-1.34179001]]
dot product : [[ 1.12820947]
 [ 0.10217817]
 [ 0.80156667]]
result : [[ 0.94277729]
 [ 0.32603781]
 [ 0.88878092]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.32782706]
 [-0.8819045 ]
 [ 0.48635374]]
dot product : [[-0.32825979]
 [-1.63493888]]
result : [[ 0.24721814]
 [-1.71234377]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.24721814]
 [-1.71234377]]
dot product : [[ 1.4029987 ]
 [ 0.15063788]
 [ 1.00629818]]
result : [[ 1.21756652]
 [ 0.37449753]
 [ 1.09351244]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.01360924]
 [-0.59378189]
 [ 0.68322227]]
dot product : [[-0.36085263]
 [-1.25007235]]
result : [[ 0.2146253 ]
 [-1.32747724]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.2146253 ]
 [-1.32747724]]
dot product : [[ 1.11771629]
 [ 0.10024   ]
 [ 0.79371339]]
result : [[ 0.9322841 ]
 [ 0.32409965]
 [ 0.88092765]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.83742212]
 [-1.05892622]
 [ 0.37033453]]
dot product : [[-0.22698131]
 [-2.07964661]]
result : [[ 0.34849662]
 [-2.1570515 ]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.34849662]
 [-2.1570515 ]]
dot product : [[ 1.81587394]
 [ 0.16306504]
 [ 1.28957509]]
result : [[ 1.63044176]
 [ 0.38692469]
 [ 1.37678934]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.89042284]
 [-0.19731218]
 [ 0.94676709]]
dot product : [[-0.52677187]
 [-0.41018509]]
result : [[ 0.04870606]
 [-0.48758999]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.04870606]
 [-0.48758999]]
dot product : [[ 0.3711264 ]
 [ 0.05851112]
 [ 0.27371142]]
result : [[ 0.18569421]
 [ 0.28237077]
 [ 0.36092567]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.82375085]
 [-0.03083545]
 [ 1.0643883 ]]
dot product : [[-0.48188611]
 [-0.35111405]]
result : [[ 0.09359182]
 [-0.42851894]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.09359182]
 [-0.42851894]]
dot product : [[ 0.39261206]
 [ 0.01485475]
 [ 0.27059832]]
result : [[ 0.20717987]
 [ 0.23871439]
 [ 0.35781258]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.84468781]
 [-0.43082952]
 [ 0.81029585]]
dot product : [[-0.12033745]
 [-1.69607102]]
result : [[ 0.45514048]
 [-1.77347591]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.45514048]
 [-1.77347591]]
dot product : [[ 1.71357791]
 [ 0.01266021]
 [ 1.16001525]]
result : [[ 1.52814572]
 [ 0.23651986]
 [ 1.2472295 ]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.87372259]
 [-0.95708859]
 [ 0.44221619]]
dot product : [[-0.20067475]
 [-2.04056134]]
result : [[ 0.37480318]
 [-2.11796623]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.37480318]
 [-2.11796623]]
dot product : [[ 1.82565124]
 [ 0.13662204]
 [ 1.28550798]]
result : [[ 1.64021906]
 [ 0.36048169]
 [ 1.37272224]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.87031495]
 [-0.09903159]
 [ 1.01590529]]
dot product : [[-0.50521521]
 [-0.36264632]]
result : [[ 0.07026272]
 [-0.44005122]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.07026272]
 [-0.44005122]]
dot product : [[ 0.36935959]
 [ 0.03386576]
 [ 0.2625883 ]]
result : [[ 0.1839274 ]
 [ 0.2577254 ]
 [ 0.34980256]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.84875027]
 [-0.45538179]
 [ 0.79316557]]
dot product : [[-0.12339045]
 [-1.71392445]]
result : [[ 0.45208748]
 [-1.79132934]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.45208748]
 [-1.79132934]]
dot product : [[ 1.72083917]
 [ 0.01828499]
 [ 1.16717601]]
result : [[ 1.53540698]
 [ 0.24214464]
 [ 1.25439027]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.8615769 ]
 [-1.00628655]
 [ 0.40757408]]
dot product : [[-0.21199964]
 [-2.06299025]]
result : [[ 0.36347829]
 [-2.14039514]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.36347829]
 [-2.14039514]]
dot product : [[ 1.82497445]
 [ 0.14908099]
 [ 1.29007292]]
result : [[ 1.63954226]
 [ 0.37294064]
 [ 1.37728718]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.89340573]
 [-0.2907287 ]
 [ 0.88130219]]
dot product : [[-0.54312126]
 [-0.46598263]]
result : [[ 0.03235667]
 [-0.54338752]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.03235667]
 [-0.54338752]]
dot product : [[ 0.38491297]
 [ 0.08099216]
 [ 0.29206334]]
result : [[ 0.19948078]
 [ 0.30485181]
 [ 0.37927759]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.77334271]
 [-1.01494568]
 [ 0.37601468]]
dot product : [[-0.63311556]
 [-0.99275738]]
result : [[-0.05763763]
 [-1.07016227]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[-0.05763763]
 [-1.07016227]]
dot product : [[ 0.59927262]
 [ 0.24689237]
 [ 0.50339634]]
result : [[ 0.41384044]
 [ 0.47075202]
 [ 0.59061059]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.88051691]
 [-0.46227744]
 [ 0.76136981]]
dot product : [[-0.56843048]
 [-0.58053149]]
result : [[ 0.00704745]
 [-0.65793638]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.00704745]
 [-0.65793638]]
dot product : [[ 0.42401657]
 [ 0.12120043]
 [ 0.33462261]]
result : [[ 0.23858438]
 [ 0.34506008]
 [ 0.42183687]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.54721097]
 [-0.10021561]
 [ 1.02011474]]
dot product : [[-0.42247439]
 [-0.57594323]]
result : [[ 0.15300354]
 [-0.65334812]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.15300354]
 [-0.65334812]]
dot product : [[ 0.61208784]
 [ 0.01522695]
 [ 0.41867008]]
result : [[ 0.42665566]
 [ 0.2390866 ]
 [ 0.50588433]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.38826665]
 [-0.22284173]
 [ 0.93671988]]
dot product : [[-0.40213104]
 [-0.75633049]]
result : [[ 0.17334689]
 [-0.83373538]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.17334689]
 [-0.83373538]]
dot product : [[ 0.75242952]
 [ 0.03520003]
 [ 0.52130657]]
result : [[ 0.56699734]
 [ 0.25905968]
 [ 0.60852083]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.7804745 ]
 [-0.01245835]
 [ 1.07793242]]
dot product : [[-0.46771174]
 [-0.36822219]]
result : [[ 0.10776619]
 [-0.44562708]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.10776619]
 [-0.44562708]]
dot product : [[ 0.42194314]
 [ 0.00793225]
 [ 0.28757698]]
result : [[ 0.23651096]
 [ 0.2317919 ]
 [ 0.37479124]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.89248299]
 [-0.32136112]
 [ 0.85986509]]
dot product : [[-0.54799449]
 [-0.48552988]]
result : [[ 0.02748344]
 [-0.56293477]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.02748344]
 [-0.56293477]]
dot product : [[ 0.39086057]
 [ 0.08825265]
 [ 0.29899793]]
result : [[ 0.20542838]
 [ 0.3121123 ]
 [ 0.38621219]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.79480844]
 [-0.92433828]
 [ 0.43913113]]
dot product : [[-0.62351056]
 [-0.92261239]]
result : [[-0.04803263]
 [-1.00001728]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[-0.04803263]
 [-1.00001728]]
dot product : [[ 0.56761656]
 [ 0.22651386]
 [ 0.47384813]]
result : [[ 0.38218438]
 [ 0.4503735 ]
 [ 0.56106238]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.82906   ]
 [-1.07064725]
 [ 0.36199604]]
dot product : [[-0.2310831 ]
 [-2.08139249]]
result : [[ 0.34439483]
 [-2.15879738]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.34439483]
 [-2.15879738]]
dot product : [[ 1.81160799]
 [ 0.16635353]
 [ 1.28802523]]
result : [[ 1.6261758 ]
 [ 0.39021318]
 [ 1.37523948]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.84136483]
 [-1.05252402]
 [ 0.37487938]]
dot product : [[-0.22490124]
 [-2.07828194]]
result : [[ 0.35057669]
 [-2.15568683]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.35057669]
 [-2.15568683]]
dot product : [[ 1.81773509]
 [ 0.16130541]
 [ 1.29012031]]
result : [[ 1.6323029 ]
 [ 0.38516505]
 [ 1.37733457]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.13526893]
 [-0.45208366]
 [ 0.78013005]]
dot product : [[-0.37543049]
 [-1.06451507]]
result : [[ 0.20004744]
 [-1.14191996]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.20004744]
 [-1.14191996]]
dot product : [[ 0.98165855]
 [ 0.07512332]
 [ 0.69189126]]
result : [[ 0.79622636]
 [ 0.29898296]
 [ 0.77910552]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.83331994]
 [-1.06496602]
 [ 0.36604096]]
dot product : [[-0.22904187]
 [-2.08068229]]
result : [[ 0.34643606]
 [-2.15808718]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.34643606]
 [-2.15808718]]
dot product : [[ 1.81383093]
 [ 0.16474748]
 [ 1.28887618]]
result : [[ 1.62839874]
 [ 0.38860712]
 [ 1.37609044]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.88818223]
 [-0.38808078]
 [ 0.81320924]]
dot product : [[-0.55802066]
 [-0.5296124 ]]
result : [[ 0.01745727]
 [-0.60701729]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.01745727]
 [-0.60701729]]
dot product : [[ 0.40553449]
 [ 0.10393237]
 [ 0.31520691]]
result : [[ 0.22010231]
 [ 0.32779201]
 [ 0.40242116]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.51887351]
 [-0.1200104 ]
 [ 1.00669461]]
dot product : [[-0.41850254]
 [-0.60682521]]
result : [[ 0.15697539]
 [-0.6842301 ]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.15697539]
 [-0.6842301 ]]
dot product : [[ 0.63675402]
 [ 0.01829414]
 [ 0.43653063]]
result : [[ 0.45132183]
 [ 0.24215378]
 [ 0.52374489]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.84876504]
 [-1.03861718]
 [ 0.38473357]]
dot product : [[-0.22068172]
 [-2.07455174]]
result : [[ 0.35479621]
 [-2.15195663]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.35479621]
 [-2.15195663]]
dot product : [[ 1.82090404]
 [ 0.15755131]
 [ 1.29074318]]
result : [[ 1.63547186]
 [ 0.38141095]
 [ 1.37795743]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.32441767]
 [-0.27805098]
 [ 0.89905324]]
dot product : [[-0.39495147]
 [-0.83247187]]
result : [[ 0.18052646]
 [-0.90987676]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.18052646]
 [-0.90987676]]
dot product : [[ 0.80982634]
 [ 0.044644  ]
 [ 0.56379675]]
result : [[ 0.62439416]
 [ 0.26850365]
 [ 0.65101101]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.89224133]
 [-0.22185723]
 [ 0.92955015]]
dot product : [[-0.53133326]
 [-0.42416508]]
result : [[ 0.04414467]
 [-0.50156997]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.04414467]
 [-0.50156997]]
dot product : [[ 0.37397211]
 [ 0.06447858]
 [ 0.27803431]]
result : [[ 0.18853993]
 [ 0.28833823]
 [ 0.36524856]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.80028279]
 [-1.09741885]
 [ 0.34279947]]
dot product : [[-0.24293602]
 [-2.07901345]]
result : [[ 0.33254191]
 [-2.15641834]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.33254191]
 [-2.15641834]]
dot product : [[ 1.79460018]
 [ 0.1744314 ]
 [ 1.2798178 ]]
result : [[ 1.60916799]
 [ 0.39829105]
 [ 1.36703206]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.82561786]
 [-0.78438004]
 [ 0.53666163]]
dot product : [[-0.60807133]
 [-0.81580644]]
result : [[-0.0325934 ]
 [-0.89321133]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[-0.0325934 ]
 [-0.89321133]]
dot product : [[ 0.52048092]
 [ 0.19489834]
 [ 0.4293384 ]]
result : [[ 0.33504874]
 [ 0.41875799]
 [ 0.51655266]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.42222839]
 [-0.95895256]
 [ 0.43387011]]
dot product : [[-0.31688082]
 [-1.7446832 ]]
result : [[ 0.25859711]
 [-1.82208809]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.25859711]
 [-1.82208809]]
dot product : [[ 1.48707486]
 [ 0.16350741]
 [ 1.06815017]]
result : [[ 1.30164268]
 [ 0.38736705]
 [ 1.15536442]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.51130396]
 [-1.02368072]
 [ 0.38993089]]
dot product : [[-0.30481372]
 [-1.84330633]]
result : [[ 0.27066421]
 [-1.92071122]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.27066421]
 [-1.92071122]]
dot product : [[ 1.56503998]
 [ 0.17374703]
 [ 1.12482358]]
result : [[ 1.3796078 ]
 [ 0.39760667]
 [ 1.21203783]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.88234155]
 [-0.88453597]
 [ 0.49315826]]
dot product : [[-0.18635913]
 [-2.00137194]]
result : [[ 0.3891188 ]
 [-2.07877683]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.3891188 ]
 [-2.07877683]]
dot product : [[ 1.81967435]
 [ 0.11879291]
 [ 1.27429438]]
result : [[ 1.63424216]
 [ 0.34265255]
 [ 1.36150863]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.79107532]
 [-0.15591211]
 [ 1.00198092]]
dot product : [[-0.08823776]
 [-1.49081733]]
result : [[ 0.48724017]
 [-1.56822222]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.48724017]
 [-1.56822222]]
dot product : [[ 1.62617386]
 [-0.04984598]
 [ 1.07591627]]
result : [[ 1.44074168]
 [ 0.17401366]
 [ 1.16313053]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.77443049]
 [-0.01156442]
 [ 1.07865268]]
dot product : [[-0.46601116]
 [-0.37164572]]
result : [[ 0.10946677]
 [-0.44905061]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.10946677]
 [-0.44905061]]
dot product : [[ 0.42632648]
 [ 0.00736485]
 [ 0.29030259]]
result : [[ 0.2408943 ]
 [ 0.2312245 ]
 [ 0.37751684]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.37776181]
 [-0.23174803]
 [ 0.93064673]]
dot product : [[-0.40092027]
 [-0.76874827]]
result : [[ 0.17455766]
 [-0.84615316]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.17455766]
 [-0.84615316]]
dot product : [[ 0.76184244]
 [ 0.03671153]
 [ 0.52825981]]
result : [[ 0.57641025]
 [ 0.26057118]
 [ 0.61547407]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.83105005]
 [-0.75801209]
 [ 0.55504205]]
dot product : [[-0.60506704]
 [-0.79592924]]
result : [[-0.02958911]
 [-0.87333414]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[-0.02958911]
 [-0.87333414]]
dot product : [[ 0.51188005]
 [ 0.18892022]
 [ 0.42113236]]
result : [[ 0.32644787]
 [ 0.41277987]
 [ 0.50834662]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.39129169]
 [-0.9345011 ]
 [ 0.45051071]]
dot product : [[-0.32074305]
 [-1.70921198]]
result : [[ 0.25473488]
 [-1.78661687]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.25473488]
 [-1.78661687]]
dot product : [[ 1.45965882]
 [ 0.1594805 ]
 [ 1.04804949]]
result : [[ 1.27422664]
 [ 0.38334015]
 [ 1.13526375]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.06673768]
 [-0.51717072]
 [ 0.73561912]]
dot product : [[-0.36869683]
 [-1.14984434]]
result : [[ 0.2067811 ]
 [-1.22724923]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.2067811 ]
 [-1.22724923]]
dot product : [[ 1.04426446]
 [ 0.08665175]
 [ 0.73873231]]
result : [[ 0.85883228]
 [ 0.31051139]
 [ 0.82594657]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.15071471]
 [-0.72317733]
 [ 0.59474638]]
dot product : [[-0.34724439]
 [-1.4202777 ]]
result : [[ 0.22823354]
 [-1.49768259]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.22823354]
 [-1.49768259]]
dot product : [[ 1.24282679]
 [ 0.12310841]
 [ 0.88725125]]
result : [[ 1.0573946 ]
 [ 0.34696805]
 [ 0.97446551]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.4324114 ]
 [-0.96680394]
 [ 0.42853068]]
dot product : [[-0.31557668]
 [-1.75623698]]
result : [[ 0.25990125]
 [-1.83364187]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.25990125]
 [-1.83364187]]
dot product : [[ 1.49606523]
 [ 0.16478586]
 [ 1.0747247 ]]
result : [[ 1.31063305]
 [ 0.3886455 ]
 [ 1.16193896]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.80545352]
 [-1.09380872]
 [ 0.34540823]]
dot product : [[-0.24100649]
 [-2.08018303]]
result : [[ 0.33447144]
 [-2.15758792]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.33447144]
 [-2.15758792]]
dot product : [[ 1.79786206]
 [ 0.17326655]
 [ 1.2815468 ]]
result : [[ 1.61242988]
 [ 0.3971262 ]
 [ 1.36876105]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.72041262]
 [-1.11554813]
 [ 0.32885824]]
dot product : [[-0.2664624 ]
 [-2.03767761]]
result : [[ 0.30901553]
 [-2.1150825 ]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.30901553]
 [-2.1150825 ]]
dot product : [[ 1.73775888]
 [ 0.18343772]
 [ 1.24513768]]
result : [[ 1.5523267 ]
 [ 0.40729736]
 [ 1.33235194]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.52840239]
 [-0.11323031]
 [ 1.01129402]]
dot product : [[-0.41981748]
 [-0.59636415]]
result : [[ 0.15566045]
 [-0.67376904]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.15566045]
 [-0.67376904]]
dot product : [[ 0.62843842]
 [ 0.01723319]
 [ 0.43049854]]
result : [[ 0.44300624]
 [ 0.24109284]
 [ 0.51771279]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.52081854]
 [-1.02999117]
 [ 0.38566014]]
dot product : [[-0.30342411]
 [-1.8534676 ]]
result : [[ 0.27205382]
 [-1.93087249]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.27205382]
 [-1.93087249]]
dot product : [[ 1.57326428]
 [ 0.17469667]
 [ 1.13074928]]
result : [[ 1.38783209]
 [ 0.39855632]
 [ 1.21796354]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.14663269]
 [-0.44135029]
 [ 0.78746928]]
dot product : [[-0.37655694]
 [-1.05040254]]
result : [[ 0.19892099]
 [-1.12780743]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.19892099]
 [-1.12780743]]
dot product : [[ 0.97128749]
 [ 0.07322584]
 [ 0.6841367 ]]
result : [[ 0.78585531]
 [ 0.29708549]
 [ 0.77135096]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.87704311]
 [-0.67298184]
 [ 0.64122427]]
dot product : [[-0.15242783]
 [-1.86708112]]
result : [[ 0.4230501 ]
 [-1.94448601]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.4230501 ]
 [-1.94448601]]
dot product : [[ 1.77940526]
 [ 0.06858749]
 [ 1.22692064]]
result : [[ 1.59397307]
 [ 0.29244713]
 [ 1.31413489]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.03656671]
 [-0.6156325 ]
 [ 0.66827857]]
dot product : [[-0.35860473]
 [-1.27868605]]
result : [[ 0.2168732 ]
 [-1.35609094]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.2168732 ]
 [-1.35609094]]
dot product : [[ 1.13869687]
 [ 0.10411314]
 [ 0.80941475]]
result : [[ 0.95326468]
 [ 0.32797279]
 [ 0.896629  ]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.31359679]
 [-0.2876391 ]
 [ 0.89250755]]
dot product : [[-0.39377332]
 [-0.84551913]]
result : [[ 0.18170461]
 [-0.92292402]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.18170461]
 [-0.92292402]]
dot product : [[ 0.81959345]
 [ 0.0462998 ]
 [ 0.57104686]]
result : [[ 0.63416126]
 [ 0.27015945]
 [ 0.65826112]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.78390241]
 [-1.10627369]
 [ 0.3363431 ]]
dot product : [[-0.2486179 ]
 [-2.07371206]]
result : [[ 0.32686003]
 [-2.15111696]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.32686003]
 [-2.15111696]]
dot product : [[ 1.78382394]
 [ 0.17750506]
 [ 1.27379358]]
result : [[ 1.59839176]
 [ 0.4013647 ]
 [ 1.36100783]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.85867859]
 [-0.61084914]
 [ 0.65766752]]
dot product : [[-0.58760942]
 [-0.68676124]]
result : [[-0.01213149]
 [-0.76416614]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[-0.01213149]
 [-0.76416614]]
dot product : [[ 0.46589605]
 [ 0.15539807]
 [ 0.37663042]]
result : [[ 0.28046387]
 [ 0.37925771]
 [ 0.46384468]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.44252695]
 [-0.97449941]
 [ 0.42329939]]
dot product : [[-0.31426385]
 [-1.76764999]]
result : [[ 0.26121408]
 [-1.84505488]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.26121408]
 [-1.84505488]]
dot product : [[ 1.50497822]
 [ 0.16603103]
 [ 1.08123367]]
result : [[ 1.31954604]
 [ 0.38989067]
 [ 1.16844793]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.11663588]
 [-0.69133326]
 [ 0.61651493]]
dot product : [[-0.35067995]
 [-1.37816843]]
result : [[ 0.22479798]
 [-1.45557332]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.22479798]
 [-1.45557332]]
dot product : [[ 1.21178403]
 [ 0.11750027]
 [ 0.864069  ]]
result : [[ 1.02635185]
 [ 0.34135992]
 [ 0.95128326]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.88785181]
 [-0.17443756]
 [ 0.96282598]]
dot product : [[-0.52229598]
 [-0.39773303]]
result : [[ 0.05318195]
 [-0.47513792]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.05318195]
 [-0.47513792]]
dot product : [[ 0.3691321 ]
 [ 0.05289847]
 [ 0.27010536]]
result : [[ 0.18369992]
 [ 0.27675812]
 [ 0.35731961]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.6015206 ]
 [-0.06581055]
 [ 1.04336123]]
dot product : [[-0.43067583]
 [-0.51894098]]
result : [[ 0.1448021 ]
 [-0.59634587]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.1448021 ]
 [-0.59634587]]
dot product : [[ 0.5654203 ]
 [ 0.01019205]
 [ 0.38518809]]
result : [[ 0.37998812]
 [ 0.23405169]
 [ 0.47240234]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.04803713]
 [-0.62653231]
 [ 0.66082445]]
dot product : [[-0.35747866]
 [-1.29297166]]
result : [[ 0.21799927]
 [-1.37037655]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.21799927]
 [-1.37037655]]
dot product : [[ 1.14917654]
 [ 0.10604411]
 [ 0.81725601]]
result : [[ 0.96374435]
 [ 0.32990376]
 [ 0.90447027]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.87313736]
 [-0.63343154]
 [ 0.66885992]]
dot product : [[-0.14683265]
 [-1.84005744]]
result : [[ 0.42864528]
 [-1.91746233]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.42864528]
 [-1.91746233]]
dot product : [[ 1.76968873]
 [ 0.05937224]
 [ 1.21665808]]
result : [[ 1.58425655]
 [ 0.28323189]
 [ 1.30387234]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.70617593]
 [-1.1138955 ]
 [ 0.32979354]]
dot product : [[-0.26984116]
 [-2.0272897 ]]
result : [[ 0.30563677]
 [-2.10469459]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.30563677]
 [-2.10469459]]
dot product : [[ 1.72678918]
 [ 0.18387682]
 [ 1.23792131]]
result : [[ 1.54135699]
 [ 0.40773647]
 [ 1.32513556]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.88371162]
 [-0.85694283]
 [ 0.51250275]]
dot product : [[-0.18140437]
 [-1.9852123 ]]
result : [[ 0.39407356]
 [-2.06261719]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.39407356]
 [-2.06261719]]
dot product : [[ 1.81596915]
 [ 0.11212388]
 [ 1.26910947]]
result : [[ 1.63053696]
 [ 0.33598352]
 [ 1.35632373]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.85465634]
 [-0.63408057]
 [ 0.64146157]]
dot product : [[-0.5904524 ]
 [-0.70377153]]
result : [[-0.01497447]
 [-0.78117642]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[-0.01497447]
 [-0.78117642]]
dot product : [[ 0.47290053]
 [ 0.16070981]
 [ 0.38349197]]
result : [[ 0.28746834]
 [ 0.38456945]
 [ 0.47070622]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.53784878]
 [-0.10663077]
 [ 1.01576828]]
dot product : [[-0.42114136]
 [-0.586069  ]]
result : [[ 0.15433656]
 [-0.66347389]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.15433656]
 [-0.66347389]]
dot product : [[ 0.62021572]
 [ 0.01621052]
 [ 0.42454447]]
result : [[ 0.43478353]
 [ 0.24007017]
 [ 0.51175873]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.79777761]
 [-0.01697286]
 [ 1.07450114]]
dot product : [[-0.47290642]
 [-0.3596301 ]]
result : [[ 0.10257151]
 [-0.43703499]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.10257151]
 [-0.43703499]]
dot product : [[ 0.40972971]
 [ 0.01002355]
 [ 0.28018822]]
result : [[ 0.22429752]
 [ 0.23388319]
 [ 0.36740247]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.10106781]
 [-0.48450296]
 [ 0.75796058]]
dot product : [[-0.37205949]
 [-1.10706045]]
result : [[ 0.20341844]
 [-1.18446534]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.20341844]
 [-1.18446534]]
dot product : [[ 1.01289177]
 [ 0.08086164]
 [ 0.71525436]]
result : [[ 0.82745959]
 [ 0.30472129]
 [ 0.80246861]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.61024572]
 [-0.06079305]
 [ 1.04673886]]
dot product : [[-0.43207848]
 [-0.51009852]]
result : [[ 0.14339945]
 [-0.58750341]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.14339945]
 [-0.58750341]]
dot product : [[ 0.55801039]
 [ 0.00950491]
 [ 0.37991705]]
result : [[ 0.37257821]
 [ 0.23336455]
 [ 0.46713131]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.84591795]
 [-0.68208683]
 [ 0.60797968]]
dot product : [[-0.5962177]
 [-0.7392029]]
result : [[-0.02073977]
 [-0.81660779]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[-0.02073977]
 [-0.81660779]]
dot product : [[ 0.48769511]
 [ 0.17166119]
 [ 0.3978767 ]]
result : [[ 0.30226292]
 [ 0.39552084]
 [ 0.48509095]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.61887301]
 [-0.05599051]
 [ 1.04996748]]
dot product : [[-0.43349188]
 [-0.50145333]]
result : [[ 0.14198605]
 [-0.57885822]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.14198605]
 [-0.57885822]]
dot product : [[ 0.55071079]
 [ 0.00886337]
 [ 0.37473873]]
result : [[ 0.3652786 ]
 [ 0.23272301]
 [ 0.46195299]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.48980896]
 [-0.14139571]
 [ 0.99217199]]
dot product : [[-0.41460938]
 [-0.63916895]]
result : [[ 0.16086855]
 [-0.71657384]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.16086855]
 [-0.71657384]]
dot product : [[ 0.6622388 ]
 [ 0.02169853]
 [ 0.45507881]]
result : [[ 0.47680662]
 [ 0.24555818]
 [ 0.54229307]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.85040337]
 [-0.65782519]
 [ 0.62489984]]
dot product : [[-0.59332176]
 [-0.72125092]]
result : [[-0.01784383]
 [-0.79865581]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[-0.01784383]
 [-0.79865581]]
dot product : [[ 0.48016624]
 [ 0.16613058]
 [ 0.39057351]]
result : [[ 0.29473405]
 [ 0.38999022]
 [ 0.47778777]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.82850036]
 [-0.03459315]
 [ 1.06168277]]
dot product : [[-0.48373213]
 [-0.35031282]]
result : [[ 0.0917458 ]
 [-0.42771771]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.0917458 ]
 [-0.42771771]]
dot product : [[ 0.38969165]
 [ 0.01603016]
 [ 0.26910374]]
result : [[ 0.20425947]
 [ 0.23988981]
 [ 0.35631799]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.03232454]
 [-0.54998373]
 [ 0.71317725]]
dot product : [[-0.36533709]
 [-1.19277263]]
result : [[ 0.21014084]
 [-1.27017752]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.21014084]
 [-1.27017752]]
dot product : [[ 1.07572437]
 [ 0.09247167]
 [ 0.76228107]]
result : [[ 0.89029218]
 [ 0.31633132]
 [ 0.84949532]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.25882582]
 [-0.33700705]
 [ 0.85878993]]
dot product : [[-0.38794957]
 [-0.91207652]]
result : [[ 0.18752836]
 [-0.98948141]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.18752836]
 [-0.98948141]]
dot product : [[ 0.86917414]
 [ 0.05488059]
 [ 0.60792128]]
result : [[ 0.68374196]
 [ 0.27874023]
 [ 0.69513553]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.67638176]
 [-0.02871278]
 [ 1.06817291]]
dot product : [[-0.44370348]
 [-0.4467533 ]]
result : [[ 0.13177445]
 [-0.52415819]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.13177445]
 [-0.52415819]]
dot product : [[ 0.50286465]
 [ 0.0057177 ]
 [ 0.34122378]]
result : [[ 0.31743247]
 [ 0.22957735]
 [ 0.42843803]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.55648726]
 [-0.09398864]
 [ 1.02433075]]
dot product : [[-0.42381677]
 [-0.56599034]]
result : [[ 0.15166116]
 [-0.64339523]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.15166116]
 [-0.64339523]]
dot product : [[ 0.60405673]
 [ 0.01428329]
 [ 0.41287698]]
result : [[ 0.41862454]
 [ 0.23814294]
 [ 0.50009124]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.80968627]
 [-0.24410611]
 [ 0.94051003]]
dot product : [[-0.09817296]
 [-1.55759199]]
result : [[ 0.47730497]
 [-1.63499688]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.47730497]
 [-1.63499688]]
dot product : [[ 1.65527308]
 [-0.02987657]
 [ 1.10357636]]
result : [[ 1.46984089]
 [ 0.19398308]
 [ 1.19079061]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.53025033]
 [-1.03611129]
 [ 0.38152138]]
dot product : [[-0.30202399]
 [-1.86345672]]
result : [[ 0.27345394]
 [-1.94086161]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.27345394]
 [-1.94086161]]
dot product : [[ 1.58139378]
 [ 0.17560571]
 [ 1.13659474]]
result : [[ 1.39596159]
 [ 0.39946536]
 [ 1.22380899]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.89352823]
 [-0.26187376]
 [ 0.90150702]]
dot product : [[-0.53833914]
 [-0.44806088]]
result : [[ 0.03713879]
 [-0.52546577]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.03713879]
 [-0.52546577]]
dot product : [[ 0.37987097]
 [ 0.07410924]
 [ 0.28589126]]
result : [[ 0.19443879]
 [ 0.29796889]
 [ 0.37310551]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.56711552]
 [-1.05861197]
 [ 0.36633933]]
dot product : [[-0.29631453]
 [-1.90162202]]
result : [[ 0.2791634 ]
 [-1.97902691]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.2791634 ]
 [-1.97902691]]
dot product : [[ 1.61292514]
 [ 0.17881962]
 [ 1.15914141]]
result : [[ 1.42749296]
 [ 0.40267927]
 [ 1.24635566]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.19582107]
 [-0.76482712]
 [ 0.56628298]]
dot product : [[-0.34261393]
 [-1.47570472]]
result : [[ 0.232864  ]
 [-1.55310961]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.232864  ]
 [-1.55310961]]
dot product : [[ 1.28382908]
 [ 0.13041219]
 [ 0.91782938]]
result : [[ 1.0983969 ]
 [ 0.35427184]
 [ 1.00504364]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.81047671]
 [-1.08986298]
 [ 0.34824972]]
dot product : [[-0.23905885]
 [-2.08104803]]
result : [[ 0.33641908]
 [-2.15845292]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.33641908]
 [-2.15845292]]
dot product : [[ 1.80095563]
 [ 0.17203021]
 [ 1.28313353]]
result : [[ 1.61552344]
 [ 0.39588985]
 [ 1.37034779]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.34920177]
 [-0.89994823]
 [ 0.47405128]]
dot product : [[-0.32578312]
 [-1.66015749]]
result : [[ 0.24969481]
 [-1.73756238]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.24969481]
 [-1.73756238]]
dot product : [[ 1.42213817]
 [ 0.15369469]
 [ 1.02042968]]
result : [[ 1.23670599]
 [ 0.37755434]
 [ 1.10764393]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.54885873]
 [-1.04776523]
 [ 0.37365046]]
dot product : [[-0.29919147]
 [-1.88290458]]
result : [[ 0.27628646]
 [-1.96030947]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.27628646]
 [-1.96030947]]
dot product : [[ 1.59736066]
 [ 0.17729875]
 [ 1.14803837]]
result : [[ 1.41192847]
 [ 0.40115839]
 [ 1.23525262]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.87806208]
 [-0.48202356]
 [ 0.74758014]]
dot product : [[-0.57109439]
 [-0.59435561]]
result : [[ 0.00438354]
 [-0.6717605 ]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.00438354]
 [-0.6717605 ]]
dot product : [[ 0.42924662]
 [ 0.12577173]
 [ 0.33998983]]
result : [[ 0.24381444]
 [ 0.34963138]
 [ 0.42720408]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.79496623]
 [-1.10069716]
 [ 0.3404208 ]]
dot product : [[-0.24484763]
 [-2.07754277]]
result : [[ 0.3306303 ]
 [-2.15494766]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.3306303 ]
 [-2.15494766]]
dot product : [[ 1.7911719 ]
 [ 0.17552556]
 [ 1.27794818]]
result : [[ 1.60573972]
 [ 0.3993852 ]
 [ 1.36516244]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.85862676]
 [-1.01494338]
 [ 0.40146581]]
dot product : [[-0.21420104]
 [-2.06640197]]
result : [[ 0.36127689]
 [-2.14380686]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.36127689]
 [-2.14380686]]
dot product : [[ 1.82424512]
 [ 0.15132087]
 [ 1.29048406]]
result : [[ 1.63881294]
 [ 0.37518051]
 [ 1.37769832]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.33519014]
 [-0.26856694]
 [ 0.9055268 ]]
dot product : [[-0.39613456]
 [-0.8195208 ]]
result : [[ 0.17934337]
 [-0.89692569]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.17934337]
 [-0.89692569]]
dot product : [[ 0.80011344]
 [ 0.04301022]
 [ 0.55659204]]
result : [[ 0.61468125]
 [ 0.26686987]
 [ 0.6438063 ]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.77815857]
 [-1.10857954]
 [ 0.33463877]]
dot product : [[-0.25047696]
 [-2.07135901]]
result : [[ 0.32500097]
 [-2.1487639 ]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.32500097]
 [-2.1487639 ]]
dot product : [[ 1.77990812]
 [ 0.17839203]
 [ 1.27151186]]
result : [[ 1.59447594]
 [ 0.40225167]
 [ 1.35872612]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.05949974]
 [-0.63741001]
 [ 0.65338569]]
dot product : [[-0.35635091]
 [-1.30723847]]
result : [[ 0.21912702]
 [-1.38464336]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.21912702]
 [-1.38464336]]
dot product : [[ 1.15964655]
 [ 0.10797026]
 [ 0.82508882]]
result : [[ 0.97421437]
 [ 0.33182991]
 [ 0.91230308]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.10523791]
 [-0.6806234 ]
 [ 0.62383717]]
dot product : [[-0.35181911]
 [-1.36404793]]
result : [[ 0.22365882]
 [-1.44145282]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.22365882]
 [-1.44145282]]
dot product : [[ 1.20139133]
 [ 0.11561041]
 [ 0.85630292]]
result : [[ 1.01595915]
 [ 0.33947006]
 [ 0.94351718]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.02084301]
 [-0.56093583]
 [ 0.70568668]]
dot product : [[-0.36421689]
 [-1.20709789]]
result : [[ 0.21126104]
 [-1.28450278]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.21126104]
 [-1.28450278]]
dot product : [[ 1.08622136]
 [ 0.09441447]
 [ 0.77013877]]
result : [[ 0.90078917]
 [ 0.31827412]
 [ 0.85735303]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.67627288]
 [-1.10732743]
 [ 0.33392676]]
dot product : [[-0.27642136]
 [-2.0035559 ]]
result : [[ 0.29905657]
 [-2.08096079]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.29905657]
 [-2.08096079]]
dot product : [[ 1.70321689]
 [ 0.18405964]
 [ 1.2221078 ]]
result : [[ 1.51778471]
 [ 0.40791929]
 [ 1.30932205]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.891427  ]
 [-0.20937399]
 [ 0.9383047 ]]
dot product : [[-0.52904178]
 [-0.41698235]]
result : [[ 0.04643615]
 [-0.49438724]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.04643615]
 [-0.49438724]]
dot product : [[ 0.37244186]
 [ 0.0614501 ]
 [ 0.27578244]]
result : [[ 0.18700968]
 [ 0.28530974]
 [ 0.3629967 ]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.23663819]
 [-0.35734895]
 [ 0.84489076]]
dot product : [[-0.3856476 ]
 [-0.93925091]]
result : [[ 0.18983033]
 [-1.01665581]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.18983033]
 [-1.01665581]]
dot product : [[ 0.88931805]
 [ 0.05843856]
 [ 0.62293172]]
result : [[ 0.70388587]
 [ 0.28229821]
 [ 0.71014598]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.26254751]
 [-0.82507121]
 [ 0.52513537]]
dot product : [[-0.33553566]
 [-1.5568522 ]]
result : [[ 0.23994227]
 [-1.63425709]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.23994227]
 [-1.63425709]]
dot product : [[ 1.34424948]
 [ 0.1408899 ]
 [ 0.96277399]]
result : [[ 1.15881729]
 [ 0.36474954]
 [ 1.04998824]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.86937796]
 [-0.5441958 ]
 [ 0.70417715]]
dot product : [[-0.57923679]
 [-0.63851018]]
result : [[-0.00375886]
 [-0.71591507]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[-0.00375886]
 [-0.71591507]]
dot product : [[ 0.44643064]
 [ 0.1401089 ]
 [ 0.35734949]]
result : [[ 0.26099845]
 [ 0.36396855]
 [ 0.44456374]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.83586808]
 [-0.38015222]
 [ 0.84564697]]
dot product : [[-0.11414744]
 [-1.65893462]]
result : [[ 0.46133049]
 [-1.73633951]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.46133049]
 [-1.73633951]]
dot product : [[  1.69826406e+00]
 [  1.07579011e-03]
 [  1.14502542e+00]]
result : [[ 1.51283188]
 [ 0.22493544]
 [ 1.23223968]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.207027  ]
 [-0.77506961]
 [ 0.55928504]]
dot product : [[-0.3414461 ]
 [-1.48940991]]
result : [[ 0.23403183]
 [-1.5668148 ]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.23403183]
 [-1.5668148 ]]
dot product : [[ 1.29399747]
 [ 0.1322017 ]
 [ 0.92540383]]
result : [[ 1.10856528]
 [ 0.35606135]
 [ 1.01261808]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.27353785]
 [-0.83480259]
 [ 0.51849199]]
dot product : [[-0.3343379 ]
 [-1.57009954]]
result : [[ 0.24114003]
 [-1.64750443]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.24114003]
 [-1.64750443]]
dot product : [[ 1.35416836]
 [ 0.14256998]
 [ 0.97013618]]
result : [[ 1.16873617]
 [ 0.36642963]
 [ 1.05735043]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.31706324]
 [-0.8727042 ]
 [ 0.49262874]]
dot product : [[-0.329488  ]
 [-1.62216894]]
result : [[ 0.24598993]
 [-1.69957383]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.24598993]
 [-1.69957383]]
dot product : [[ 1.39334096]
 [ 0.14907135]
 [ 0.99915775]]
result : [[ 1.20790877]
 [ 0.37293099]
 [ 1.086372  ]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.46006334]
 [-0.16426831]
 [ 0.97661847]]
dot product : [[-0.4107895 ]
 [-0.67288037]]
result : [[ 0.16468843]
 [-0.75028526]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.16468843]
 [-0.75028526]]
dot product : [[ 0.68848996]
 [ 0.02541819]
 [ 0.47427056]]
result : [[ 0.50305777]
 [ 0.24927783]
 [ 0.56148481]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.81885068]
 [-0.02741125]
 [ 1.06686264]]
dot product : [[-0.48005705]
 [-0.35222059]]
result : [[ 0.09542088]
 [-0.42962548]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.09542088]
 [-0.42962548]]
dot product : [[ 0.39570275]
 [ 0.01375014]
 [ 0.27223621]]
result : [[ 0.21027057]
 [ 0.23760979]
 [ 0.35945047]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.39871286]
 [-0.21406246]
 [ 0.94270499]]
dot product : [[-0.40334794]
 [-0.74402983]]
result : [[ 0.17212999]
 [-0.82143472]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.17212999]
 [-0.82143472]]
dot product : [[ 0.74308241]
 [ 0.03371543]
 [ 0.51440852]]
result : [[ 0.55765023]
 [ 0.25757508]
 [ 0.60162277]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.00212559]
 [-0.58283873]
 [ 0.69070654]]
dot product : [[-0.36197486]
 [-1.23575124]]
result : [[ 0.21350307]
 [-1.31315613]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.21350307]
 [-1.31315613]]
dot product : [[ 1.10721925]
 [ 0.09829945]
 [ 0.78585657]]
result : [[ 0.92178707]
 [ 0.3221591 ]
 [ 0.87307082]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.40909873]
 [-0.20541402]
 [ 0.94859942]]
dot product : [[-0.40457119]
 [-0.73184976]]
result : [[ 0.17090674]
 [-0.80925465]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.17090674]
 [-0.80925465]]
dot product : [[ 0.73380304]
 [ 0.03225854]
 [ 0.50756729]]
result : [[ 0.54837085]
 [ 0.25611819]
 [ 0.59478154]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.33854048]
 [-0.89098712]
 [ 0.48016037]]
dot product : [[-0.3270249 ]
 [-1.64760289]]
result : [[ 0.24845303]
 [-1.72500779]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.24845303]
 [-1.72500779]]
dot product : [[ 1.41259842]
 [ 0.15217927]
 [ 1.01338937]]
result : [[ 1.22716624]
 [ 0.37603892]
 [ 1.10060362]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.88137046]
 [-0.8976838 ]
 [ 0.48393586]]
dot product : [[-0.18880172]
 [-2.00886245]]
result : [[ 0.38667621]
 [-2.08626734]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.38667621]
 [-2.08626734]]
dot product : [[ 1.82120094]
 [ 0.12198927]
 [ 1.27661143]]
result : [[ 1.63576876]
 [ 0.34584891]
 [ 1.36382569]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.74221482]
 [-0.01150444]
 [ 1.07919707]]
dot product : [[-0.45773164]
 [-0.3928028 ]]
result : [[ 0.11774629]
 [-0.47020769]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.11774629]
 [-0.47020769]]
dot product : [[ 0.4504976 ]
 [ 0.00546392]
 [ 0.30582729]]
result : [[ 0.26506542]
 [ 0.22932357]
 [ 0.39304154]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.88628836]
 [-0.1636171 ]
 [ 0.97042779]]
dot product : [[-0.52008959]
 [-0.39207125]]
result : [[ 0.05538834]
 [-0.46947615]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.05538834]
 [-0.46947615]]
dot product : [[ 0.3684494 ]
 [ 0.05022316]
 [ 0.26856705]]
result : [[ 0.18301722]
 [ 0.27408281]
 [ 0.35578131]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.85956852]
 [-0.52593896]
 [ 0.74392399]]
dot product : [[-0.1323838 ]
 [-1.76466748]]
result : [[ 0.44309413]
 [-1.84207237]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.44309413]
 [-1.84207237]]
dot product : [[ 1.74106351]
 [ 0.03449937]
 [ 1.18734132]]
result : [[ 1.55563133]
 [ 0.25835902]
 [ 1.27455557]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[ 0.59381163]
 [-1.07330163]
 [ 0.35646866]]
dot product : [[-0.29191237]
 [-1.92826765]]
result : [[ 0.28356556]
 [-2.00567254]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.28356556]
 [-2.00567254]]
dot product : [[ 1.63548352]
 [ 0.18076391]
 [ 1.17512881]]
result : [[ 1.45005134]
 [ 0.40462355]
 [ 1.26234307]]
weights:  [[ 0.26045735  0.33589088 -0.24143143]
 [-0.64548026  1.17529645 -0.7953753 ]]
biases:  [[ 0.57547793]
 [-0.07740489]]
inputs : [[-0.76825116]
 [-0.01096956]
 [ 1.07916561]]
dot product : [[-0.46432574]
 [-0.3753432 ]]
result : [[ 0.11115219]
 [-0.45274809]]
weights:  [[ 1.30836566 -0.63044991]
 [-0.7200308  -0.19192557]
 [ 0.59162964 -0.50225698]]
biases:  [[-0.18543218]
 [ 0.22385965]
 [ 0.08721425]]
inputs : [[ 0.11115219]
 [-0.45274809]]
dot product : [[ 0.4308627 ]
 [ 0.00686094]
 [ 0.29315681]]
result : [[ 0.24543051]
 [ 0.23072058]
 [ 0.38037107]]
Epoch 5: Score [[ 0.85854713]
 [ 0.96838688]
 [ 0.40242392]] / 300
input:  [[-0.77443049]
 [-0.01156442]
 [ 1.07865268]]
activations:  [array([[-0.77443049],
       [-0.01156442],
       [ 1.07865268]]), array([[ 0.10946677],
       [-0.44905061]]), array([[ 0.2408943 ],
       [ 0.2312245 ],
       [ 0.37751684]])]
cost derivative:  [[ 1.01532479]
 [ 0.24278891]
 [-0.70113584]]
unit step:  1
delta:  [[ 1.01532479]
 [ 0.24278891]
 [-0.70113584]]
delta b updated:  [array([[ 0.08087272],
       [ 0.15023368]]), array([[ 1.01532479],
       [ 0.24278891],
       [-0.70113584]])]
delta w updated: [array([[-0.0626303 , -0.00093525,  0.08723357],
       [-0.11634554, -0.00173737,  0.16204996]]), array([[ 0.11114432, -0.45593222],
       [ 0.02657732, -0.10902451],
       [-0.07675108,  0.31484548]])]
input:  [[ 0.87164646]
 [-0.96772944]
 [ 0.43473216]]
activations:  [array([[ 0.87164646],
       [-0.96772944],
       [ 0.43473216]]), array([[ 0.37247345],
       [-2.12321999]]), array([[ 1.63980822],
       [ 0.36300611],
       [ 1.37444871]])]
cost derivative:  [[ 0.76816176]
 [ 1.33073554]
 [ 0.93971654]]
unit step:  1
delta:  [[ 0.76816176]
 [ 1.33073554]
 [ 0.93971654]]
delta b updated:  [array([[ 0.22453216],
       [ 2.57249844]]), array([[ 0.76816176],
       [ 1.33073554],
       [ 0.93971654]])]
delta w updated: [array([[ 0.19571266, -0.21728638,  0.09761135],
       [ 2.24230916, -2.48948246,  1.11834781]]), array([[ 0.28611986, -1.63097641],
       [ 0.49566366, -2.8254443 ],
       [ 0.35001946, -1.99522495]])]
input:  [[ 0.88131382]
 [-0.72870994]
 [ 0.60226519]]
activations:  [array([[ 0.88131382],
       [-0.72870994],
       [ 0.60226519]]), array([[ 0.41461881],
       [-1.98414693]]), array([[ 1.60591644],
       [ 0.30359238],
       [ 1.327838  ]])]
cost derivative:  [[ 0.72460262]
 [ 1.03230232]
 [ 0.7255728 ]]
unit step:  1
delta:  [[ 0.72460262]
 [ 1.03230232]
 [ 0.7255728 ]]
delta b updated:  [array([[ 0.26273745],
       [ 2.01877951]]), array([[ 0.72460262],
       [ 1.03230232],
       [ 0.7255728 ]])]
delta w updated: [array([[ 0.23155414, -0.19145939,  0.15823762],
       [ 1.77917828, -1.47110469,  1.21584063]]), array([[ 0.30043387, -1.43771806],
       [ 0.42801195, -2.04823947],
       [ 0.30083613, -1.43964305]])]
input:  [[-0.87538845]
 [-0.50225611]
 [ 0.73345324]]
activations:  [array([[-0.87538845],
       [-0.50225611],
       [ 0.73345324]]), array([[ 0.00145921],
       [-0.68774399]]), array([[ 0.24842075],
       [ 0.35279328],
       [ 0.43246486]])]
cost derivative:  [[ 1.1238092 ]
 [ 0.85504939]
 [-0.30098838]]
unit step:  1
delta:  [[ 1.1238092 ]
 [ 0.85504939]
 [-0.30098838]]
delta b updated:  [array([[ 0.00098663],
       [ 0.494495  ]]), array([[ 1.1238092 ],
       [ 0.85504939],
       [-0.30098838]])]
delta w updated: [array([[-0.00086369, -0.00049554,  0.00072365],
       [-0.43287521, -0.24836314,  0.36268896]]), array([[  1.63987273e-03,  -7.72893024e-01],
       [  1.24769594e-03,  -5.88055078e-01],
       [ -4.39205012e-04,   2.07002949e-01]])]
input:  [[-0.82375085]
 [-0.03083545]
 [ 1.0643883 ]]
activations:  [array([[-0.82375085],
       [-0.03083545],
       [ 1.0643883 ]]), array([[ 0.0933758 ],
       [-0.43036846]]), array([[ 0.20621437],
       [ 0.2372425 ],
       [ 0.35795691]])]
cost derivative:  [[ 1.02996521]
 [ 0.26807796]
 [-0.70643139]]
unit step:  1
delta:  [[ 1.02996521]
 [ 0.26807796]
 [-0.70643139]]
delta b updated:  [array([[ 0.06876296],
       [ 0.14834591]]), array([[ 1.02996521],
       [ 0.26807796],
       [-0.70643139]])]
delta w updated: [array([[-0.05664355, -0.00212034,  0.07319049],
       [-0.12220007, -0.00457431,  0.15789765]]), array([[ 0.09617383, -0.44326455],
       [ 0.02503199, -0.1153723 ],
       [-0.0659636 ,  0.30402579]])]
input:  [[ 0.8615769 ]
 [-1.00628655]
 [ 0.40757408]]
activations:  [array([[ 0.8615769 ],
       [-1.00628655],
       [ 0.40757408]]), array([[ 0.36298251],
       [-2.14497582]]), array([[ 1.63674166],
       [ 0.36875009],
       [ 1.37738212]])]
cost derivative:  [[ 0.77516476]
 [ 1.37503664]
 [ 0.96980803]]
unit step:  1
delta:  [[ 0.77516476]
 [ 1.37503664]
 [ 0.96980803]]
delta b updated:  [array([[ 0.21672965],
       [ 2.64909985]]), array([[ 0.77516476],
       [ 1.37503664],
       [ 0.96980803]])]
delta w updated: [array([[ 0.18672926, -0.21809213,  0.08833339],
       [ 2.28240323, -2.66575355,  1.07970445]]), array([[ 0.28137125, -1.66270967],
       [ 0.49911425, -2.94942034],
       [ 0.35202335, -2.08021478]])]
input:  [[ 0.67627288]
 [-1.10732743]
 [ 0.33392676]]
activations:  [array([[ 0.67627288],
       [-1.10732743],
       [ 0.33392676]]), array([[ 0.29837144],
       [-2.08790413]]), array([[ 1.51488966],
       [ 0.40188705],
       [ 1.30874616]])]
cost derivative:  [[ 0.83861678]
 [ 1.50921448]
 [ 0.9748194 ]]
unit step:  1
delta:  [[ 0.83861678]
 [ 1.50921448]
 [ 0.9748194 ]]
delta b updated:  [array([[ 0.17482949],
       [ 2.71493207]]), array([[ 0.83861678],
       [ 1.50921448],
       [ 0.9748194 ]])]
delta w updated: [array([[ 0.11823244, -0.19359349,  0.05838024],
       [ 1.83603494, -3.00631876,  0.90658846]]), array([[ 0.25021929, -1.75095143],
       [ 0.45030649, -3.15109514],
       [ 0.29085826, -2.03532945]])]
input:  [[ 0.88312225]
 [-0.76350839]
 [ 0.57792449]]
activations:  [array([[ 0.88312225],
       [-0.76350839],
       [ 0.57792449]]), array([[ 0.40866733],
       [-2.01371993]]), array([[ 1.61105742],
       [ 0.30571249],
       [ 1.33509454]])]
cost derivative:  [[ 0.72793517]
 [ 1.06922088]
 [ 0.75717005]]
unit step:  1
delta:  [[ 0.72793517]
 [ 1.06922088]
 [ 0.75717005]]
delta b updated:  [array([[ 0.25713301],
       [ 2.08733095]]), array([[ 0.72793517],
       [ 1.06922088],
       [ 0.75717005]])]
delta w updated: [array([[ 0.22707988, -0.19632321,  0.14860346],
       [ 1.8433684 , -1.59369469,  1.20631967]]), array([[ 0.29748332, -1.46585756],
       [ 0.43695564, -2.1531114 ],
       [ 0.30943066, -1.52472842]])]
input:  [[ 0.86435564]
 [-0.99724056]
 [ 0.41395221]]
activations:  [array([[ 0.86435564],
       [-0.99724056],
       [ 0.41395221]]), array([[ 0.36459253],
       [-2.1482648 ]]), array([[ 1.63654056],
       [ 0.36081867],
       [ 1.37492816]])]
cost derivative:  [[ 0.77218493]
 [ 1.35805923]
 [ 0.96097596]]
unit step:  1
delta:  [[ 0.77218493]
 [ 1.35805923]
 [ 0.96097596]]
delta b updated:  [array([[ 0.21840629],
       [ 2.61808619]]), array([[ 0.77218493],
       [ 1.35805923],
       [ 0.96097596]])]
delta w updated: [array([[ 0.1887807 , -0.21780361,  0.09040976],
       [ 2.26295756, -2.61086175,  1.08376255]]), array([[ 0.28153285, -1.6588577 ],
       [ 0.49513825, -2.91747084],
       [ 0.35036465, -2.06443082]])]
input:  [[-0.63582729]
 [-0.0470456 ]
 [ 1.0559671 ]]
activations:  [array([[-0.63582729],
       [-0.0470456 ],
       [ 1.0559671 ]]), array([[ 0.13854044],
       [-0.56765978]]), array([[ 0.34889623],
       [ 0.22671949],
       [ 0.4510483 ]])]
cost derivative:  [[ 0.98472353]
 [ 0.27376509]
 [-0.60491879]]
unit step:  1
delta:  [[ 0.98472353]
 [ 0.27376509]
 [-0.60491879]]
delta b updated:  [array([[ 0.10152933],
       [ 0.20797678]]), array([[ 0.98472353],
       [ 0.27376509],
       [-0.60491879]])]
delta w updated: [array([[-0.06455512, -0.00477651,  0.10721164],
       [-0.13223731, -0.00978439,  0.21961664]]), array([[ 0.13642403, -0.55898794],
       [ 0.03792753, -0.15540543],
       [-0.08380571,  0.34338807]])]
input:  [[ 0.84875027]
 [-0.45538179]
 [ 0.79316557]]
activations:  [array([[ 0.84875027],
       [-0.45538179],
       [ 0.79316557]]), array([[ 0.45085018],
       [-1.80391409]]), array([[ 1.53137673],
       [ 0.23168113],
       [ 1.25271948]])]
cost derivative:  [[ 0.68262646]
 [ 0.68706292]
 [ 0.45955392]]
unit step:  1
delta:  [[ 0.68262646]
 [ 0.68706292]
 [ 0.45955392]]
delta b updated:  [array([[ 0.301579  ],
       [ 1.41593486]]), array([[ 0.68262646],
       [ 0.68706292],
       [ 0.45955392]])]
delta w updated: [array([[ 0.25596526, -0.13733358,  0.23920208],
       [ 1.2017751 , -0.64479095,  1.12307077]]), array([[ 0.30776226, -1.23139948],
       [ 0.30976244, -1.23940247],
       [ 0.20718997, -0.82899579]])]
input:  [[-0.11248479]
 [-0.47366382]
 [ 0.76537305]]
activations:  [array([[-0.11248479],
       [-0.47366382],
       [ 0.76537305]]), array([[ 0.20119456],
       [-1.18000239]]), array([[ 0.81329025],
       [ 0.29473808],
       [ 0.79337588]])]
cost derivative:  [[ 0.92577504]
 [ 0.7684019 ]
 [ 0.02800283]]
unit step:  1
delta:  [[ 0.92577504]
 [ 0.7684019 ]
 [ 0.02800283]]
delta b updated:  [array([[ 0.13540034],
       [ 0.86893778]]), array([[ 0.92577504],
       [ 0.7684019 ],
       [ 0.02800283]])]
delta w updated: [array([[-0.01523048, -0.06413424,  0.10363177],
       [-0.09774229, -0.41158439,  0.66506155]]), array([[ 0.1862609 , -1.09241675],
       [ 0.15459828, -0.90671608],
       [ 0.00563402, -0.03304341]])]
input:  [[ 0.87519723]
 [-0.65344906]
 [ 0.65487403]]
activations:  [array([[ 0.87519723],
       [-0.65344906],
       [ 0.65487403]]), array([[ 0.4242142 ],
       [-1.94616888]]), array([[ 1.58355494],
       [ 0.27543813],
       [ 1.30720003]])]
cost derivative:  [[ 0.70835771]
 [ 0.92888719]
 [ 0.652326  ]]
unit step:  1
delta:  [[ 0.70835771]
 [ 0.92888719]
 [ 0.652326  ]]
delta b updated:  [array([[ 0.27227672],
       [ 1.83108241]]), array([[ 0.70835771],
       [ 0.92888719],
       [ 0.652326  ]])]
delta w updated: [array([[ 0.23829583, -0.17791896,  0.17830695],
       [ 1.60255825, -1.19651908,  1.19912832]]), array([[ 0.3004954 , -1.37858373],
       [ 0.39404714, -1.80777135],
       [ 0.27672595, -1.26953656]])]
input:  [[-0.8641857 ]
 [-0.08405028]
 [ 1.02649209]]
activations:  [array([[-0.8641857 ],
       [-0.08405028],
       [ 1.02649209]]), array([[ 0.0734437 ],
       [-0.44138821]]), array([[ 0.18288385],
       [ 0.24861537],
       [ 0.34913641]])]
cost derivative:  [[ 1.04706955]
 [ 0.33266565]
 [-0.67735568]]
unit step:  1
delta:  [[ 1.04706955]
 [ 0.33266565]
 [-0.67735568]]
delta b updated:  [array([[ 0.0535236 ],
       [ 0.16717526]]), array([[ 1.04706955],
       [ 0.33266565],
       [-0.67735568]])]
delta w updated: [array([[-0.04625433, -0.00449867,  0.05494155],
       [-0.14447047, -0.01405113,  0.17160408]]), array([[ 0.07690066, -0.46216416],
       [ 0.0244322 , -0.1468347 ],
       [-0.04974751,  0.29897681]])]
input:  [[ 0.81047671]
 [-1.08986298]
 [ 0.34824972]]
activations:  [array([[ 0.81047671],
       [-1.08986298],
       [ 0.34824972]]), array([[ 0.33448864],
       [-2.17607004]]), array([[ 1.60813042],
       [ 0.38091454],
       [ 1.3680921 ]])]
cost derivative:  [[ 0.79765372]
 [ 1.47077752]
 [ 1.01984239]]
unit step:  1
delta:  [[ 0.79765372]
 [ 1.47077752]
 [ 1.01984239]]
delta b updated:  [array([[ 0.19554968],
       [ 2.78268268]]), array([[ 0.79765372],
       [ 1.47077752],
       [ 1.01984239]])]
delta w updated: [array([[ 0.15848846, -0.21312235,  0.06810012],
       [ 2.25529949, -3.03274282,  0.96906845]]), array([[ 0.2668061 , -1.73575035],
       [ 0.49195837, -3.20051489],
       [ 0.34112569, -2.21924846]])]
input:  [[ 0.8708618 ]
 [-0.61292545]
 [ 0.68318458]]
activations:  [array([[ 0.8708618 ],
       [-0.61292545],
       [ 0.68318458]]), array([[ 0.42944591],
       [-1.92219698]]), array([[ 1.57216076],
       [ 0.26287339],
       [ 1.29588164]])]
cost derivative:  [[ 0.70129896]
 [ 0.87579884]
 [ 0.61269706]]
unit step:  1
delta:  [[ 0.70129896]
 [ 0.87579884]
 [ 0.61269706]]
delta b updated:  [array([[ 0.27782601],
       [ 1.73736809]]), array([[ 0.70129896],
       [ 0.87579884],
       [ 0.61269706]])]
delta w updated: [array([[ 0.24194806, -0.17028663,  0.18980645],
       [ 1.5130075 , -1.06487712,  1.18694309]]), array([[ 0.30116997, -1.34803475],
       [ 0.37610823, -1.68345789],
       [ 0.26312025, -1.17772444]])]
input:  [[ 0.64455448]
 [-1.09661287]
 [ 0.3409354 ]]
activations:  [array([[ 0.64455448],
       [-1.09661287],
       [ 0.3409354 ]]), array([[ 0.29043555],
       [-2.07438143]]), array([[ 1.48428156],
       [ 0.38964533],
       [ 1.28843551]])]
cost derivative:  [[ 0.83972708]
 [ 1.4862582 ]
 [ 0.94750011]]
unit step:  1
delta:  [[ 0.83972708]
 [ 1.4862582 ]
 [ 0.94750011]]
delta b updated:  [array([[ 0.16988612],
       [ 2.62932546]]), array([[ 0.83972708],
       [ 1.4862582 ],
       [ 0.94750011]])]
delta w updated: [array([[ 0.10950086, -0.18629931,  0.05792019],
       [ 1.6947435 , -2.88335214,  0.89643013]]), array([[ 0.24388659, -1.74191426],
       [ 0.43166221, -3.0830664 ],
       [ 0.27518771, -1.96547663]])]
input:  [[ 0.76277979]
 [-0.03044527]
 [ 1.08940248]]
activations:  [array([[ 0.76277979],
       [-0.03044527],
       [ 1.08940248]]), array([[ 0.4987418 ],
       [-1.49123219]]), array([[ 1.39145793],
       [ 0.13036824],
       [ 1.12020854]])]
cost derivative:  [[ 0.62867814]
 [ 0.1608135 ]
 [ 0.03080606]]
unit step:  1
delta:  [[ 0.62867814]
 [ 0.1608135 ]
 [ 0.03080606]]
delta b updated:  [array([[ 0.36103505],
       [ 0.65105254]]), array([[ 0.62867814],
       [ 0.1608135 ],
       [ 0.03080606]])]
delta w updated: [array([[ 0.27539024, -0.01099181,  0.39331248],
       [ 0.49660972, -0.01982147,  0.70925825]]), array([[ 0.31354807, -0.93750508],
       [ 0.08020442, -0.23981028],
       [ 0.01536427, -0.04593899]])]
input:  [[ 0.16203029]
 [-0.7336841 ]
 [ 0.58756508]]
activations:  [array([[ 0.16203029],
       [-0.7336841 ],
       [ 0.58756508]]), array([[ 0.22717328],
       [-1.53049215]]), array([[ 1.06025155],
       [ 0.33333807],
       [ 0.97927534]])]
cost derivative:  [[ 0.89822126]
 [ 1.06702217]
 [ 0.39171026]]
unit step:  1
delta:  [[ 0.89822126]
 [ 1.06702217]
 [ 0.39171026]]
delta b updated:  [array([[ 0.14430421],
       [ 1.45185389]]), array([[ 0.89822126],
       [ 1.06702217],
       [ 0.39171026]])]
delta w updated: [array([[ 0.02338165, -0.1058737 ,  0.08478812],
       [ 0.2352443 , -1.06520212,  0.85305865]]), array([[ 0.20405187, -1.37472058],
       [ 0.24239892, -1.63306905],
       [ 0.0889861 , -0.59950948]])]
input:  [[ 0.77743051]
 [-0.09431641]
 [ 1.04490281]]
activations:  [array([[ 0.77743051],
       [-0.09431641],
       [ 1.04490281]]), array([[ 0.49140216],
       [-1.54222005]]), array([[ 1.411873  ],
       [ 0.14353213],
       [ 1.14070117]])]
cost derivative:  [[ 0.63444249]
 [ 0.23784854]
 [ 0.09579835]]
unit step:  1
delta:  [[ 0.63444249]
 [ 0.23784854]
 [ 0.09579835]]
delta b updated:  [array([[ 0.3508982 ],
       [ 0.74926017]]), array([[ 0.63444249],
       [ 0.23784854],
       [ 0.09579835]])]
delta w updated: [array([[ 0.27279897, -0.03309546,  0.36665452],
       [ 0.58249772, -0.07066753,  0.78290406]]), array([[ 0.31176641, -0.97844992],
       [ 0.11687929, -0.36681479],
       [ 0.04707552, -0.14774214]])]
input:  [[ 0.04803713]
 [-0.62653231]
 [ 0.66082445]]
activations:  [array([[ 0.04803713],
       [-0.62653231],
       [ 0.66082445]]), array([[ 0.21559698],
       [-1.38934893]]), array([[ 0.95552366],
       [ 0.31459677],
       [ 0.90183952]])]
cost derivative:  [[ 0.90748653]
 [ 0.94112907]
 [ 0.24101506]]
unit step:  1
delta:  [[ 0.90748653]
 [ 0.94112907]
 [ 0.24101506]]
delta b updated:  [array([[ 0.13990262],
       [ 1.18822531]]), array([[ 0.90748653],
       [ 0.94112907],
       [ 0.24101506]])]
delta w updated: [array([[ 0.00672052, -0.08765351,  0.09245108],
       [ 0.05707894, -0.74446154,  0.78520834]]), array([[ 0.19565135, -1.26081544],
       [ 0.20290458, -1.30755667],
       [ 0.05196212, -0.33485402]])]
input:  [[-0.87312378]
 [-0.10708939]
 [ 1.01021872]]
activations:  [array([[-0.87312378],
       [-0.10708939],
       [ 1.01021872]]), array([[ 0.06657511],
       [-0.45407559]]), array([[ 0.17815349],
       [ 0.2519165 ],
       [ 0.34955157]])]
cost derivative:  [[ 1.05127727]
 [ 0.35900588]
 [-0.66066715]]
unit step:  1
delta:  [[ 1.05127727]
 [ 0.35900588]
 [-0.66066715]]
delta b updated:  [array([[ 0.04823072],
       [ 0.17758249]]), array([[ 1.05127727],
       [ 0.35900588],
       [-0.66066715]])]
delta w updated: [array([[-0.04211139, -0.005165  ,  0.04872357],
       [-0.15505149, -0.0190172 ,  0.17939715]]), array([[ 0.0699889 , -0.47735935],
       [ 0.02390086, -0.16301581],
       [-0.04398399,  0.29999283]])]
input:  [[ 0.34920177]
 [-0.89994823]
 [ 0.47405128]]
activations:  [array([[ 0.34920177],
       [-0.89994823],
       [ 0.47405128]]), array([[ 0.24688597],
       [-1.76067929]]), array([[ 1.2258385 ],
       [ 0.35808616],
       [ 1.10471685]])]
cost derivative:  [[ 0.87663672]
 [ 1.25803439]
 [ 0.63066557]]
unit step:  1
delta:  [[ 0.87663672]
 [ 1.25803439]
 [ 0.63066557]]
delta b updated:  [array([[ 0.15054285],
       [ 1.91173093]]), array([[ 0.87663672],
       [ 1.25803439],
       [ 0.63066557]])]
delta w updated: [array([[ 0.05256983, -0.13548077,  0.07136503],
       [ 0.66757983, -1.72045887,  0.90625849]]), array([[ 0.21642931, -1.54347613],
       [ 0.31059104, -2.2149951 ],
       [ 0.15570248, -1.11039981]])]
input:  [[ 0.27353785]
 [-0.83480259]
 [ 0.51849199]]
activations:  [array([[ 0.27353785],
       [-0.83480259],
       [ 0.51849199]]), array([[ 0.23829944],
       [-1.67113677]]), array([[ 1.15776849],
       [ 0.34640051],
       [ 1.05436854]])]
cost derivative:  [[ 0.88423064]
 [ 1.18120311]
 [ 0.53587655]]
unit step:  1
delta:  [[ 0.88423064]
 [ 1.18120311]
 [ 0.53587655]]
delta b updated:  [array([[ 0.14749915],
       [ 1.71799944]]), array([[ 0.88423064],
       [ 1.18120311],
       [ 0.53587655]])]
delta w updated: [array([[ 0.0403466 , -0.12313267,  0.07647713],
       [ 0.46993788, -1.43419039,  0.89076895]]), array([[ 0.21071167, -1.47767033],
       [ 0.28148004, -1.97395194],
       [ 0.12769908, -0.895523  ]])]
input:  [[ 0.37036119]
 [-0.91749063]
 [ 0.46209653]]
activations:  [array([[ 0.37036119],
       [-0.91749063],
       [ 0.46209653]]), array([[ 0.24915795],
       [-1.78826398]]), array([[ 1.24353714],
       [ 0.35807938],
       [ 1.11813966]])]
cost derivative:  [[ 0.87317595]
 [ 1.27557   ]
 [ 0.65604312]]
unit step:  1
delta:  [[ 0.87317595]
 [ 1.27557   ]
 [ 0.65604312]]
delta b updated:  [array([[ 0.15127215],
       [ 1.96048863]]), array([[ 0.87317595],
       [ 1.27557   ],
       [ 0.65604312]])]
delta w updated: [array([[ 0.05602533, -0.13879078,  0.06990234],
       [ 0.72608891, -1.79872994,  0.90593499]]), array([[ 0.21755873, -1.5614691 ],
       [ 0.31781841, -2.28105589],
       [ 0.16345836, -1.17317829]])]
input:  [[ 0.55803192]
 [-1.05329141]
 [ 0.36992359]]
activations:  [array([[ 0.55803192],
       [-1.05329141],
       [ 0.36992359]]), array([[ 0.27436865],
       [-1.9993008 ]]), array([[ 1.40614296],
       [ 0.37580122],
       [ 1.23659811]])]
cost derivative:  [[ 0.84811104]
 [ 1.42909264]
 [ 0.86667452]]
unit step:  1
delta:  [[ 0.84811104]
 [ 1.42909264]
 [ 0.86667452]]
delta b updated:  [array([[ 0.1612269 ],
       [ 2.42083312]]), array([[ 0.84811104],
       [ 1.42909264],
       [ 0.86667452]])]
delta w updated: [array([[ 0.08996976, -0.16981891,  0.05964164],
       [ 1.35090216, -2.54984274,  0.89552329]]), array([[ 0.23269508, -1.69562908],
       [ 0.39209822, -2.85718606],
       [ 0.23778832, -1.73274306]])]
input:  [[ 0.88021093]
 [-0.91040425]
 [ 0.47500981]]
activations:  [array([[ 0.88021093],
       [-0.91040425],
       [ 0.47500981]]), array([[ 0.38051635],
       [-2.12670147]]), array([[ 1.62234239],
       [ 0.31936876],
       [ 1.36081037]])]
cost derivative:  [[ 0.74213145]
 [ 1.229773  ]
 [ 0.88580056]]
unit step:  1
delta:  [[ 0.74213145]
 [ 1.229773  ]
 [ 0.88580056]]
delta b updated:  [array([[ 0.22987903],
       [ 2.37514958]]), array([[ 0.74213145],
       [ 1.229773  ],
       [ 0.88580056]])]
delta w updated: [array([[ 0.20234203, -0.20928284,  0.10919479],
       [ 2.09063263, -2.16234626,  1.12821935]]), array([[ 0.28239315, -1.57829205],
       [ 0.46794874, -2.61536006],
       [ 0.3370616 , -1.88383334]])]
input:  [[-0.88956859]
 [-0.37070946]
 [ 0.82535253]]
activations:  [array([[-0.88956859],
       [-0.37070946],
       [ 0.82535253]]), array([[ 0.01795117],
       [-0.61186108]]), array([[ 0.20928798],
       [ 0.31086303],
       [ 0.39682145]])]
cost derivative:  [[ 1.09885657]
 [ 0.68157249]
 [-0.42853108]]
unit step:  1
delta:  [[ 1.09885657]
 [ 0.68157249]
 [-0.42853108]]
delta b updated:  [array([[ 0.01238859],
       [ 0.36061967]]), array([[ 1.09885657],
       [ 0.68157249],
       [-0.42853108]])]
delta w updated: [array([[-0.0110205 , -0.00459257,  0.01022496],
       [-0.32079593, -0.13368512,  0.29763836]]), array([[ 0.01972576, -0.67234757],
       [ 0.01223502, -0.41702768],
       [-0.00769264,  0.26220149]])]
input:  [[ 0.26254751]
 [-0.82507121]
 [ 0.52513537]]
activations:  [array([[ 0.26254751],
       [-0.82507121],
       [ 0.52513537]]), array([[ 0.23661118],
       [-1.66402892]]), array([[ 1.14571347],
       [ 0.33866285],
       [ 1.04593254]])]
cost derivative:  [[ 0.88316596]
 [ 1.16373407]
 [ 0.52079717]]
unit step:  1
delta:  [[ 0.88316596]
 [ 1.16373407]
 [ 0.52079717]]
delta b updated:  [array([[ 0.14676518],
       [ 1.6803717 ]]), array([[ 0.88316596],
       [ 1.16373407],
       [ 0.52079717]])]
delta w updated: [array([[ 0.03853283, -0.12109173,  0.07707159],
       [ 0.44117741, -1.38642632,  0.88242261]]), array([[ 0.20896694, -1.46961371],
       [ 0.27535249, -1.93648714],
       [ 0.12322644, -0.86662156]])]
input:  [[-0.84591795]
 [-0.68208683]
 [ 0.60797968]]
activations:  [array([[-0.84591795],
       [-0.68208683],
       [ 0.60797968]]), array([[-0.02302516],
       [-0.83676292]]), array([[ 0.2937632 ],
       [ 0.37901144],
       [ 0.48353807]])]
cost derivative:  [[ 1.13968115]
 [ 1.06109827]
 [-0.12444161]]
unit step:  1
delta:  [[ 1.13968115]
 [ 1.06109827]
 [-0.12444161]]
delta b updated:  [array([[-0.01493261],
       [ 0.694881  ]]), array([[ 1.13968115],
       [ 1.06109827],
       [-0.12444161]])]
delta w updated: [array([[ 0.01263176,  0.01018534, -0.00907872],
       [-0.58781231, -0.47396917,  0.42247352]]), array([[-0.02624134, -0.95364293],
       [-0.02443196, -0.88788769],
       [ 0.00286529,  0.10412812]])]
input:  [[-0.71414978]
 [-0.01651868]
 [ 1.07612332]]
activations:  [array([[-0.71414978],
       [-0.01651868],
       [ 1.07612332]]), array([[ 0.12194429],
       [-0.50909141]]), array([[ 0.27993137],
       [ 0.21600301],
       [ 0.40735376]])]
cost derivative:  [[ 0.99408115]
 [ 0.23252169]
 [-0.66876956]]
unit step:  1
delta:  [[ 0.99408115]
 [ 0.23252169]
 [-0.66876956]]
delta b updated:  [array([[ 0.08973295],
       [ 0.16554283]]), array([[ 0.99408115],
       [ 0.23252169],
       [-0.66876956]])]
delta w updated: [array([[-0.06408277, -0.00148227,  0.09656372],
       [-0.11822237, -0.00273455,  0.1781445 ]]), array([[ 0.12122252, -0.50607818],
       [ 0.02835469, -0.11837479],
       [-0.08155263,  0.34046484]])]
input:  [[-0.14663269]
 [-0.44135029]
 [ 0.78746928]]
activations:  [array([[-0.14663269],
       [-0.44135029],
       [ 0.78746928]]), array([[ 0.19598091],
       [-1.15304494]]), array([[ 0.77419121],
       [ 0.2756709 ],
       [ 0.76940964]])]
cost derivative:  [[ 0.9208239 ]
 [ 0.71702119]
 [-0.01805964]]
unit step:  1
delta:  [[ 0.9208239 ]
 [ 0.71702119]
 [-0.01805964]]
delta b updated:  [array([[ 0.13209844],
       [ 0.79131102]]), array([[ 0.9208239 ],
       [ 0.71702119],
       [-0.01805964]])]
delta w updated: [array([[-0.01936995, -0.05830168,  0.10402346],
       [-0.11603206, -0.34924535,  0.62313312]]), array([[ 0.18046391, -1.06175134],
       [ 0.14052246, -0.82675765],
       [-0.00353934,  0.02082358]])]
input:  [[ 0.86696128]
 [-0.9878016 ]
 [ 0.42060282]]
activations:  [array([[ 0.86696128],
       [-0.9878016 ],
       [ 0.42060282]]), array([[ 0.36376812],
       [-2.17060937]]), array([[ 1.62113505],
       [ 0.33255217],
       [ 1.37107703]])]
cost derivative:  [[ 0.75417376]
 [ 1.32035377]
 [ 0.95047421]]
unit step:  1
delta:  [[ 0.75417376]
 [ 1.32035377]
 [ 0.95047421]]
delta b updated:  [array([[ 0.21531104],
       [ 2.53350213]]), array([[ 0.75417376],
       [ 1.32035377],
       [ 0.95047421]])]
delta w updated: [array([[ 0.18666634, -0.21268459,  0.09056043],
       [ 2.19644825, -2.50259746,  1.06559815]]), array([[ 0.27434437, -1.63701664],
       [ 0.4803026 , -2.86597226],
       [ 0.34575221, -2.06310823]])]
input:  [[-0.39871286]
 [-0.21406246]
 [ 0.94270499]]
activations:  [array([[-0.39871286],
       [-0.21406246],
       [ 0.94270499]]), array([[ 0.16933533],
       [-0.84452372]]), array([[ 0.54737169],
       [ 0.23890496],
       [ 0.60038698]])]
cost derivative:  [[ 0.94608455]
 [ 0.45296742]
 [-0.34231801]]
unit step:  1
delta:  [[ 0.94608455]
 [ 0.45296742]
 [-0.34231801]]
delta b updated:  [array([[ 0.1195965 ],
       [ 0.41728353]]), array([[ 0.94608455],
       [ 0.45296742],
       [-0.34231801]])]
delta w updated: [array([[-0.04768466, -0.02560112,  0.11274421],
       [-0.16637631, -0.08932474,  0.39337527]]), array([[ 0.16020554, -0.79899084],
       [ 0.07670339, -0.38254173],
       [-0.05796653,  0.28909568]])]
input:  [[ 0.48228053]
 [-1.0036456 ]
 [ 0.40350862]]
activations:  [array([[ 0.48228053],
       [-1.0036456 ],
       [ 0.40350862]]), array([[ 0.26250533],
       [-1.92652059]]), array([[ 1.3359328 ],
       [ 0.36014015],
       [ 1.18937657]])]
cost derivative:  [[ 0.85365227]
 [ 1.36378575]
 [ 0.78586795]]
unit step:  1
delta:  [[ 0.85365227]
 [ 1.36378575]
 [ 0.78586795]]
delta b updated:  [array([[ 0.15562321],
       [ 2.21995733]]), array([[ 0.85365227],
       [ 1.36378575],
       [ 0.78586795]])]
delta w updated: [array([[ 0.07505404, -0.15619055,  0.06279531],
       [ 1.0706422 , -2.2280504 ,  0.89577193]]), array([[ 0.22408827, -1.64457867],
       [ 0.35800103, -2.62736133],
       [ 0.20629453, -1.51399079]])]
input:  [[ 0.49203326]
 [-1.01050411]
 [ 0.39885779]]
activations:  [array([[ 0.49203326],
       [-1.01050411],
       [ 0.39885779]]), array([[ 0.26372719],
       [-1.9391028 ]]), array([[ 1.34392265],
       [ 0.35926866],
       [ 1.19504644]])]
cost derivative:  [[ 0.85188939]
 [ 1.36977276]
 [ 0.79618865]]
unit step:  1
delta:  [[ 0.85188939]
 [ 1.36977276]
 [ 0.79618865]]
delta b updated:  [array([[ 0.15613087],
       [ 2.24023621]]), array([[ 0.85188939],
       [ 1.36977276],
       [ 0.79618865]])]
delta w updated: [array([[ 0.07682158, -0.15777089,  0.06227401],
       [ 1.10227072, -2.26376789,  0.89353566]]), array([[ 0.22466639, -1.65190111],
       [ 0.36124632, -2.6561302 ],
       [ 0.2099766 , -1.54389164]])]
input:  [[ 0.11663588]
 [-0.69133326]
 [ 0.61651493]]
activations:  [array([[ 0.11663588],
       [-0.69133326],
       [ 0.61651493]]), array([[ 0.22102039],
       [-1.49017752]]), array([[ 1.01035572],
       [ 0.31038192],
       [ 0.9475462 ]])]
cost derivative:  [[ 0.89371985]
 [ 1.00171518]
 [ 0.33103127]]
unit step:  1
delta:  [[ 0.89371985]
 [ 1.00171518]
 [ 0.33103127]]
delta b updated:  [array([[ 0.14102694],
       [ 1.32082672]]), array([[ 0.89371985],
       [ 1.00171518],
       [ 0.33103127]])]
delta w updated: [array([[ 0.0164488 , -0.09749661,  0.08694521],
       [ 0.15405578, -0.91313145,  0.8143094 ]]), array([[ 0.19753031, -1.33180123],
       [ 0.22139948, -1.49273345],
       [ 0.07316466, -0.49329536]])]
input:  [[ 0.80545352]
 [-1.09380872]
 [ 0.34540823]]
activations:  [array([[ 0.80545352],
       [-1.09380872],
       [ 0.34540823]]), array([[ 0.32969065],
       [-2.20334622]]), array([[ 1.59010277],
       [ 0.35356503],
       [ 1.36229757]])]
cost derivative:  [[ 0.78464926]
 [ 1.44737375]
 [ 1.01688934]]
unit step:  1
delta:  [[ 0.78464926]
 [ 1.44737375]
 [ 1.01688934]]
delta b updated:  [array([[ 0.1905063 ],
       [ 2.71591428]]), array([[ 0.78464926],
       [ 1.44737375],
       [ 1.01688934]])]
delta w updated: [array([[ 0.15344397, -0.20837746,  0.06580244],
       [ 2.18754271, -2.97069074,  0.93809914]]), array([[ 0.25869153, -1.72885397],
       [ 0.4771856 , -3.18906549],
       [ 0.33525891, -2.24055928]])]
input:  [[-0.85738571]
 [-0.07055587]
 [ 1.03604809]]
activations:  [array([[-0.85738571],
       [-0.07055587],
       [ 1.03604809]]), array([[ 0.0757361 ],
       [-0.45200618]]), array([[ 0.18034491],
       [ 0.2345283 ],
       [ 0.34983046]])]
cost derivative:  [[ 1.03773061]
 [ 0.30508417]
 [-0.68621764]]
unit step:  1
delta:  [[ 1.03773061]
 [ 0.30508417]
 [-0.68621764]]
delta b updated:  [array([[ 0.05525614],
       [ 0.15952667]]), array([[ 1.03773061],
       [ 0.30508417],
       [-0.68621764]])]
delta w updated: [array([[-0.04737583, -0.00389865,  0.05724802],
       [-0.13677588, -0.01125554,  0.1652773 ]]), array([[ 0.07859367, -0.46906065],
       [ 0.02310589, -0.13789993],
       [-0.05197145,  0.31017461]])]
input:  [[ 0.61112977]
 [-1.08199651]
 [ 0.35064981]]
activations:  [array([[ 0.61112977],
       [-1.08199651],
       [ 0.35064981]]), array([[ 0.2817983 ],
       [-2.06873177]]), array([[ 1.44257942],
       [ 0.3620834 ],
       [ 1.26632193]])]
cost derivative:  [[ 0.83144965]
 [ 1.44407991]
 [ 0.91567212]]
unit step:  1
delta:  [[ 0.83144965]
 [ 1.44407991]
 [ 0.91567212]]
delta b updated:  [array([[ 0.16377994],
       [ 2.49953368]]), array([[ 0.83144965],
       [ 1.44407991],
       [ 0.91567212]])]
delta w updated: [array([[ 0.1000908 , -0.17720932,  0.0574294 ],
       [ 1.52753944, -2.70448672,  0.87646101]]), array([[ 0.2343011 , -1.72004631],
       [ 0.40693926, -2.98741399],
       [ 0.25803484, -1.89428   ]])]
input:  [[-0.88477696]
 [-0.42422919]
 [ 0.78794808]]
activations:  [array([[-0.88477696],
       [-0.42422919],
       [ 0.78794808]]), array([[ 0.00944672],
       [-0.65678326]]), array([[ 0.21856564],
       [ 0.31627008],
       [ 0.4109392 ]])]
cost derivative:  [[ 1.10334259]
 [ 0.74049927]
 [-0.37700888]]
unit step:  1
delta:  [[ 1.10334259]
 [ 0.74049927]
 [-0.37700888]]
delta b updated:  [array([[ 0.00644736],
       [ 0.40614734]]), array([[ 1.10334259],
       [ 0.74049927],
       [-0.37700888]])]
delta w updated: [array([[-0.00570447, -0.00273516,  0.00508018],
       [-0.35934981, -0.17229956,  0.32002302]]), array([[ 0.01042297, -0.72465695],
       [ 0.00699529, -0.48634753],
       [-0.0035615 ,  0.24761312]])]
input:  [[ 0.72734629]
 [-1.11595321]
 [ 0.32868269]]
activations:  [array([[ 0.72734629],
       [-1.11595321],
       [ 0.32868269]]), array([[ 0.30566719],
       [-2.17019664]]), array([[ 1.53366469],
       [ 0.35890224],
       [ 1.32887739]])]
cost derivative:  [[ 0.8063184 ]
 [ 1.47485545]
 [ 1.0001947 ]]
unit step:  1
delta:  [[ 0.8063184 ]
 [ 1.47485545]
 [ 1.0001947 ]]
delta b updated:  [array([[ 0.17594865],
       [ 2.6838796 ]]), array([[ 0.8063184 ],
       [ 1.47485545],
       [ 1.0001947 ]])]
delta w updated: [array([[ 0.1279756 , -0.19635046,  0.05783128],
       [ 1.95210986, -2.99508406,  0.88214477]]), array([[ 0.24646508, -1.74986948],
       [ 0.45081491, -3.20072634],
       [ 0.3057267 , -2.17061917]])]
input:  [[ 0.88371162]
 [-0.85694283]
 [ 0.51250275]]
activations:  [array([[ 0.88371162],
       [-0.85694283],
       [ 0.51250275]]), array([[ 0.38881048],
       [-2.11456369]]), array([[ 1.60654159],
       [ 0.28648514],
       [ 1.34869525]])]
cost derivative:  [[ 0.72282997]
 [ 1.14342797]
 [ 0.83619251]]
unit step:  1
delta:  [[ 0.72282997]
 [ 1.14342797]
 [ 0.83619251]]
delta b updated:  [array([[ 0.23692446],
       [ 2.2125585 ]]), array([[ 0.72282997],
       [ 1.14342797],
       [ 0.83619251]])]
delta w updated: [array([[ 0.2093729 , -0.20303072,  0.12142444],
       [ 1.95526366, -1.89603614,  1.13394231]]), array([[ 0.28104387, -1.52847001],
       [ 0.44457678, -2.41785127],
       [ 0.32512041, -1.76818232]])]
input:  [[ 0.3062507 ]
 [-0.86339003]
 [ 0.49898272]]
activations:  [array([[ 0.3062507 ],
       [-0.86339003],
       [ 0.49898272]]), array([[ 0.24000383],
       [-1.73359255]]), array([[ 1.17751696],
       [ 0.32799016],
       [ 1.07284838]])]
cost derivative:  [[ 0.87126626]
 [ 1.19138019]
 [ 0.57386567]]
unit step:  1
delta:  [[ 0.87126626]
 [ 1.19138019]
 [ 0.57386567]]
delta b updated:  [array([[ 0.14722903],
       [ 1.75978918]]), array([[ 0.87126626],
       [ 1.19138019],
       [ 0.57386567]])]
delta w updated: [array([[ 0.04508899, -0.12711607,  0.07346474],
       [ 0.53893666, -1.51938444,  0.87810439]]), array([[ 0.20910724, -1.51042071],
       [ 0.28593581, -2.06536783],
       [ 0.13772996, -0.99484924]])]
input:  [[ 0.88430752]
 [-0.82759425]
 [ 0.53306447]]
activations:  [array([[ 0.88430752],
       [-0.82759425],
       [ 0.53306447]]), array([[ 0.39354701],
       [-2.09986101]]), array([[ 1.60098743],
       [ 0.27656156],
       [ 1.34181542]])]
cost derivative:  [[ 0.71667992]
 [ 1.1041558 ]
 [ 0.80875095]]
unit step:  1
delta:  [[ 0.71667992]
 [ 1.1041558 ]
 [ 0.80875095]]
delta b updated:  [array([[ 0.24126571],
       [ 2.14051994]]), array([[ 0.71667992],
       [ 1.1041558 ],
       [ 0.80875095]])]
delta w updated: [array([[ 0.21335308, -0.19967011,  0.12861018],
       [ 1.89287787, -1.77148198,  1.14103513]]), array([[ 0.28204724, -1.50492822],
       [ 0.43453722, -2.31857372],
       [ 0.31828152, -1.69826458]])]
input:  [[ 0.80372785]
 [-0.21526295]
 [ 0.9606156 ]]
activations:  [array([[ 0.80372785],
       [-0.21526295],
       [ 0.9606156 ]]), array([[ 0.47531728],
       [-1.66196943]]), array([[ 1.43855414],
       [ 0.14232396],
       [ 1.17448343]])]
cost derivative:  [[ 0.63482629]
 [ 0.35758691]
 [ 0.21386783]]
unit step:  1
delta:  [[ 0.63482629]
 [ 0.35758691]
 [ 0.21386783]]
delta b updated:  [array([[ 0.33072574],
       [ 0.91812093]]), array([[ 0.63482629],
       [ 0.35758691],
       [ 0.21386783]])]
delta w updated: [array([[ 0.26581349, -0.071193  ,  0.31770031],
       [ 0.73791936, -0.19763742,  0.88196129]]), array([[ 0.3017439 , -1.05506189],
       [ 0.16996723, -0.59429851],
       [ 0.10165507, -0.35544179]])]
input:  [[ 0.56711552]
 [-1.05861197]
 [ 0.36633933]]
activations:  [array([[ 0.56711552],
       [-1.05861197],
       [ 0.36633933]]), array([[ 0.2734085 ],
       [-2.03511307]]), array([[ 1.40228175],
       [ 0.35016678],
       [ 1.23753616]])]
cost derivative:  [[ 0.83516623]
 [ 1.40877875]
 [ 0.87119683]]
unit step:  1
delta:  [[ 0.83516623]
 [ 1.40877875]
 [ 0.87119683]]
delta b updated:  [array([[ 0.15952338],
       [ 2.38267796]]), array([[ 0.83516623],
       [ 1.40877875],
       [ 0.87119683]])]
delta w updated: [array([[ 0.09046818, -0.16887336,  0.05843969],
       [ 1.35125364, -2.5223314 ,  0.87286865]]), array([[ 0.22834155, -1.69965772],
       [ 0.38517209, -2.86702405],
       [ 0.23819262, -1.77298406]])]
input:  [[-0.59269937]
 [-0.07103919]
 [ 1.03983725]]
activations:  [array([[-0.59269937],
       [-0.07103919],
       [ 1.03983725]]), array([[ 0.14266194],
       [-0.63528172]]), array([[ 0.37525614],
       [ 0.21070115],
       [ 0.47577113]])]
cost derivative:  [[ 0.96795551]
 [ 0.28174034]
 [-0.56406612]]
unit step:  1
delta:  [[ 0.96795551]
 [ 0.28174034]
 [-0.56406612]]
delta b updated:  [array([[ 0.10369684],
       [ 0.23029246]]), array([[ 0.96795551],
       [ 0.28174034],
       [-0.56406612]])]
delta w updated: [array([[-0.06146105, -0.00736654,  0.10782783],
       [-0.13649419, -0.01635979,  0.23946668]]), array([[ 0.13809041, -0.61492444],
       [ 0.04019362, -0.17898448],
       [-0.08047077,  0.35834089]])]
input:  [[ 0.61963995]
 [-1.08600301]
 [ 0.34797682]]
activations:  [array([[ 0.61963995],
       [-1.08600301],
       [ 0.34797682]]), array([[ 0.28205258],
       [-2.08979973]]), array([[ 1.44474652],
       [ 0.35028658],
       [ 1.26825082]])]
cost derivative:  [[ 0.82510657]
 [ 1.43628959]
 [ 0.920274  ]]
unit step:  1
delta:  [[ 0.82510657]
 [ 1.43628959]
 [ 0.920274  ]]
delta b updated:  [array([[ 0.16330385],
       [ 2.48825608]]), array([[ 0.82510657],
       [ 1.43628959],
       [ 0.920274  ]])]
delta w updated: [array([[ 0.10118959, -0.17734847,  0.05682595],
       [ 1.54182287, -2.7022536 ,  0.86585544]]), array([[ 0.23272344, -1.72430749],
       [ 0.40510919, -3.0015576 ],
       [ 0.25956566, -1.92318835]])]
input:  [[-0.8411984 ]
 [-0.70686931]
 [ 0.59069842]]
activations:  [array([[-0.8411984 ],
       [-0.70686931],
       [ 0.59069842]]), array([[-0.02741637],
       [-0.87059686]]), array([[ 0.29572424],
       [ 0.37133148],
       [ 0.48982143]])]
cost derivative:  [[ 1.13692264]
 [ 1.07820079]
 [-0.100877  ]]
unit step:  1
delta:  [[ 1.13692264]
 [ 1.07820079]
 [-0.100877  ]]
delta b updated:  [array([[-0.01763569],
       [ 0.71529857]]), array([[ 1.13692264],
       [ 1.07820079],
       [-0.100877  ]])]
delta w updated: [array([[ 0.01483511,  0.01246613, -0.01041737],
       [-0.60170801, -0.50562261,  0.42252574]]), array([[-0.03117029, -0.98980128],
       [-0.02956035, -0.93867822],
       [ 0.00276568,  0.0878232 ]])]
input:  [[ 0.88234155]
 [-0.88453597]
 [ 0.49315826]]
activations:  [array([[ 0.88234155],
       [-0.88453597],
       [ 0.49315826]]), array([[ 0.38270966],
       [-2.1417663 ]]), array([[ 1.60522279],
       [ 0.28228808],
       [ 1.35132241]])]
cost derivative:  [[ 0.72288124]
 [ 1.16682405]
 [ 0.85816415]]
unit step:  1
delta:  [[ 0.72288124]
 [ 1.16682405]
 [ 0.85816415]]
delta b updated:  [array([[ 0.23109955],
       [ 2.25021755]]), array([[ 0.72288124],
       [ 1.16682405],
       [ 0.85816415]])]
delta w updated: [array([[ 0.20390874, -0.20441586,  0.11396865],
       [ 1.98546045, -1.99039836,  1.10971338]]), array([[ 0.27665363, -1.54824268],
       [ 0.44655483, -2.49906442],
       [ 0.32842771, -1.83798706]])]
input:  [[ 0.8773334 ]
 [-0.93457826]
 [ 0.45803619]]
activations:  [array([[ 0.8773334 ],
       [-0.93457826],
       [ 0.45803619]]), array([[ 0.37283079],
       [-2.17210843]]), array([[ 1.6094318 ],
       [ 0.29217059],
       [ 1.35863764]])]
cost derivative:  [[ 0.7320984 ]
 [ 1.22674885]
 [ 0.90060145]]
unit step:  1
delta:  [[ 0.7320984 ]
 [ 1.22674885]
 [ 0.90060145]]
delta b updated:  [array([[ 0.22262844],
       [ 2.35637186]]), array([[ 0.7320984 ],
       [ 1.22674885],
       [ 0.90060145]])]
delta w updated: [array([[ 0.19531937, -0.2080637 ,  0.10197188],
       [ 2.06732374, -2.20221391,  1.07930359]]), array([[ 0.27294883, -1.5901971 ],
       [ 0.45736975, -2.66463152],
       [ 0.33577195, -1.956204  ]])]
input:  [[-0.89352823]
 [-0.26187376]
 [ 0.90150702]]
activations:  [array([[-0.89352823],
       [-0.26187376],
       [ 0.90150702]]), array([[ 0.03365464],
       [-0.55649457]]), array([[ 0.18219733],
       [ 0.27313729],
       [ 0.37142208]])]
cost derivative:  [[ 1.07572556]
 [ 0.53501105]
 [-0.53008494]]
unit step:  1
delta:  [[ 1.07572556]
 [ 0.53501105]
 [-0.53008494]]
delta b updated:  [array([[ 0.02368361],
       [ 0.26922515]]), array([[ 1.07572556],
       [ 0.53501105],
       [-0.53008494]])]
delta w updated: [array([[-0.02116198, -0.00620212,  0.02135094],
       [-0.24056027, -0.070503  ,  0.24270836]]), array([[ 0.03620316, -0.59863544],
       [ 0.0180056 , -0.29773075],
       [-0.01783982,  0.29498939]])]
input:  [[ 0.86939212]
 [-0.97796583]
 [ 0.42752859]]
activations:  [array([[ 0.86939212],
       [-0.97796583],
       [ 0.42752859]]), array([[ 0.36331462],
       [-2.19650445]]), array([[ 1.60963118],
       [ 0.3002355 ],
       [ 1.36353289]])]
cost derivative:  [[ 0.74023906]
 [ 1.27820133]
 [ 0.93600429]]
unit step:  1
delta:  [[ 0.74023906]
 [ 1.27820133]
 [ 0.93600429]]
delta b updated:  [array([[ 0.21470244],
       [ 2.44495604]]), array([[ 0.74023906],
       [ 1.27820133],
       [ 0.93600429]])]
delta w updated: [array([[ 0.18666061, -0.20997165,  0.09179143],
       [ 2.12562552, -2.39108346,  1.04528862]]), array([[ 0.26893967, -1.62593838],
       [ 0.46438924, -2.80757492],
       [ 0.34006405, -2.0559376 ]])]
input:  [[-0.46006334]
 [-0.16426831]
 [ 0.97661847]]
activations:  [array([[-0.46006334],
       [-0.16426831],
       [ 0.97661847]]), array([[ 0.1604796],
       [-0.7878943]]), array([[ 0.48730335],
       [ 0.21737402],
       [ 0.55803907]])]
cost derivative:  [[ 0.94736669]
 [ 0.38164233]
 [-0.4185794 ]]
unit step:  1
delta:  [[ 0.94736669]
 [ 0.38164233]
 [-0.4185794 ]]
delta b updated:  [array([[ 0.11441255],
       [ 0.3420507 ]]), array([[ 0.94736669],
       [ 0.38164233],
       [-0.4185794 ]])]
delta w updated: [array([[-0.05263702, -0.01879436,  0.11173741],
       [-0.15736498, -0.05618809,  0.33405303]]), array([[ 0.15203303, -0.74642481],
       [ 0.06124581, -0.30069382],
       [-0.06717345,  0.32979632]])]
input:  [[ 0.66063379]
 [-1.10247317]
 [ 0.33708225]]
activations:  [array([[ 0.66063379],
       [-1.10247317],
       [ 0.33708225]]), array([[ 0.28894912],
       [-2.13704272]]), array([[ 1.47412863],
       [ 0.34165427],
       [ 1.28937951]])]
cost derivative:  [[ 0.81349485]
 [ 1.44412744]
 [ 0.95229726]]
unit step:  1
delta:  [[ 0.81349485]
 [ 1.44412744]
 [ 0.95229726]]
delta b updated:  [array([[ 0.16627426],
       [ 2.54276444]]), array([[ 0.81349485],
       [ 1.44412744],
       [ 0.95229726]])]
delta w updated: [array([[ 0.10984639, -0.18331291,  0.0560481 ],
       [ 1.6798361 , -2.80332957,  0.85712077]]), array([[ 0.23505862, -1.73847324],
       [ 0.41727935, -3.08616202],
       [ 0.27516546, -2.03509992]])]
input:  [[-0.49957509]
 [-0.13409692]
 [ 0.99713094]]
activations:  [array([[-0.49957509],
       [-0.13409692],
       [ 0.99713094]]), array([[ 0.15531252],
       [-0.74340347]]), array([[ 0.45229554],
       [ 0.21246602],
       [ 0.53277498]])]
cost derivative:  [[ 0.95187063]
 [ 0.34656294]
 [-0.46435596]]
unit step:  1
delta:  [[ 0.95187063]
 [ 0.34656294]
 [-0.46435596]]
delta b updated:  [array([[ 0.11138077],
       [ 0.30335225]]), array([[ 0.95187063],
       [ 0.34656294],
       [-0.46435596]])]
delta w updated: [array([[-0.05564306, -0.01493582,  0.11106121],
       [-0.15154723, -0.0406786 ,  0.30248192]]), array([[ 0.14783742, -0.70762393],
       [ 0.05382556, -0.25763609],
       [-0.07212029,  0.34520383]])]
input:  [[-0.88818223]
 [-0.38808078]
 [ 0.81320924]]
activations:  [array([[-0.88818223],
       [-0.38808078],
       [ 0.81320924]]), array([[ 0.01354243],
       [-0.64232303]]), array([[ 0.20551473],
       [ 0.29887423],
       [ 0.40048561]])]
cost derivative:  [[ 1.09369696]
 [ 0.68695501]
 [-0.41272363]]
unit step:  1
delta:  [[ 1.09369696]
 [ 0.68695501]
 [-0.41272363]]
delta b updated:  [array([[ 0.00928633],
       [ 0.36829947]]), array([[ 1.09369696],
       [ 0.68695501],
       [-0.41272363]])]
delta w updated: [array([[-0.00824795, -0.00360384,  0.00755173],
       [-0.32711705, -0.14292995,  0.29950453]]), array([[ 0.01481131, -0.70250675],
       [ 0.00930304, -0.44124702],
       [-0.00558928,  0.26510189]])]
input:  [[ 0.46254887]
 [-0.98940729]
 [ 0.41317183]]
activations:  [array([[ 0.46254887],
       [-0.98940729],
       [ 0.41317183]]), array([[ 0.25718907],
       [-1.93444218]]), array([[ 1.30657575],
       [ 0.32868911],
       [ 1.17128578]])]
cost derivative:  [[ 0.84402688]
 [ 1.31809639]
 [ 0.75811395]]
unit step:  1
delta:  [[ 0.84402688]
 [ 1.31809639]
 [ 0.75811395]]
delta b updated:  [array([[ 0.15222953],
       [ 2.11014154]]), array([[ 0.84402688],
       [ 1.31809639],
       [ 0.75811395]])]
delta w updated: [array([[ 0.0704136 , -0.15061701,  0.06289695],
       [ 0.97604359, -2.08778941,  0.87185103]]), array([[ 0.21707449, -1.6327212 ],
       [ 0.33899999, -2.54978126],
       [ 0.19497862, -1.46652761]])]
input:  [[ 0.25151697]
 [-0.81524509]
 [ 0.53184446]]
activations:  [array([[ 0.25151697],
       [-0.81524509],
       [ 0.53184446]]), array([[ 0.23246128],
       [-1.68333098]]), array([[ 1.12079292],
       [ 0.3045345 ],
       [ 1.03375673]])]
cost derivative:  [[ 0.86927595]
 [ 1.11977959]
 [ 0.50191227]]
unit step:  1
delta:  [[ 0.86927595]
 [ 1.11977959]
 [ 0.50191227]]
delta b updated:  [array([[ 0.14355037],
       [ 1.59644875]]), array([[ 0.86927595],
       [ 1.11977959],
       [ 0.50191227]])]
delta w updated: [array([[ 0.03610535, -0.11702873,  0.07634647],
       [ 0.40153396, -1.301497  ,  0.84906243]]), array([[ 0.202073  , -1.46327913],
       [ 0.26030539, -1.88495968],
       [ 0.11667517, -0.84488447]])]
input:  [[-0.72135026]
 [-0.01485856]
 [ 1.07717359]]
activations:  [array([[-0.72135026],
       [-0.01485856],
       [ 1.07717359]]), array([[ 0.11852985],
       [-0.52036933]]), array([[ 0.26686636],
       [ 0.2013141 ],
       [ 0.40247956]])]
cost derivative:  [[ 0.98821663]
 [ 0.21617266]
 [-0.67469403]]
unit step:  1
delta:  [[ 0.98821663]
 [ 0.21617266]
 [-0.67469403]]
delta b updated:  [array([[ 0.08712466],
       [ 0.15908087]]), array([[ 0.98821663],
       [ 0.21617266],
       [-0.67469403]])]
delta w updated: [array([[-0.0628474 , -0.00129455,  0.09384838],
       [-0.11475302, -0.00236371,  0.17135771]]), array([[ 0.11713317, -0.51423762],
       [ 0.02562291, -0.11248962],
       [-0.07997138,  0.35109008]])]
input:  [[ 0.76009975]
 [-1.11361334]
 [ 0.33083205]]
activations:  [array([[ 0.76009975],
       [-1.11361334],
       [ 0.33083205]]), array([[ 0.31198397],
       [-2.21685726]]), array([[ 1.54573148],
       [ 0.3298488 ],
       [ 1.33895512]])]
cost derivative:  [[ 0.78563174]
 [ 1.44346214]
 [ 1.00812307]]
unit step:  1
delta:  [[ 0.78563174]
 [ 1.44346214]
 [ 1.00812307]]
delta b updated:  [array([[ 0.17830857],
       [ 2.64475551]]), array([[ 0.78563174],
       [ 1.44346214],
       [ 1.00812307]])]
delta w updated: [array([[ 0.1355323 , -0.19856681,  0.05899019],
       [ 2.01027799, -2.94523501,  0.87496988]]), array([[ 0.24510451, -1.74163341],
       [ 0.45033705, -3.19994952],
       [ 0.31451824, -2.23486495]])]
input:  [[ 0.8841156 ]
 [-0.79645963]
 [ 0.55486465]]
activations:  [array([[ 0.8841156 ],
       [-0.79645963],
       [ 0.55486465]]), array([[ 0.39663047],
       [-2.10192409]]), array([[ 1.58505394],
       [ 0.24746202],
       [ 1.33114247]])]
cost derivative:  [[ 0.70093834]
 [ 1.04392165]
 [ 0.77627782]]
unit step:  1
delta:  [[ 0.70093834]
 [ 1.04392165]
 [ 0.77627782]]
delta b updated:  [array([[ 0.24353207],
       [ 2.02613923]]), array([[ 0.70093834],
       [ 1.04392165],
       [ 0.77627782]])]
delta w updated: [array([[ 0.2153105 , -0.19396346,  0.13512733],
       [ 1.7913413 , -1.61373809,  1.12423304]]), array([[ 0.27801351, -1.47331918],
       [ 0.41405114, -2.19424407],
       [ 0.30789544, -1.63167704]])]
input:  [[ 0.85956852]
 [-0.52593896]
 [ 0.74392399]]
activations:  [array([[ 0.85956852],
       [-0.52593896],
       [ 0.74392399]]), array([[ 0.43553985],
       [-1.91539327]]), array([[ 1.52178219],
       [ 0.18806113],
       [ 1.26243036]])]
cost derivative:  [[ 0.66221366]
 [ 0.71400009]
 [ 0.51850637]]
unit step:  1
delta:  [[ 0.66221366]
 [ 0.71400009]
 [ 0.51850637]]
delta b updated:  [array([[ 0.2834683 ],
       [ 1.46087332]]), array([[ 0.66221366],
       [ 0.71400009],
       [ 0.51850637]])]
delta w updated: [array([[ 0.24366043, -0.14908702,  0.21087887],
       [ 1.25572072, -0.7683302 ,  1.08677871]]), array([[ 0.28842044, -1.2683996 ],
       [ 0.3109755 , -1.36759098],
       [ 0.22583019, -0.99314362]])]
input:  [[ 0.39129169]
 [-0.9345011 ]
 [ 0.45051071]]
activations:  [array([[ 0.39129169],
       [-0.9345011 ],
       [ 0.45051071]]), array([[ 0.24742777],
       [-1.85923383]]), array([[ 1.24148061],
       [ 0.31462126],
       [ 1.12375679]])]
cost derivative:  [[ 0.85018892]
 [ 1.24912236]
 [ 0.67324608]]
unit step:  1
delta:  [[ 0.85018892]
 [ 1.24912236]
 [ 0.67324608]]
delta b updated:  [array([[ 0.14810828],
       [ 1.92208101]]), array([[ 0.85018892],
       [ 1.24912236],
       [ 0.67324608]])]
delta w updated: [array([[ 0.05795354, -0.13840735,  0.06672437],
       [ 0.75209433, -1.79618682,  0.86591808]]), array([[ 0.21036035, -1.5807    ],
       [ 0.30906756, -2.32241055],
       [ 0.16657978, -1.25172188]])]
input:  [[-0.891427  ]
 [-0.20937399]
 [ 0.9383047 ]]
activations:  [array([[-0.891427  ],
       [-0.20937399],
       [ 0.9383047 ]]), array([[ 0.04217639],
       [-0.5317252 ]]), array([[ 0.17163505],
       [ 0.25527843],
       [ 0.36122735]])]
cost derivative:  [[ 1.06306205]
 [ 0.46465242]
 [-0.57707735]]
unit step:  1
delta:  [[ 1.06306205]
 [ 0.46465242]
 [-0.57707735]]
delta b updated:  [array([[ 0.02992389],
       [ 0.23134317]]), array([[ 1.06306205],
       [ 0.46465242],
       [-0.57707735]])]
delta w updated: [array([[-0.02667496, -0.00626528,  0.02807772],
       [-0.20622554, -0.04843724,  0.21707038]]), array([[ 0.04483612, -0.56525688],
       [ 0.01959736, -0.2470674 ],
       [-0.02433904,  0.30684657]])]
input:  [[ 0.31706324]
 [-0.8727042 ]
 [ 0.49262874]]
activations:  [array([[ 0.31706324],
       [-0.8727042 ],
       [ 0.49262874]]), array([[ 0.23876151],
       [-1.77126155]]), array([[ 1.17513217],
       [ 0.30504823],
       [ 1.07555797]])]
cost derivative:  [[ 0.85806893]
 [ 1.17775243]
 [ 0.58292923]]
unit step:  1
delta:  [[ 0.85806893]
 [ 1.17775243]
 [ 0.58292923]]
delta b updated:  [array([[ 0.14499322],
       [ 1.73933009]]), array([[ 0.85806893],
       [ 1.17775243],
       [ 0.58292923]])]
delta w updated: [array([[ 0.04597202, -0.12653619,  0.07142783],
       [ 0.55147763, -1.51792067,  0.85684399]]), array([[ 0.20487383, -1.5198645 ],
       [ 0.28120195, -2.08610758],
       [ 0.13918106, -1.03252013]])]
input:  [[-0.8624718 ]
 [-0.58812709]
 [ 0.67352033]]
activations:  [array([[-0.8624718 ],
       [-0.58812709],
       [ 0.67352033]]), array([[-0.01410534],
       [-0.79307723]]), array([[ 0.25472994],
       [ 0.33559572],
       [ 0.45405955]])]
cost derivative:  [[ 1.11720174]
 [ 0.92372281]
 [-0.21946077]]
unit step:  1
delta:  [[ 1.11720174]
 [ 0.92372281]
 [-0.21946077]]
delta b updated:  [array([[-0.00927019],
       [ 0.56331406]]), array([[ 1.11720174],
       [ 0.92372281],
       [-0.21946077]])]
delta w updated: [array([[ 0.00799528,  0.00545205, -0.00624366],
       [-0.48584249, -0.33130025,  0.37940347]]), array([[-0.01575852, -0.88602727],
       [-0.01302943, -0.73258353],
       [ 0.00309557,  0.17404934]])]
input:  [[ 0.8756188 ]
 [-0.94603947]
 [ 0.44998331]]
activations:  [array([[ 0.8756188 ],
       [-0.94603947],
       [ 0.44998331]]), array([[ 0.36866589],
       [-2.19743237]]), array([[ 1.59912237],
       [ 0.27420787],
       [ 1.35697285]])]
cost derivative:  [[ 0.72350356]
 [ 1.22024735]
 [ 0.90698954]]
unit step:  1
delta:  [[ 0.72350356]
 [ 1.22024735]
 [ 0.90698954]]
delta b updated:  [array([[ 0.21804943],
       [ 2.33339618]]), array([[ 0.72350356],
       [ 1.22024735],
       [ 0.90698954]])]
delta w updated: [array([[ 0.19092818, -0.20628337,  0.0981186 ],
       [ 2.04316558, -2.2074849 ,  1.04998934]]), array([[ 0.26673109, -1.58985015],
       [ 0.44986358, -2.68141102],
       [ 0.33437611, -1.99304818]])]
input:  [[-0.38826665]
 [-0.22284173]
 [ 0.93671988]]
activations:  [array([[-0.38826665],
       [-0.22284173],
       [ 0.93671988]]), array([[ 0.16793247],
       [-0.88331138]]), array([[ 0.54511868],
       [ 0.21568992],
       [ 0.60391922]])]
cost derivative:  [[ 0.93338533]
 [ 0.43853165]
 [-0.33280065]]
unit step:  1
delta:  [[ 0.93338533]
 [ 0.43853165]
 [-0.33280065]]
delta b updated:  [array([[ 0.1180359 ],
       [ 0.41401539]]), array([[ 0.93338533],
       [ 0.43853165],
       [-0.33280065]])]
delta w updated: [array([[-0.04582941, -0.02630333,  0.11056658],
       [-0.16074837, -0.09225991,  0.38781644]]), array([[ 0.1567457 , -0.82446989],
       [ 0.0736437 , -0.38736   ],
       [-0.05588804,  0.29396661]])]
input:  [[-0.8608687 ]
 [-0.07711913]
 [ 1.03139762]]
activations:  [array([[-0.8608687 ],
       [-0.07711913],
       [ 1.03139762]]), array([[ 0.07192504],
       [-0.47074067]]), array([[ 0.17120927],
       [ 0.22181741],
       [ 0.34881517]])]
cost derivative:  [[ 1.03207796]
 [ 0.29893654]
 [-0.68258244]]
unit step:  1
delta:  [[ 1.03207796]
 [ 0.29893654]
 [-0.68258244]]
delta b updated:  [array([[ 0.05229289],
       [ 0.15899042]]), array([[ 1.03207796],
       [ 0.29893654],
       [-0.68258244]])]
delta w updated: [array([[-0.04501731, -0.00403278,  0.05393476],
       [-0.13686988, -0.0122612 ,  0.16398234]]), array([[ 0.07423225, -0.48584107],
       [ 0.02150102, -0.14072159],
       [-0.04909477,  0.32131932]])]
input:  [[ 0.80968627]
 [-0.24410611]
 [ 0.94051003]]
activations:  [array([[ 0.80968627],
       [-0.24410611],
       [ 0.94051003]]), array([[ 0.46941463],
       [-1.70874624]]), array([[ 1.43351863],
       [ 0.12303462],
       [ 1.17969009]])]
cost derivative:  [[ 0.62383236]
 [ 0.36714073]
 [ 0.23918006]]
unit step:  1
delta:  [[ 0.62383236]
 [ 0.36714073]
 [ 0.23918006]]
delta b updated:  [array([[ 0.32273662],
       [ 0.9342664 ]]), array([[ 0.62383236],
       [ 0.36714073],
       [ 0.23918006]])]
delta w updated: [array([[ 0.26131541, -0.07878198,  0.30353703],
       [ 0.75646268, -0.22806013,  0.87868692]]), array([[ 0.29283603, -1.0659712 ],
       [ 0.17234123, -0.62735034],
       [ 0.11227462, -0.40869803]])]
input:  [[-0.3027292 ]
 [-0.29732748]
 [ 0.88589238]]
activations:  [array([[-0.3027292 ],
       [-0.29732748],
       [ 0.88589238]]), array([[ 0.17691976],
       [-0.98955896]]), array([[ 0.6190987 ],
       [ 0.22471722],
       [ 0.66072425]])]
cost derivative:  [[ 0.9218279 ]
 [ 0.5220447 ]
 [-0.22516813]]
unit step:  1
delta:  [[ 0.9218279 ]
 [ 0.5220447 ]
 [-0.22516813]]
delta b updated:  [array([[ 0.12212691],
       [ 0.52000356]]), array([[ 0.9218279 ],
       [ 0.5220447 ],
       [-0.22516813]])]
delta w updated: [array([[-0.03697138, -0.03631169,  0.1081913 ],
       [-0.15742026, -0.15461135,  0.46066719]]), array([[ 0.16308957, -0.91220305],
       [ 0.09236002, -0.51659401],
       [-0.03983669,  0.22281714]])]
input:  [[-0.76193823]
 [-0.01066996]
 [ 1.07947387]]
activations:  [array([[-0.76193823],
       [-0.01066996],
       [ 1.07947387]]), array([[ 0.10799159],
       [-0.49645602]]), array([[ 0.23241563],
       [ 0.19896135],
       [ 0.38267059]])]
cost derivative:  [[ 0.99435386]
 [ 0.20963131]
 [-0.69680328]]
unit step:  1
delta:  [[ 0.99435386]
 [ 0.20963131]
 [-0.69680328]]
delta b updated:  [array([[ 0.07928068],
       [ 0.14573913]]), array([[ 0.99435386],
       [ 0.20963131],
       [-0.69680328]])]
delta w updated: [array([[-0.06040698, -0.00084592,  0.08558142],
       [-0.11104421, -0.00155503,  0.15732158]]), array([[ 0.10738186, -0.49365296],
       [ 0.02263842, -0.10407273],
       [-0.0752489 ,  0.34593218]])]
input:  [[ 0.69145814]
 [-1.11114508]
 [ 0.33149012]]
activations:  [array([[ 0.69145814],
       [-1.11114508],
       [ 0.33149012]]), array([[ 0.29345618],
       [-2.18109887]]), array([[ 1.48546178],
       [ 0.32193017],
       [ 1.30419457]])]
cost derivative:  [[ 0.79400363]
 [ 1.43307525]
 [ 0.97270445]]
unit step:  1
delta:  [[ 0.79400363]
 [ 1.43307525]
 [ 0.97270445]]
delta b updated:  [array([[ 0.16634027],
       [ 2.54092058]]), array([[ 0.79400363],
       [ 1.43307525],
       [ 0.97270445]])]
delta w updated: [array([[ 0.11501734, -0.18482818,  0.05514016],
       [ 1.75694023, -2.82333139,  0.84229006]]), array([[ 0.23300527, -1.73180043],
       [ 0.42054479, -3.12567881],
       [ 0.28544613, -2.12156459]])]
input:  [[ 0.74083576]
 [-1.11590179]
 [ 0.32892906]]
activations:  [array([[ 0.74083576],
       [-1.11590179],
       [ 0.32892906]]), array([[ 0.30507542],
       [-2.22000383]]), array([[ 1.52240262],
       [ 0.31661205],
       [ 1.32786226]])]
cost derivative:  [[ 0.78156686]
 [ 1.43251384]
 [ 0.9989332 ]]
unit step:  1
delta:  [[ 0.78156686]
 [ 1.43251384]
 [ 0.9989332 ]]
delta b updated:  [array([[ 0.17270362],
       [ 2.59165915]]), array([[ 0.78156686],
       [ 1.43251384],
       [ 0.9989332 ]])]
delta w updated: [array([[ 0.12794502, -0.19272028,  0.05680724],
       [ 1.91999377, -2.89203708,  0.85247202]]), array([[ 0.23843684, -1.73508142],
       [ 0.43702476, -3.18018622],
       [ 0.30474996, -2.21763553]])]
input:  [[ 0.81535065]
 [-1.08557778]
 [ 0.35132659]]
activations:  [array([[ 0.81535065],
       [-1.08557778],
       [ 0.35132659]]), array([[ 0.32897082],
       [-2.25376564]]), array([[ 1.57221643],
       [ 0.30147422],
       [ 1.35613773]])]
cost derivative:  [[ 0.75686578]
 [ 1.38705199]
 [ 1.00481114]]
unit step:  1
delta:  [[ 0.75686578]
 [ 1.38705199]
 [ 1.00481114]]
delta b updated:  [array([[ 0.18751697],
       [ 2.58250784]]), array([[ 0.75686578],
       [ 1.38705199],
       [ 1.00481114]])]
delta w updated: [array([[ 0.15289208, -0.20356425,  0.0658797 ],
       [ 2.10564945, -2.80351312,  0.90730368]]), array([[ 0.24898676, -1.70579808],
       [ 0.45629964, -3.12609012],
       [ 0.33055355, -2.26460881]])]
input:  [[-0.64415088]
 [-0.04291088]
 [ 1.05873279]]
activations:  [array([[-0.64415088],
       [-0.04291088],
       [ 1.05873279]]), array([[ 0.13234748],
       [-0.5992695 ]]), array([[ 0.3236498 ],
       [ 0.19355825],
       [ 0.44450361]])]
cost derivative:  [[ 0.96780068]
 [ 0.23646913]
 [-0.61422917]]
unit step:  1
delta:  [[ 0.96780068]
 [ 0.23646913]
 [-0.61422917]]
delta b updated:  [array([[ 0.09640397],
       [ 0.19189429]]), array([[ 0.96780068],
       [ 0.23646913],
       [-0.61422917]])]
delta w updated: [array([[-0.0620987 , -0.00413678,  0.10206605],
       [-0.12360888, -0.00823435,  0.20316478]]), array([[ 0.12808598, -0.57997343],
       [ 0.03129609, -0.14170874],
       [-0.08129168,  0.36808881]])]
input:  [[-0.10106781]
 [-0.48450296]
 [ 0.75796058]]
activations:  [array([[-0.10106781],
       [-0.48450296],
       [ 0.75796058]]), array([[ 0.19637874],
       [-1.25019088]]), array([[ 0.79631337],
       [ 0.24443066],
       [ 0.79487634]])]
cost derivative:  [[ 0.89738118]
 [ 0.72893362]
 [ 0.03691577]]
unit step:  1
delta:  [[ 0.89738118]
 [ 0.72893362]
 [ 0.03691577]]
delta b updated:  [array([[ 0.12994413],
       [ 0.83024606]]), array([[ 0.89738118],
       [ 0.72893362],
       [ 0.03691577]])]
delta w updated: [array([[-0.01313317, -0.06295832,  0.09849253],
       [-0.08391115, -0.40225667,  0.62929379]]), array([[ 0.17622659, -1.12189777],
       [ 0.14314707, -0.91130616],
       [ 0.00724947, -0.04615175]])]
input:  [[ 0.88431089]
 [-0.8122521 ]
 [ 0.54380843]]
activations:  [array([[ 0.88431089],
       [-0.8122521 ],
       [ 0.54380843]]), array([[ 0.39212915],
       [-2.12931996]]), array([[ 1.57658427],
       [ 0.23299021],
       [ 1.3319169 ]])]
cost derivative:  [[ 0.69227338]
 [ 1.04524231]
 [ 0.78810847]]
unit step:  1
delta:  [[ 0.69227338]
 [ 1.04524231]
 [ 0.78810847]]
delta b updated:  [array([[ 0.23771918],
       [ 2.0200246 ]]), array([[ 0.69227338],
       [ 1.04524231],
       [ 0.78810847]])]
delta w updated: [array([[ 0.21021766, -0.19308791,  0.1292737 ],
       [ 1.78632975, -1.64076923,  1.09850641]]), array([[ 0.27146058, -1.47407153],
       [ 0.40986999, -2.22565532],
       [ 0.30904031, -1.67813509]])]
input:  [[-0.78075027]
 [-0.98418159]
 [ 0.39744286]]
activations:  [array([[-0.78075027],
       [-0.98418159],
       [ 0.39744286]]), array([[-0.06073316],
       [-1.10857589]]), array([[ 0.37496107],
       [ 0.40827425],
       [ 0.57480116]])]
cost derivative:  [[ 1.15571134]
 [ 1.39245584]
 [ 0.1773583 ]]
unit step:  1
delta:  [[ 1.15571134]
 [ 1.39245584]
 [ 0.1773583 ]]
delta b updated:  [array([[-0.03634697],
       [ 1.08970602]]), array([[ 1.15571134],
       [ 1.39245584],
       [ 0.1773583 ]])]
delta w updated: [array([[ 0.02837791,  0.03577202, -0.01444584],
       [-0.85078827, -1.0724686 ,  0.43309588]]), array([[-0.07019   , -1.28119372],
       [-0.08456825, -1.54364297],
       [-0.01077153, -0.19661514]])]
input:  [[-0.28086071]
 [-0.31698969]
 [ 0.8724642 ]]
activations:  [array([[-0.28086071],
       [-0.31698969],
       [ 0.8724642 ]]), array([[ 0.17855854],
       [-1.02333938]]), array([[ 0.63502999],
       [ 0.2207175 ],
       [ 0.67450264]])]
cost derivative:  [[ 0.91589069]
 [ 0.5377072 ]
 [-0.19796156]]
unit step:  1
delta:  [[ 0.91589069]
 [ 0.5377072 ]
 [-0.19796156]]
delta b updated:  [array([[ 0.12257234],
       [ 0.54431112]]), array([[ 0.91589069],
       [ 0.5377072 ],
       [-0.19796156]])]
delta w updated: [array([[-0.03442575, -0.03885417,  0.10693998],
       [-0.15287561, -0.17254102,  0.47489197]]), array([[ 0.1635401 , -0.93726701],
       [ 0.09601221, -0.55025695],
       [-0.03534773,  0.20258186]])]
input:  [[ 0.83586808]
 [-0.38015222]
 [ 0.84564697]]
activations:  [array([[ 0.83586808],
       [-0.38015222],
       [ 0.84564697]]), array([[ 0.45209279],
       [-1.82308785]]), array([[ 1.4683101 ],
       [ 0.13996569],
       [ 1.21888262]])]
cost derivative:  [[ 0.63244202]
 [ 0.52011791]
 [ 0.37323565]]
unit step:  1
delta:  [[ 0.63244202]
 [ 0.52011791]
 [ 0.37323565]]
delta b updated:  [array([[ 0.3009298 ],
       [ 1.15495285]]), array([[ 0.63244202],
       [ 0.52011791],
       [ 0.37323565]])]
delta w updated: [array([[ 0.25153761, -0.11439913,  0.25448037],
       [ 0.96538822, -0.43905789,  0.97668239]]), array([[ 0.28592247, -1.15299736],
       [ 0.23514156, -0.94822064],
       [ 0.16873714, -0.68044137]])]
input:  [[ 0.88232077]
 [-0.74634198]
 [ 0.58993341]]
activations:  [array([[ 0.88232077],
       [-0.74634198],
       [ 0.58993341]]), array([[ 0.40217541],
       [-2.08944721]]), array([[ 1.56122927],
       [ 0.21480854],
       [ 1.31660995]])]
cost derivative:  [[ 0.6789085 ]
 [ 0.96115051]
 [ 0.72667654]]
unit step:  1
delta:  [[ 0.6789085 ]
 [ 0.96115051]
 [ 0.72667654]]
delta b updated:  [array([[ 0.24666202],
       [ 1.87060957]]), array([[ 0.6789085 ],
       [ 0.96115051],
       [ 0.72667654]])]
delta w updated: [array([[ 0.21763502, -0.18409422,  0.14551417],
       [ 1.65047768, -1.39611445,  1.10353508]]), array([[ 0.27304031, -1.41854348],
       [ 0.38655111, -2.00827326],
       [ 0.29225144, -1.51835228]])]
input:  [[ 0.2844863 ]
 [-0.84443541]
 [ 0.51191699]]
activations:  [array([[ 0.2844863 ],
       [-0.84443541],
       [ 0.51191699]]), array([[ 0.23342279],
       [-1.7468762 ]]), array([[ 1.13587541],
       [ 0.28532712],
       [ 1.05209265]])]
cost derivative:  [[ 0.85138911]
 [ 1.12976253]
 [ 0.54017566]]
unit step:  1
delta:  [[ 0.85138911]
 [ 1.12976253]
 [ 0.54017566]]
delta b updated:  [array([[ 0.14136189],
       [ 1.62857652]]), array([[ 0.85138911],
       [ 1.12976253],
       [ 0.54017566]])]
delta w updated: [array([[ 0.04021552, -0.11937098,  0.07236555],
       [ 0.46330771, -1.37522768,  0.833696  ]]), array([[ 0.19873362, -1.48727137],
       [ 0.26371232, -1.97355527],
       [ 0.12608931, -0.94362   ]])]
input:  [[ 0.83110741]
 [-0.35401954]
 [ 0.86387311]]
activations:  [array([[ 0.83110741],
       [-0.35401954],
       [ 0.86387311]]), array([[ 0.45471301],
       [-1.80678841]]), array([[ 1.45871336],
       [ 0.13167479],
       [ 1.21008071]])]
cost derivative:  [[ 0.62760595]
 [ 0.48569433]
 [ 0.34620759]]
unit step:  1
delta:  [[ 0.62760595]
 [ 0.48569433]
 [ 0.34620759]]
delta b updated:  [array([[ 0.30378911],
       [ 1.10315909]]), array([[ 0.62760595],
       [ 0.48569433],
       [ 0.34620759]])]
delta w updated: [array([[ 0.25248138, -0.10754728,  0.26243524],
       [ 0.91684369, -0.39053988,  0.95298947]]), array([[ 0.28538059, -1.13395116],
       [ 0.22085153, -0.87754689],
       [ 0.1574251 , -0.62552387]])]
input:  [[-0.8199447 ]
 [-0.81128412]
 [ 0.51790952]]
activations:  [array([[-0.8199447 ],
       [-0.81128412],
       [ 0.51790952]]), array([[-0.04211238],
       [-0.97534143]]), array([[ 0.31557138],
       [ 0.37069608],
       [ 0.52000579]])]
cost derivative:  [[ 1.13551609]
 [ 1.1819802 ]
 [ 0.00209628]]
unit step:  1
delta:  [[ 1.13551609]
 [ 1.1819802 ]
 [ 0.00209628]]
delta b updated:  [array([[-0.02615972],
       [ 0.82870385]]), array([[ 1.13551609],
       [ 1.1819802 ],
       [ 0.00209628]])]
delta w updated: [array([[ 0.02144953,  0.02122297, -0.01354837],
       [-0.67949133, -0.67231428,  0.42919361]]), array([[ -4.78192817e-02,  -1.10751588e+00],
       [ -4.97759958e-02,  -1.15283425e+00],
       [ -8.82792642e-05,  -2.04458712e-03]])]
input:  [[-0.23663819]
 [-0.35734895]
 [ 0.84489076]]
activations:  [array([[-0.23663819],
       [-0.35734895],
       [ 0.84489076]]), array([[ 0.182434  ],
       [-1.08317282]]), array([[ 0.67152306],
       [ 0.22238298],
       [ 0.70353452]])]
cost derivative:  [[ 0.90816125]
 [ 0.57973194]
 [-0.14135623]]
unit step:  1
delta:  [[ 0.90816125]
 [ 0.57973194]
 [-0.14135623]]
delta b updated:  [array([[ 0.12379691],
       [ 0.60351013]]), array([[ 0.90816125],
       [ 0.57973194],
       [-0.14135623]])]
delta w updated: [array([[-0.02929508, -0.0442387 ,  0.10459487],
       [-0.14281354, -0.21566371,  0.50990013]]), array([[ 0.16567949, -0.98369558],
       [ 0.10576281, -0.62794988],
       [-0.02578818,  0.15311323]])]
input:  [[-0.48980896]
 [-0.14139571]
 [ 0.99217199]]
activations:  [array([[-0.48980896],
       [-0.14139571],
       [ 0.99217199]]), array([[ 0.15424456],
       [-0.77322607]]), array([[ 0.4498409 ],
       [ 0.1973508 ],
       [ 0.53885013]])]
cost derivative:  [[ 0.93964987]
 [ 0.33874651]
 [-0.45332187]]
unit step:  1
delta:  [[ 0.93964987]
 [ 0.33874651]
 [-0.45332187]]
delta b updated:  [array([[ 0.10973007],
       [ 0.30249523]]), array([[ 0.93964987],
       [ 0.33874651],
       [-0.45332187]])]
delta w updated: [array([[-0.05374677, -0.01551536,  0.1088711 ],
       [-0.14816487, -0.04277153,  0.3001273 ]]), array([[ 0.14493588, -0.72656178],
       [ 0.05224981, -0.26192764],
       [-0.06992243,  0.35052029]])]
input:  [[ 0.1280158 ]
 [-0.70199809]
 [ 0.60922395]]
activations:  [array([[ 0.1280158 ],
       [-0.70199809],
       [ 0.60922395]]), array([[ 0.21714379],
       [-1.55216818]]), array([[ 0.99423233],
       [ 0.26471329],
       [ 0.94865577]])]
cost derivative:  [[ 0.86621654]
 [ 0.96671138]
 [ 0.33943182]]
unit step:  1
delta:  [[ 0.86621654]
 [ 0.96671138]
 [ 0.33943182]]
delta b updated:  [array([[ 0.13571927],
       [ 1.26933062]]), array([[ 0.86621654],
       [ 0.96671138],
       [ 0.33943182]])]
delta w updated: [array([[ 0.01737421, -0.09527467,  0.08268343],
       [ 0.16249437, -0.89106767,  0.77330662]]), array([[ 0.18809354, -1.34451375],
       [ 0.20991537, -1.50049864],
       [ 0.07370551, -0.52685527]])]
input:  [[-0.88275463]
 [-0.44301392]
 [ 0.77482491]]
activations:  [array([[-0.88275463],
       [-0.44301392],
       [ 0.77482491]]), array([[ 0.00353584],
       [-0.69933886]]), array([[ 0.20848746],
       [ 0.29533143],
       [ 0.41493812]])]
cost derivative:  [[ 1.09124209]
 [ 0.73834535]
 [-0.35988679]]
unit step:  1
delta:  [[ 1.09124209]
 [ 0.73834535]
 [-0.35988679]]
delta b updated:  [array([[ 0.00237989],
       [ 0.40772185]]), array([[ 1.09124209],
       [ 0.73834535],
       [-0.35988679]])]
delta w updated: [array([[-0.00210086, -0.00105432,  0.001844  ],
       [-0.35991835, -0.18062646,  0.31591304]]), array([[ 0.00385846, -0.763148  ],
       [ 0.00261067, -0.51635359],
       [-0.0012725 ,  0.25168282]])]
input:  [[ 0.00212559]
 [-0.58283873]
 [ 0.69070654]]
activations:  [array([[ 0.00212559],
       [-0.58283873],
       [ 0.69070654]]), array([[ 0.20505375],
       [-1.39136334]]), array([[ 0.88126593],
       [ 0.24860023],
       [ 0.86450627]])]
cost derivative:  [[ 0.87914034]
 [ 0.83143896]
 [ 0.17379973]]
unit step:  1
delta:  [[ 0.87914034]
 [ 0.83143896]
 [ 0.17379973]]
delta b updated:  [array([[ 0.13179719],
       [ 1.00925101]]), array([[ 0.87914034],
       [ 0.83143896],
       [ 0.17379973]])]
delta w updated: [array([[  2.80146588e-04,  -7.68165082e-02,   9.10331827e-02],
       [  2.14525228e-03,  -5.88230577e-01,   6.97096274e-01]]), array([[ 0.18027102, -1.22320364],
       [ 0.17048967, -1.15683368],
       [ 0.03563829, -0.24181857]])]
input:  [[ 0.84468781]
 [-0.43082952]
 [ 0.81029585]]
activations:  [array([[ 0.84468781],
       [-0.43082952],
       [ 0.81029585]]), array([[ 0.44473094],
       [-1.86838105]]), array([[ 1.4755751 ],
       [ 0.14234059],
       [ 1.23328445]])]
cost derivative:  [[ 0.6308873 ]
 [ 0.57317011]
 [ 0.42298859]]
unit step:  1
delta:  [[ 0.6308873 ]
 [ 0.57317011]
 [ 0.42298859]]
delta b updated:  [array([[ 0.2906522 ],
       [ 1.23176456]]), array([[ 0.6308873 ],
       [ 0.57317011],
       [ 0.42298859]])]
delta w updated: [array([[ 0.24551037, -0.12522155,  0.23551427],
       [ 1.04045651, -0.53068054,  0.99809372]]), array([[ 0.2805751 , -1.17873786],
       [ 0.25490648, -1.07090018],
       [ 0.18811611, -0.79030387]])]
input:  [[-0.69939058]
 [-0.02062908]
 [ 1.07347501]]
activations:  [array([[-0.69939058],
       [-0.02062908],
       [ 1.07347501]]), array([[ 0.12087094],
       [-0.55574964]]), array([[ 0.27458351],
       [ 0.18795812],
       [ 0.41500811]])]
cost derivative:  [[ 0.97397409]
 [ 0.20858721]
 [-0.6584669 ]]
unit step:  1
delta:  [[ 0.97397409]
 [ 0.20858721]
 [-0.6584669 ]]
delta b updated:  [array([[ 0.08822741],
       [ 0.16270904]]), array([[ 0.97397409],
       [ 0.20858721],
       [-0.6584669 ]])]
delta w updated: [array([[-0.06170542, -0.00182005,  0.09470992],
       [-0.11379717, -0.00335654,  0.17466409]]), array([[ 0.11772517, -0.54128575],
       [ 0.02521213, -0.11592226],
       [-0.07958952,  0.36594274]])]
input:  [[-0.62740077]
 [-0.05140675]
 [ 1.05304444]]
activations:  [array([[-0.62740077],
       [-0.05140675],
       [ 1.05304444]]), array([[ 0.13392686],
       [-0.62458203]]), array([[ 0.33195276],
       [ 0.18828029],
       [ 0.45587426]])]
cost derivative:  [[ 0.95935353]
 [ 0.23968704]
 [-0.59717019]]
unit step:  1
delta:  [[ 0.95935353]
 [ 0.23968704]
 [-0.59717019]]
delta b updated:  [array([[ 0.09699432],
       [ 0.19838179]]), array([[ 0.95935353],
       [ 0.23968704],
       [-0.59717019]])]
delta w updated: [array([[-0.06085431, -0.00498616,  0.10213933],
       [-0.12446489, -0.01019816,  0.20890484]]), array([[ 0.1284832 , -0.59919497],
       [ 0.03210053, -0.14970422],
       [-0.07997713,  0.37298177]])]
input:  [[ 0.01360924]
 [-0.59378189]
 [ 0.68322227]]
activations:  [array([[ 0.01360924],
       [-0.59378189],
       [ 0.68322227]]), array([[ 0.20577272],
       [-1.4077407 ]]), array([[ 0.88906624],
       [ 0.24862738],
       [ 0.87283875]])]
cost derivative:  [[ 0.87545701]
 [ 0.84240927]
 [ 0.18961648]]
unit step:  1
delta:  [[ 0.87545701]
 [ 0.84240927]
 [ 0.18961648]]
delta b updated:  [array([[ 0.13147213],
       [ 1.02846946]]), array([[ 0.87545701],
       [ 0.84240927],
       [ 0.18961648]])]
delta w updated: [array([[ 0.00178924, -0.07806577,  0.08982469],
       [ 0.01399668, -0.61068654,  0.70267324]]), array([[ 0.18014517, -1.23241646],
       [ 0.17334485, -1.18589382],
       [ 0.0390179 , -0.26693084]])]
input:  [[ 0.87313736]
 [-0.63343154]
 [ 0.66885992]]
activations:  [array([[ 0.87313736],
       [-0.63343154],
       [ 0.66885992]]), array([[ 0.41754878],
       [-2.01902131]]), array([[ 1.52589802],
       [ 0.18146987],
       [ 1.28932981]])]
cost derivative:  [[ 0.65276066]
 [ 0.81490141]
 [ 0.62046989]]
unit step:  1
delta:  [[ 0.65276066]
 [ 0.81490141]
 [ 0.62046989]]
delta b updated:  [array([[ 0.25971735],
       [ 1.61531138]]), array([[ 0.65276066],
       [ 0.81490141],
       [ 0.62046989]])]
delta w updated: [array([[ 0.22676892, -0.16451316,  0.17371453],
       [ 1.41038872, -1.02318917,  1.08041704]]), array([[ 0.27255942, -1.31793769],
       [ 0.34026109, -1.64530331],
       [ 0.25907645, -1.25274193]])]
input:  [[-0.31359679]
 [-0.2876391 ]
 [ 0.89250755]]
activations:  [array([[-0.31359679],
       [-0.2876391 ],
       [ 0.89250755]]), array([[ 0.17376448],
       [-0.99077038]]), array([[ 0.59896178],
       [ 0.21037869],
       [ 0.65386766]])]
cost derivative:  [[ 0.91255857]
 [ 0.49801779]
 [-0.23863989]]
unit step:  1
delta:  [[ 0.91255857]
 [ 0.49801779]
 [-0.23863989]]
delta b updated:  [array([[ 0.11917524],
       [ 0.49251648]]), array([[ 0.91255857],
       [ 0.49801779],
       [-0.23863989]])]
delta w updated: [array([[-0.03737297, -0.03427946,  0.1063648 ],
       [-0.15445159, -0.141667  ,  0.43957468]]), array([[ 0.15857026, -0.90413599],
       [ 0.0865378 , -0.49342128],
       [-0.04146714,  0.23643733]])]
input:  [[-0.56567595]
 [-0.08795369]
 [ 1.02841365]]
activations:  [array([[-0.56567595],
       [-0.08795369],
       [ 1.02841365]]), array([[ 0.14313467],
       [-0.69174775]]), array([[ 0.38164858],
       [ 0.18962372],
       [ 0.49318205]])]
cost derivative:  [[ 0.94732454]
 [ 0.27757741]
 [-0.5352316 ]]
unit step:  1
delta:  [[ 0.94732454]
 [ 0.27757741]
 [-0.5352316 ]]
delta b updated:  [array([[ 0.10264857],
       [ 0.23804283]]), array([[ 0.94732454],
       [ 0.27757741],
       [-0.5352316 ]])]
delta w updated: [array([[-0.05806583, -0.00902832,  0.10556519],
       [-0.13465511, -0.02093674,  0.2448065 ]]), array([[ 0.13559499, -0.65530962],
       [ 0.03973095, -0.19201355],
       [-0.0766102 ,  0.37024526]])]
input:  [[ 0.5017083 ]
 [-1.01718375]
 [ 0.39433099]]
activations:  [array([[ 0.5017083 ],
       [-1.01718375],
       [ 0.39433099]]), array([[ 0.25840864],
       [-2.01285048]]), array([[ 1.31217259],
       [ 0.29420792],
       [ 1.19246062]])]
cost derivative:  [[ 0.81046429]
 [ 1.31139167]
 [ 0.79812963]]
unit step:  1
delta:  [[ 0.81046429]
 [ 1.31139167]
 [ 0.79812963]]
delta b updated:  [array([[ 0.14735957],
       [ 2.10874022]]), array([[ 0.81046429],
       [ 1.31139167],
       [ 0.79812963]])]
delta w updated: [array([[ 0.07393152, -0.14989176,  0.05810844],
       [ 1.05797247, -2.14497629,  0.83154162]]), array([[ 0.20943097, -1.63134345],
       [ 0.33887493, -2.63963536],
       [ 0.20624359, -1.60651562]])]
input:  [[-0.88785181]
 [-0.17443756]
 [ 0.96282598]]
activations:  [array([[-0.88785181],
       [-0.17443756],
       [ 0.96282598]]), array([[ 0.04659491],
       [-0.52844748]]), array([[ 0.15837939],
       [ 0.2355038 ],
       [ 0.35813568]])]
cost derivative:  [[ 1.04623121]
 [ 0.40994136]
 [-0.6046903 ]]
unit step:  1
delta:  [[ 1.04623121]
 [ 0.40994136]
 [-0.6046903 ]]
delta b updated:  [array([[ 0.03302099],
       [ 0.2047151 ]]), array([[ 1.04623121],
       [ 0.40994136],
       [-0.6046903 ]])]
delta w updated: [array([[-0.02931774, -0.0057601 ,  0.03179346],
       [-0.18175667, -0.03571   ,  0.19710502]]), array([[ 0.04874905, -0.55287824],
       [ 0.01910118, -0.21663248],
       [-0.02817549,  0.31954707]])]
input:  [[-0.03232454]
 [-0.54998373]
 [ 0.71317725]]
activations:  [array([[-0.03232454],
       [-0.54998373],
       [ 0.71317725]]), array([[ 0.20096852],
       [-1.35191622]]), array([[ 0.84508344],
       [ 0.23976368],
       [ 0.84223141]])]
cost derivative:  [[ 0.87740799]
 [ 0.78974741]
 [ 0.12905416]]
unit step:  1
delta:  [[ 0.87740799]
 [ 0.78974741]
 [ 0.12905416]]
delta b updated:  [array([[ 0.12934304],
       [ 0.93496864]]), array([[ 0.87740799],
       [ 0.78974741],
       [ 0.12905416]])]
delta w updated: [array([[-0.00418095, -0.07113657,  0.09224451],
       [-0.03022244, -0.51421754,  0.66679836]]), array([[ 0.17633138, -1.18618209],
       [ 0.15871436, -1.06767234],
       [ 0.02593582, -0.17447042]])]
input:  [[ 0.07095282]
 [-0.6482618 ]
 [ 0.64596492]]
activations:  [array([[ 0.07095282],
       [-0.6482618 ],
       [ 0.64596492]]), array([[ 0.21064277],
       [-1.48571455]]), array([[ 0.93577736],
       [ 0.25089351],
       [ 0.91166094]])]
cost derivative:  [[ 0.86482453]
 [ 0.89915531]
 [ 0.26569602]]
unit step:  1
delta:  [[ 0.86482453]
 [ 0.89915531]
 [ 0.26569602]]
delta b updated:  [array([[ 0.13223913],
       [ 1.13542682]]), array([[ 0.86482453],
       [ 0.89915531],
       [ 0.26569602]])]
delta w updated: [array([[ 0.00938274, -0.08572557,  0.08542184],
       [ 0.08056174, -0.73605383,  0.7334459 ]]), array([[ 0.18216904, -1.28488239],
       [ 0.18940057, -1.33588813],
       [ 0.05596695, -0.39474844]])]
input:  [[-0.85040337]
 [-0.65782519]
 [ 0.62489984]]
activations:  [array([[-0.85040337],
       [-0.65782519],
       [ 0.62489984]]), array([[-0.02521392],
       [-0.86444759]]), array([[ 0.26150501],
       [ 0.3339742 ],
       [ 0.47631458]])]
cost derivative:  [[ 1.11190837]
 [ 0.99179939]
 [-0.14858527]]
unit step:  1
delta:  [[ 1.11190837]
 [ 0.99179939]
 [-0.14858527]]
delta b updated:  [array([[-0.01609977],
       [ 0.62624883]]), array([[ 1.11190837],
       [ 0.99179939],
       [-0.14858527]])]
delta w updated: [array([[ 0.0136913 ,  0.01059083, -0.01006074],
       [-0.53256412, -0.41196226,  0.3913428 ]]), array([[-0.02803557, -0.96118651],
       [-0.02500715, -0.85735859],
       [ 0.00374642,  0.12844417]])]
input:  [[ 0.71335526]
 [-1.11486096]
 [ 0.32922941]]
activations:  [array([[ 0.71335526],
       [-1.11486096],
       [ 0.32922941]]), array([[ 0.29551405],
       [-2.22296172]]), array([[ 1.47889457],
       [ 0.29113852],
       [ 1.3132114 ]])]
cost derivative:  [[ 0.7655393 ]
 [ 1.40599948]
 [ 0.98398199]]
unit step:  1
delta:  [[ 0.7655393 ]
 [ 1.40599948]
 [ 0.98398199]]
delta b updated:  [array([[ 0.16300115],
       [ 2.48644881]]), array([[ 0.7655393 ],
       [ 1.40599948],
       [ 0.98398199]])]
delta w updated: [array([[ 0.11627773, -0.18172362,  0.05366477],
       [ 1.77372135, -2.7720447 ,  0.81861207]]), array([[ 0.22622762, -1.70176456],
       [ 0.41549259, -3.12548301],
       [ 0.2907805 , -2.1873543 ]])]
input:  [[-0.24775025]
 [-0.34713934]
 [ 0.85186713]]
activations:  [array([[-0.24775025],
       [-0.34713934],
       [ 0.85186713]]), array([[ 0.18003859],
       [-1.07825888]]), array([[ 0.65318867],
       [ 0.21248712],
       [ 0.69790999]])]
cost derivative:  [[ 0.90093892]
 [ 0.55962646]
 [-0.15395714]]
unit step:  1
delta:  [[ 0.90093892]
 [ 0.55962646]
 [-0.15395714]]
delta b updated:  [array([[ 0.12154618],
       [ 0.57701754]]), array([[ 0.90093892],
       [ 0.55962646],
       [-0.15395714]])]
delta w updated: [array([[-0.0301131 , -0.04219346,  0.1035412 ],
       [-0.14295624, -0.20030549,  0.49154227]]), array([[ 0.16220377, -0.97144539],
       [ 0.10075436, -0.6034222 ],
       [-0.02771822,  0.16600565]])]
input:  [[-0.70682931]
 [-0.01844346]
 [ 1.07488957]]
activations:  [array([[-0.70682931],
       [-0.01844346],
       [ 1.07488957]]), array([[ 0.11848743],
       [-0.55508943]]), array([[ 0.26460493],
       [ 0.18391719],
       [ 0.41252769]])]
cost derivative:  [[ 0.97143425]
 [ 0.20236065]
 [-0.66236189]]
unit step:  1
delta:  [[ 0.97143425]
 [ 0.20236065]
 [-0.66236189]]
delta b updated:  [array([[ 0.08628462],
       [ 0.15768574]]), array([[ 0.97143425],
       [ 0.20236065],
       [-0.66236189]])]
delta w updated: [array([[-0.0609885 , -0.00159139,  0.09274644],
       [-0.1114569 , -0.00290827,  0.16949476]]), array([[ 0.11510275, -0.53923288],
       [ 0.02397719, -0.11232826],
       [-0.07848156,  0.36767008]])]
input:  [[-0.53784878]
 [-0.10663077]
 [ 1.01576828]]
activations:  [array([[-0.53784878],
       [-0.10663077],
       [ 1.01576828]]), array([[ 0.14655134],
       [-0.72692826]]), array([[ 0.40177691],
       [ 0.18735864],
       [ 0.51122413]])]
cost derivative:  [[ 0.93962569]
 [ 0.29398941]
 [-0.50454415]]
unit step:  1
delta:  [[ 0.93962569]
 [ 0.29398941]
 [-0.50454415]]
delta b updated:  [array([[ 0.10445708],
       [ 0.25668597]]), array([[ 0.93962569],
       [ 0.29398941],
       [-0.50454415]])]
delta w updated: [array([[-0.05618211, -0.01113834,  0.10610419],
       [-0.13805823, -0.02737062,  0.26073346]]), array([[ 0.13770341, -0.68304047],
       [ 0.04308454, -0.21370921],
       [-0.07394162,  0.3667674 ]])]
input:  [[-0.32441767]
 [-0.27805098]
 [ 0.89905324]]
activations:  [array([[-0.32441767],
       [-0.27805098],
       [ 0.89905324]]), array([[ 0.17194141],
       [-0.98240356]]), array([[ 0.58454216],
       [ 0.20432695],
       [ 0.64822064]])]
cost derivative:  [[ 0.90895983]
 [ 0.48237793]
 [-0.2508326 ]]
unit step:  1
delta:  [[ 0.90895983]
 [ 0.48237793]
 [-0.2508326 ]]
delta b updated:  [array([[ 0.11772945],
       [ 0.47353491]]), array([[ 0.90895983],
       [ 0.48237793],
       [-0.2508326 ]])]
delta w updated: [array([[-0.03819351, -0.03273479,  0.10584504],
       [-0.15362309, -0.13166685,  0.42573309]]), array([[ 0.15628784, -0.89296537],
       [ 0.08294074, -0.4738898 ],
       [-0.04312851,  0.24641884]])]
input:  [[ 0.81540173]
 [-0.27239952]
 [ 0.92078564]]
activations:  [array([[ 0.81540173],
       [-0.27239952],
       [ 0.92078564]]), array([[ 0.46252457],
       [-1.75638361]]), array([[ 1.41699636],
       [ 0.10020244],
       [ 1.18823578]])]
cost derivative:  [[ 0.60159463]
 [ 0.37260196]
 [ 0.26745014]]
unit step:  1
delta:  [[ 0.60159463]
 [ 0.37260196]
 [ 0.26745014]]
delta b updated:  [array([[ 0.30941577],
       [ 0.93602848]]), array([[ 0.60159463],
       [ 0.37260196],
       [ 0.26745014]])]
delta w updated: [array([[ 0.25229815, -0.08428471,  0.28490559],
       [ 0.76323925, -0.25497371,  0.86188159]]), array([[ 0.2782523 , -1.05663094],
       [ 0.17233756, -0.65443198],
       [ 0.12370226, -0.46974505]])]
input:  [[ 0.66850921]
 [-1.10502797]
 [ 0.33541597]]
activations:  [array([[ 0.66850921],
       [-1.10502797],
       [ 0.33541597]]), array([[ 0.2852115 ],
       [-2.18977036]]), array([[ 1.43985933],
       [ 0.28899726],
       [ 1.29030339]])]
cost derivative:  [[ 0.77135011]
 [ 1.39402523]
 [ 0.95488742]]
unit step:  1
delta:  [[ 0.77135011]
 [ 1.39402523]
 [ 0.95488742]]
delta b updated:  [array([[ 0.15687871],
       [ 2.4131069 ]]), array([[ 0.77135011],
       [ 1.39402523],
       [ 0.95488742]])]
delta w updated: [array([[ 0.10487486, -0.17335536,  0.05261962],
       [ 1.6131842 , -2.66655062,  0.8093946 ]]), array([[ 0.21999792, -1.68907961],
       [ 0.39759203, -3.05259513],
       [ 0.27234487, -2.09098417]])]
input:  [[-0.89286411]
 [-0.23476572]
 [ 0.92050079]]
activations:  [array([[-0.89286411],
       [-0.23476572],
       [ 0.92050079]]), array([[ 0.03447132],
       [-0.56852207]]), array([[ 0.16080392],
       [ 0.24517274],
       [ 0.3693364 ]])]
cost derivative:  [[ 1.05366803]
 [ 0.47993846]
 [-0.55116439]]
unit step:  1
delta:  [[ 1.05366803]
 [ 0.47993846]
 [-0.55116439]]
delta b updated:  [array([[ 0.02406569],
       [ 0.23993013]]), array([[ 1.05366803],
       [ 0.47993846],
       [-0.55116439]])]
delta w updated: [array([[-0.02148739, -0.0056498 ,  0.02215248],
       [-0.214225  , -0.05632737,  0.22085587]]), array([[ 0.03632133, -0.59903353],
       [ 0.01654411, -0.27285561],
       [-0.01899936,  0.31334912]])]
input:  [[-0.41942256]
 [-0.19690025]
 [ 0.95440051]]
activations:  [array([[-0.41942256],
       [-0.19690025],
       [ 0.95440051]]), array([[ 0.1610882 ],
       [-0.86768532]]), array([[ 0.50059416],
       [ 0.19400671],
       [ 0.58640611]])]
cost derivative:  [[ 0.92001672]
 [ 0.39090696]
 [-0.3679944 ]]
unit step:  1
delta:  [[ 0.92001672]
 [ 0.39090696]
 [-0.3679944 ]]
delta b updated:  [array([[ 0.11221337],
       [ 0.36292566]]), array([[ 0.92001672],
       [ 0.39090696],
       [-0.3679944 ]])]
delta w updated: [array([[-0.04706482, -0.02209484,  0.1070965 ],
       [-0.15221921, -0.07146015,  0.34637643]]), array([[ 0.14820384, -0.798285  ],
       [ 0.0629705 , -0.33918423],
       [-0.05927956,  0.31930334]])]
input:  [[ 0.05949974]
 [-0.63741001]
 [ 0.65338569]]
activations:  [array([[ 0.05949974],
       [-0.63741001],
       [ 0.65338569]]), array([[ 0.20875883],
       [-1.47700837]]), array([[ 0.91930129],
       [ 0.24300318],
       [ 0.9048303 ]])]
cost derivative:  [[ 0.85980155]
 [ 0.8804132 ]
 [ 0.25144461]]
unit step:  1
delta:  [[ 0.85980155]
 [ 0.8804132 ]
 [ 0.25144461]]
delta b updated:  [array([[ 0.13059407],
       [ 1.10051495]]), array([[ 0.85980155],
       [ 0.8804132 ],
       [ 0.25144461]])]
delta w updated: [array([[ 0.00777031, -0.08324197,  0.0853283 ],
       [ 0.06548035, -0.70147925,  0.71906072]]), array([[ 0.17949117, -1.26993408],
       [ 0.18379403, -1.30037766],
       [ 0.05249128, -0.37138579]])]
input:  [[ 0.45257334]
 [-0.98203513]
 [ 0.41817889]]
activations:  [array([[ 0.45257334],
       [-0.98203513],
       [ 0.41817889]]), array([[ 0.25070573],
       [-1.96676519]]), array([[ 1.25987574],
       [ 0.27876629],
       [ 1.16239638]])]
cost derivative:  [[ 0.8073024 ]
 [ 1.26080142]
 [ 0.74421749]]
unit step:  1
delta:  [[ 0.8073024 ]
 [ 1.26080142]
 [ 0.74421749]]
delta b updated:  [array([[ 0.14279475],
       [ 1.96762491]]), array([[ 0.8073024 ],
       [ 1.26080142],
       [ 0.74421749]])]
delta w updated: [array([[ 0.0646251 , -0.14022947,  0.05971375],
       [ 0.89049458, -1.93227679,  0.8228192 ]]), array([[ 0.20239534, -1.58777426],
       [ 0.31609014, -2.47970035],
       [ 0.18657959, -1.46370106]])]
input:  [[ 0.29539115]
 [-0.85396583]
 [ 0.50541302]]
activations:  [array([[ 0.29539115],
       [-0.85396583],
       [ 0.50541302]]), array([[ 0.23216144],
       [-1.77886163]]), array([[ 1.12443839],
       [ 0.26455171],
       [ 1.0609031 ]])]
cost derivative:  [[ 0.82904724]
 [ 1.11851753]
 [ 0.55549009]]
unit step:  1
delta:  [[ 0.82904724]
 [ 1.11851753]
 [ 0.55549009]]
delta b updated:  [array([[ 0.13707372],
       [ 1.604781  ]]), array([[ 0.82904724],
       [ 1.11851753],
       [ 0.55549009]])]
delta w updated: [array([[ 0.04049036, -0.11705627,  0.06927884],
       [ 0.47403811, -1.37042814,  0.81107721]]), array([[ 0.1924728 , -1.47476032],
       [ 0.25967664, -1.98968792],
       [ 0.12896338, -0.98814   ]])]
input:  [[-0.18059023]
 [-0.40942288]
 [ 0.80929809]]
activations:  [array([[-0.18059023],
       [-0.40942288],
       [ 0.80929809]]), array([[ 0.18578741],
       [-1.16974645]]), array([[ 0.70671792],
       [ 0.21401837],
       [ 0.74335562]])]
cost derivative:  [[ 0.88730815]
 [ 0.62344125]
 [-0.06594247]]
unit step:  1
delta:  [[ 0.88730815]
 [ 0.62344125]
 [-0.06594247]]
delta b updated:  [array([[ 0.12294361],
       [ 0.66937639]]), array([[ 0.88730815],
       [ 0.62344125],
       [-0.06594247]])]
delta w updated: [array([[-0.02220242, -0.05033593,  0.09949803],
       [-0.12088284, -0.27405801,  0.54172503]]), array([[ 0.16485069, -1.03792556],
       [ 0.11582754, -0.72926819],
       [-0.01225128,  0.07713597]])]
input:  [[-0.25882582]
 [-0.33700705]
 [ 0.85878993]]
activations:  [array([[-0.25882582],
       [-0.33700705],
       [ 0.85878993]]), array([[ 0.17799406],
       [-1.07028363]]), array([[ 0.63773511],
       [ 0.20570963],
       [ 0.69155111]])]
cost derivative:  [[ 0.89656094]
 [ 0.54271668]
 [-0.16723881]]
unit step:  1
delta:  [[ 0.89656094]
 [ 0.54271668]
 [-0.16723881]]
delta b updated:  [array([[ 0.1197948 ],
       [ 0.55450354]]), array([[ 0.89656094],
       [ 0.54271668],
       [-0.16723881]])]
delta w updated: [array([[-0.03100599, -0.04037169,  0.10287857],
       [-0.14351984, -0.1868716 ,  0.47620205]]), array([[ 0.15958252, -0.9595745 ],
       [ 0.09660035, -0.58086078],
       [-0.02976752,  0.17899297]])]
input:  [[-0.66048242]
 [-0.03533603]
 [ 1.06378268]]
activations:  [array([[-0.66048242],
       [-0.03533603],
       [ 1.06378268]]), array([[ 0.12651974],
       [-0.60286631]]), array([[ 0.29707426],
       [ 0.17952669],
       [ 0.4392233 ]])]
cost derivative:  [[ 0.95755669]
 [ 0.21486272]
 [-0.62455938]]
unit step:  1
delta:  [[ 0.95755669]
 [ 0.21486272]
 [-0.62455938]]
delta b updated:  [array([[ 0.09142179],
       [ 0.1757403 ]]), array([[ 0.95755669],
       [ 0.21486272],
       [-0.62455938]])]
delta w updated: [array([[-0.06038248, -0.00323048,  0.09725291],
       [-0.11607338, -0.00620996,  0.18694949]]), array([[ 0.12114982, -0.57727866],
       [ 0.02718438, -0.12953349],
       [-0.07901909,  0.3765258 ]])]
input:  [[ 0.24044795]
 [-0.80532804]
 [ 0.53861663]]
activations:  [array([[ 0.24044795],
       [-0.80532804],
       [ 0.53861663]]), array([[ 0.22609402],
       [-1.71202514]]), array([[ 1.07387469],
       [ 0.25701981],
       [ 1.0254453 ]])]
cost derivative:  [[ 0.83342674]
 [ 1.06234785]
 [ 0.48682867]]
unit step:  1
delta:  [[ 0.83342674]
 [ 1.06234785]
 [ 0.48682867]]
delta b updated:  [array([[ 0.13483189],
       [ 1.47572914]]), array([[ 0.83342674],
       [ 1.06234785],
       [ 0.48682867]])]
delta w updated: [array([[ 0.03242005, -0.1085839 ,  0.0726227 ],
       [ 0.35483605, -1.18844606,  0.79485225]]), array([[ 0.1884328 , -1.42684753],
       [ 0.2401905 , -1.81876623],
       [ 0.11006905, -0.83346293]])]
input:  [[-0.85867859]
 [-0.61084914]
 [ 0.65766752]]
activations:  [array([[-0.85867859],
       [-0.61084914],
       [ 0.65766752]]), array([[-0.02059329],
       [-0.83745313]]), array([[ 0.24153142],
       [ 0.31750083],
       [ 0.4642663 ]])]
cost derivative:  [[ 1.10021001]
 [ 0.92834997]
 [-0.19340121]]
unit step:  1
delta:  [[ 1.10021001]
 [ 0.92834997]
 [-0.19340121]]
delta b updated:  [array([[-0.01320919],
       [ 0.5653783 ]]), array([[ 1.10021001],
       [ 0.92834997],
       [-0.19340121]])]
delta w updated: [array([[ 0.01134245,  0.00806882, -0.00868725],
       [-0.48547824, -0.34536085,  0.37183095]]), array([[-0.02265694, -0.92137432],
       [-0.01911778, -0.77744959],
       [ 0.00398277,  0.16196445]])]
input:  [[ 0.38085591]
 [-0.92606427]
 [ 0.45625618]]
activations:  [array([[ 0.38085591],
       [-0.92606427],
       [ 0.45625618]]), array([[ 0.24141447],
       [-1.88664733]]), array([[ 1.19364275],
       [ 0.26718105],
       [ 1.1169544 ]])]
cost derivative:  [[ 0.81278684]
 [ 1.19324531]
 [ 0.66069822]]
unit step:  1
delta:  [[ 0.81278684]
 [ 1.19324531]
 [ 0.66069822]]
delta b updated:  [array([[ 0.13907783],
       [ 1.78950385]]), array([[ 0.81278684],
       [ 1.19324531],
       [ 0.66069822]])]
delta w updated: [array([[ 0.05296861, -0.12879501,  0.06345512],
       [ 0.68154311, -1.65719556,  0.81647219]]), array([[ 0.1962185 , -1.53344211],
       [ 0.28806669, -2.25123308],
       [ 0.15950211, -1.24650454]])]
input:  [[-0.67638176]
 [-0.02871278]
 [ 1.06817291]]
activations:  [array([[-0.67638176],
       [-0.02871278],
       [ 1.06817291]]), array([[ 0.12340098],
       [-0.58980057]]), array([[ 0.28325296],
       [ 0.17789621],
       [ 0.43075904]])]
cost derivative:  [[ 0.95963472]
 [ 0.20660899]
 [-0.63741388]]
unit step:  1
delta:  [[ 0.95963472]
 [ 0.20660899]
 [-0.63741388]]
delta b updated:  [array([[ 0.08929373],
       [ 0.16753367]]), array([[ 0.95963472],
       [ 0.20660899],
       [-0.63741388]])]
delta w updated: [array([[-0.06039665, -0.00256387,  0.09538114],
       [-0.11331672, -0.00481036,  0.17895493]]), array([[ 0.11841986, -0.56599311],
       [ 0.02549575, -0.1218581 ],
       [-0.07865749,  0.37594707]])]
input:  [[-0.61024572]
 [-0.06079305]
 [ 1.04673886]]
activations:  [array([[-0.61024572],
       [-0.06079305],
       [ 1.04673886]]), array([[ 0.13474037],
       [-0.65571254]]), array([[ 0.33595999],
       [ 0.17835173],
       [ 0.46901799]])]
cost derivative:  [[ 0.94620572]
 [ 0.23914477]
 [-0.57772087]]
unit step:  1
delta:  [[ 0.94620572]
 [ 0.23914477]
 [-0.57772087]]
delta b updated:  [array([[ 0.09666624],
       [ 0.20239631]]), array([[ 0.94620572],
       [ 0.23914477],
       [-0.57772087]])]
delta w updated: [array([[-0.05899016, -0.00587664,  0.10118431],
       [-0.12351148, -0.01230429,  0.21185608]]), array([[ 0.12749211, -0.62043895],
       [ 0.03222246, -0.15681023],
       [-0.07784232,  0.37881882]])]
input:  [[ 0.85550694]
 [-1.02321488]
 [ 0.39562474]]
activations:  [array([[ 0.85550694],
       [-1.02321488],
       [ 0.39562474]]), array([[ 0.34552361],
       [-2.27469805]]), array([[ 1.5523711 ],
       [ 0.24101132],
       [ 1.36235697]])]
cost derivative:  [[ 0.69686416]
 [ 1.2642262 ]
 [ 0.96673223]]
unit step:  1
delta:  [[ 0.69686416]
 [ 1.2642262 ]
 [ 0.96673223]]
delta b updated:  [array([[ 0.19108822],
       [ 2.35217959]]), array([[ 0.69686416],
       [ 1.2642262 ],
       [ 0.96673223]])]
delta w updated: [array([[ 0.1634773 , -0.19552431,  0.07559923],
       [ 2.01230596, -2.40678515,  0.93058043]]), array([[ 0.24078302, -1.58515556],
       [ 0.43682   , -2.87573287],
       [ 0.33402881, -2.19902392]])]
input:  [[-0.05527359]
 [-0.52809735]
 [ 0.72814612]]
activations:  [array([[-0.05527359],
       [-0.52809735],
       [ 0.72814612]]), array([[ 0.19711139],
       [-1.33623499]]), array([[ 0.81192354],
       [ 0.22200644],
       [ 0.82795644]])]
cost derivative:  [[ 0.86719713]
 [ 0.75010379]
 [ 0.09981032]]
unit step:  1
delta:  [[ 0.86719713]
 [ 0.75010379]
 [ 0.09981032]]
delta b updated:  [array([[ 0.12614234],
       [ 0.8703619 ]]), array([[ 0.86719713],
       [ 0.75010379],
       [ 0.09981032]])]
delta w updated: [array([[-0.00697234, -0.06661544,  0.09185006],
       [-0.04810802, -0.45963581,  0.63375064]]), array([[ 0.17093443, -1.15877914],
       [ 0.147854  , -1.00231493],
       [ 0.01967375, -0.13337004]])]
input:  [[ 0.40166683]
 [-0.94279731]
 [ 0.44486278]]
activations:  [array([[ 0.40166683],
       [-0.94279731],
       [ 0.44486278]]), array([[ 0.24347751],
       [-1.91554713]]), array([[ 1.20819445],
       [ 0.26417989],
       [ 1.12989971]])]
cost derivative:  [[ 0.80652761]
 [ 1.2069772 ]
 [ 0.68503693]]
unit step:  1
delta:  [[ 0.80652761]
 [ 1.2069772 ]
 [ 0.68503693]]
delta b updated:  [array([[ 0.13916091],
       [ 1.82663415]]), array([[ 0.80652761],
       [ 1.2069772 ],
       [ 0.68503693]])]
delta w updated: [array([[ 0.05589632, -0.13120053,  0.06190751],
       [ 0.73369835, -1.72214576,  0.81260154]]), array([[ 0.19637134, -1.54494166],
       [ 0.29387181, -2.31202172],
       [ 0.16679109, -1.31222053]])]
input:  [[-0.79777761]
 [-0.01697286]
 [ 1.07450114]]
activations:  [array([[-0.79777761],
       [-0.01697286],
       [ 1.07450114]]), array([[ 0.09418853],
       [-0.50150057]]), array([[ 0.19143223],
       [ 0.1850411 ],
       [ 0.37099684]])]
cost derivative:  [[ 0.98920984]
 [ 0.20201396]
 [-0.7035043 ]]
unit step:  1
delta:  [[ 0.98920984]
 [ 0.20201396]
 [-0.7035043 ]]
delta b updated:  [array([[ 0.0684149 ],
       [ 0.13426116]]), array([[ 0.98920984],
       [ 0.20201396],
       [-0.7035043 ]])]
delta w updated: [array([[-0.05457987, -0.0011612 ,  0.07351189],
       [-0.10711055, -0.0022788 ,  0.14426377]]), array([[ 0.09317222, -0.4960893 ],
       [ 0.0190274 , -0.10131012],
       [-0.06626204,  0.3528078 ]])]
input:  [[ 0.4324114 ]
 [-0.96680394]
 [ 0.42853068]]
activations:  [array([[ 0.4324114 ],
       [-0.96680394],
       [ 0.42853068]]), array([[ 0.24712509],
       [-1.95342412]]), array([[ 1.23300698],
       [ 0.26446757],
       [ 1.1493826 ]])]
cost derivative:  [[ 0.80059559]
 [ 1.23127151]
 [ 0.72085192]]
unit step:  1
delta:  [[ 0.80059559]
 [ 1.23127151]
 [ 0.72085192]]
delta b updated:  [array([[ 0.14010273],
       [ 1.89203709]]), array([[ 0.80059559],
       [ 1.23127151],
       [ 0.72085192]])]
delta w updated: [array([[ 0.06058202, -0.13545187,  0.06003832],
       [ 0.8181384 , -1.82922892,  0.81079594]]), array([[ 0.19784726, -1.56390273],
       [ 0.30427808, -2.40519547],
       [ 0.17814059, -1.40812952]])]
input:  [[-0.88050667]
 [-0.13357725]
 [ 0.99155448]]
activations:  [array([[-0.88050667],
       [-0.13357725],
       [ 0.99155448]]), array([[ 0.0534743 ],
       [-0.52071227]]), array([[ 0.14867367],
       [ 0.21633254],
       [ 0.35600652]])]
cost derivative:  [[ 1.02918034]
 [ 0.34990979]
 [-0.63554795]]
unit step:  1
delta:  [[ 1.02918034]
 [ 0.34990979]
 [-0.63554795]]
delta b updated:  [array([[ 0.03798366],
       [ 0.17799386]]), array([[ 1.02918034],
       [ 0.34990979],
       [-0.63554795]])]
delta w updated: [array([[-0.03344487, -0.00507375,  0.03766287],
       [-0.15672478, -0.02377593,  0.17649061]]), array([[ 0.0550347 , -0.53590683],
       [ 0.01871118, -0.18220232],
       [-0.03398548,  0.33093762]])]
input:  [[ 0.69887632]
 [-1.1126556 ]
 [ 0.330548  ]]
activations:  [array([[ 0.69887632],
       [-1.1126556 ],
       [ 0.330548  ]]), array([[ 0.2901934 ],
       [-2.23104702]]), array([[ 1.44803275],
       [ 0.26710932],
       [ 1.3054356 ]])]
cost derivative:  [[ 0.74915643]
 [ 1.37976493]
 [ 0.97488761]]
unit step:  1
delta:  [[ 0.74915643]
 [ 1.37976493]
 [ 0.97488761]]
delta b updated:  [array([[ 0.15689762],
       [ 2.40195424]]), array([[ 0.74915643],
       [ 1.37976493],
       [ 0.97488761]])]
delta w updated: [array([[ 0.10965203, -0.17457301,  0.05186219],
       [ 1.67866895, -2.67254785,  0.79396116]]), array([[ 0.21740025, -1.67140321],
       [ 0.40039868, -3.07832043],
       [ 0.28290595, -2.17502009]])]
input:  [[ 0.77227571]
 [-1.11056888]
 [ 0.33315392]]
activations:  [array([[ 0.77227571],
       [-1.11056888],
       [ 0.33315392]]), array([[ 0.30903752],
       [-2.28223573]]), array([[ 1.50068503],
       [ 0.25721622],
       [ 1.33873825]])]
cost derivative:  [[ 0.72840932]
 [ 1.3677851 ]
 [ 1.00558434]]
unit step:  1
delta:  [[ 0.72840932]
 [ 1.3677851 ]
 [ 1.00558434]]
delta b updated:  [array([[ 0.16691394],
       [ 2.45342292]]), array([[ 0.72840932],
       [ 1.3677851 ],
       [ 1.00558434]])]
delta w updated: [array([[ 0.12890358, -0.18536942,  0.05560803],
       [ 1.89471893, -2.72469515,  0.81736745]]), array([[ 0.22510581, -1.66240179],
       [ 0.42269691, -3.12160803],
       [ 0.31076328, -2.2949805 ]])]
input:  [[-0.54721097]
 [-0.10021561]
 [ 1.02011474]]
activations:  [array([[-0.54721097],
       [-0.10021561],
       [ 1.02011474]]), array([[ 0.14359135],
       [-0.72916261]]), array([[ 0.38501114],
       [ 0.17525623],
       [ 0.50615175]])]
cost derivative:  [[ 0.93222211]
 [ 0.27547183]
 [-0.51396298]]
unit step:  1
delta:  [[ 0.93222211]
 [ 0.27547183]
 [-0.51396298]]
delta b updated:  [array([[ 0.10191129],
       [ 0.24233535]]), array([[ 0.93222211],
       [ 0.27547183],
       [-0.51396298]])]
delta w updated: [array([[-0.05576698, -0.0102131 ,  0.10396121],
       [-0.13260856, -0.02428578,  0.24720987]]), array([[ 0.13385903, -0.67974151],
       [ 0.03955537, -0.20086376],
       [-0.07380064,  0.37476259]])]
input:  [[-0.07819255]
 [-0.50626023]
 [ 0.74308096]]
activations:  [array([[-0.07819255],
       [-0.50626023],
       [ 0.74308096]]), array([[ 0.19439627],
       [-1.31244449]]), array([[ 0.7880934 ],
       [ 0.21304103],
       [ 0.81173933]])]
cost derivative:  [[ 0.86628596]
 [ 0.71930126]
 [ 0.06865837]]
unit step:  1
delta:  [[ 0.86628596]
 [ 0.71930126]
 [ 0.06865837]]
delta b updated:  [array([[ 0.12483031],
       [ 0.8217881 ]]), array([[ 0.86628596],
       [ 0.71930126],
       [ 0.06865837]])]
delta w updated: [array([[-0.0097608 , -0.06319662,  0.09275903],
       [-0.06425771, -0.41603863,  0.61065509]]), array([[ 0.16840276, -1.13695223],
       [ 0.13982948, -0.94404298],
       [ 0.01334693, -0.0901103 ]])]
input:  [[ 0.84039431]
 [-0.40575427]
 [ 0.82778877]]
activations:  [array([[ 0.84039431],
       [-0.40575427],
       [ 0.82778877]]), array([[ 0.44448848],
       [-1.87772514]]), array([[ 1.43937234],
       [ 0.10243596],
       [ 1.2254449 ]])]
cost derivative:  [[ 0.59897803]
 [ 0.50819023]
 [ 0.39765613]]
unit step:  1
delta:  [[ 0.59897803]
 [ 0.50819023]
 [ 0.39765613]]
delta b updated:  [array([[ 0.28516797],
       [ 1.1253933 ]]), array([[ 0.59897803],
       [ 0.50819023],
       [ 0.39765613]])]
delta w updated: [array([[ 0.23965354, -0.11570812,  0.23605884],
       [ 0.94577412, -0.45663314,  0.93158794]]), array([[ 0.26623883, -1.12471611],
       [ 0.2258847 , -0.95424158],
       [ 0.17675357, -0.74668892]])]
input:  [[-0.00935906]
 [-0.57188877]
 [ 0.69819556]]
activations:  [array([[-0.00935906],
       [-0.57188877],
       [ 0.69819556]]), array([[ 0.20060321],
       [-1.40308129]]), array([[ 0.8470338 ],
       [ 0.21884422],
       [ 0.85763351]])]
cost derivative:  [[ 0.85639286]
 [ 0.79073299]
 [ 0.15943795]]
unit step:  1
delta:  [[ 0.85639286]
 [ 0.79073299]
 [ 0.15943795]]
delta b updated:  [array([[ 0.12642505],
       [ 0.94188464]]), array([[ 0.85639286],
       [ 0.79073299],
       [ 0.15943795]])]
delta w updated: [array([[-0.00118322, -0.07230107,  0.08826941],
       [-0.00881516, -0.53865325,  0.65761968]]), array([[ 0.17179516, -1.20158879],
       [ 0.15862358, -1.10946266],
       [ 0.03198377, -0.22370441]])]
input:  [[-0.88261408]
 [-0.14319077]
 [ 0.98478939]]
activations:  [array([[-0.88261408],
       [-0.14319077],
       [ 0.98478939]]), array([[ 0.05085365],
       [-0.52866817]]), array([[ 0.14652747],
       [ 0.21577264],
       [ 0.35688796]])]
cost derivative:  [[ 1.02914155]
 [ 0.35896341]
 [-0.62790143]]
unit step:  1
delta:  [[ 1.02914155]
 [ 0.35896341]
 [-0.62790143]]
delta b updated:  [array([[ 0.03598958],
       [ 0.18171581]]), array([[ 1.02914155],
       [ 0.35896341],
       [-0.62790143]])]
delta w updated: [array([[-0.03176491, -0.00515338,  0.03544216],
       [-0.16038494, -0.02602003,  0.17895181]]), array([[ 0.0523356 , -0.54407439],
       [ 0.0182546 , -0.18977253],
       [-0.03193108,  0.3319515 ]])]
input:  [[-0.81402889]
 [-0.83872816]
 [ 0.49878306]]
activations:  [array([[-0.81402889],
       [-0.83872816],
       [ 0.49878306]]), array([[-0.0486176 ],
       [-1.02399285]]), array([[ 0.302698  ],
       [ 0.35134541],
       [ 0.5326173 ]])]
cost derivative:  [[ 1.11672688]
 [ 1.19007357]
 [ 0.03383424]]
unit step:  1
delta:  [[ 1.11672688]
 [ 1.19007357]
 [ 0.03383424]]
delta b updated:  [array([[-0.02934173],
       [ 0.83185644]]), array([[ 1.11672688],
       [ 1.19007357],
       [ 0.03383424]])]
delta w updated: [array([[ 0.02388502,  0.02460973, -0.01463516],
       [-0.67715517, -0.69770142,  0.4149159 ]]), array([[-0.05429258, -1.14352034],
       [-0.05785852, -1.21862682],
       [-0.00164494, -0.03464602]])]
input:  [[-0.80860522]
 [-0.02154802]
 [ 1.07112836]]
activations:  [array([[-0.80860522],
       [-0.02154802],
       [ 1.07112836]]), array([[ 0.09006788],
       [-0.50181581]]), array([[ 0.18101041],
       [ 0.18298567],
       [ 0.3674761 ]])]
cost derivative:  [[ 0.98961563]
 [ 0.20453369]
 [-0.70365226]]
unit step:  1
delta:  [[ 0.98961563]
 [ 0.20453369]
 [-0.70365226]]
delta b updated:  [array([[ 0.06525695],
       [ 0.13284333]]), array([[ 0.98961563],
       [ 0.20453369],
       [-0.70365226]])]
delta w updated: [array([[-0.05276711, -0.00140616,  0.06989857],
       [-0.10741781, -0.00286251,  0.14229226]]), array([[ 0.08913258, -0.49660477],
       [ 0.01842192, -0.10263824],
       [-0.06337647,  0.35310383]])]
input:  [[-0.85373844]
 [-0.0643567 ]
 [ 1.04044617]]
activations:  [array([[-0.85373844],
       [-0.0643567 ],
       [ 1.04044617]]), array([[ 0.07135685],
       [-0.49859375]]), array([[ 0.1544088 ],
       [ 0.19614199],
       [ 0.35526889]])]
cost derivative:  [[ 1.00814724]
 [ 0.26049869]
 [-0.68517728]]
unit step:  1
delta:  [[ 1.00814724]
 [ 0.26049869]
 [-0.68517728]]
delta b updated:  [array([[ 0.05127634],
       [ 0.14508768]]), array([[ 1.00814724],
       [ 0.26049869],
       [-0.68517728]])]
delta w updated: [array([[-0.04377658, -0.00329998,  0.05335027],
       [-0.12386693, -0.00933736,  0.15095592]]), array([[ 0.07193821, -0.50265592],
       [ 0.01858837, -0.12988302],
       [-0.04889209,  0.34162511]])]
input:  [[-0.74891835]
 [-0.01094122]
 [ 1.07948694]]
activations:  [array([[-0.74891835],
       [-0.01094122],
       [ 1.07948694]]), array([[ 0.10689561],
       [-0.53614498]]), array([[ 0.22184428],
       [ 0.17487315],
       [ 0.39414888]])]
cost derivative:  [[ 0.97076263]
 [ 0.18581437]
 [-0.68533806]]
unit step:  1
delta:  [[ 0.97076263]
 [ 0.18581437]
 [-0.68533806]]
delta b updated:  [array([[ 0.07742913],
       [ 0.13919355]]), array([[ 0.97076263],
       [ 0.18581437],
       [-0.68533806]])]
delta w updated: [array([[-0.0579881 , -0.00084717,  0.08358373],
       [-0.10424461, -0.00152295,  0.15025762]]), array([[ 0.10377026, -0.52046951],
       [ 0.01986274, -0.09962344],
       [-0.07325963,  0.36744056]])]
input:  [[-0.13526893]
 [-0.45208366]
 [ 0.78013005]]
activations:  [array([[-0.13526893],
       [-0.45208366],
       [ 0.78013005]]), array([[ 0.18855823],
       [-1.24103562]]), array([[ 0.7338903 ],
       [ 0.20471489],
       [ 0.77538843]])]
cost derivative:  [[ 0.86915923]
 [ 0.65679856]
 [-0.00474162]]
unit step:  1
delta:  [[ 0.86915923]
 [ 0.65679856]
 [-0.00474162]]
delta b updated:  [array([[ 0.12218959],
       [ 0.72245176]]), array([[ 0.86915923],
       [ 0.65679856],
       [-0.00474162]])]
delta w updated: [array([[-0.01652846, -0.05523992,  0.09532377],
       [-0.09772528, -0.32660864,  0.56360632]]), array([[  1.63887127e-01,  -1.07865757e+00],
       [  1.23844773e-01,  -8.15110401e-01],
       [ -8.94070912e-04,   5.88451559e-03]])]
input:  [[ 0.10523791]
 [-0.6806234 ]
 [ 0.62383717]]
activations:  [array([[ 0.10523791],
       [-0.6806234 ],
       [ 0.62383717]]), array([[ 0.21117396],
       [-1.55353463]]), array([[ 0.94255633],
       [ 0.22724435],
       [ 0.93630138]])]
cost derivative:  [[ 0.83731842]
 [ 0.90786774]
 [ 0.31246421]]
unit step:  1
delta:  [[ 0.83731842]
 [ 0.90786774]
 [ 0.31246421]]
delta b updated:  [array([[ 0.12871775],
       [ 1.15734308]]), array([[ 0.83731842],
       [ 0.90786774],
       [ 0.31246421]])]
delta w updated: [array([[ 0.01354599, -0.08760831,  0.08029892],
       [ 0.12179637, -0.78771478,  0.72199363]]), array([[ 0.17681985, -1.30080316],
       [ 0.19171803, -1.41040398],
       [ 0.0659843 , -0.48542397]])]
input:  [[-0.84992859]
 [-0.05851777]
 [ 1.04459451]]
activations:  [array([[-0.84992859],
       [-0.05851777],
       [ 1.04459451]]), array([[ 0.07303706],
       [-0.49879586]]), array([[ 0.15490317],
       [ 0.19385466],
       [ 0.35674423]])]
cost derivative:  [[ 1.00483177]
 [ 0.25237243]
 [-0.68785027]]
unit step:  1
delta:  [[ 1.00483177]
 [ 0.25237243]
 [-0.68785027]]
delta b updated:  [array([[ 0.05247157],
       [ 0.14235043]]), array([[ 1.00483177],
       [ 0.25237243],
       [-0.68785027]])]
delta w updated: [array([[-0.04459709, -0.00307052,  0.05481152],
       [-0.1209877 , -0.00833003,  0.14869848]]), array([[ 0.07338996, -0.50120593],
       [ 0.01843254, -0.12588232],
       [-0.05023856,  0.34309687]])]
input:  [[ 0.85862676]
 [-1.01494338]
 [ 0.40146581]]
activations:  [array([[ 0.85862676],
       [-1.01494338],
       [ 0.40146581]]), array([[ 0.34623625],
       [-2.2860189 ]]), array([[ 1.53806672],
       [ 0.21992288],
       [ 1.36163847]])]
cost derivative:  [[ 0.67943996]
 [ 1.23486626]
 [ 0.96017266]]
unit step:  1
delta:  [[ 0.67943996]
 [ 1.23486626]
 [ 0.96017266]]
delta b updated:  [array([[ 0.1889399 ],
       [ 2.28687849]]), array([[ 0.67943996],
       [ 1.23486626],
       [ 0.96017266]])]
delta w updated: [array([[ 0.16222885, -0.1917633 ,  0.07585291],
       [ 1.96357508, -2.32105219,  0.91810353]]), array([[ 0.23524674, -1.55321258],
       [ 0.42755546, -2.82292761],
       [ 0.33244658, -2.19497285]])]
input:  [[-0.7804745 ]
 [-0.01245835]
 [ 1.07793242]]
activations:  [array([[-0.7804745 ],
       [-0.01245835],
       [ 1.07793242]]), array([[ 0.09831173],
       [-0.51743456]]), array([[ 0.19756303],
       [ 0.17674512],
       [ 0.37996123]])]
cost derivative:  [[ 0.97803752]
 [ 0.18920348]
 [-0.69797119]]
unit step:  1
delta:  [[ 0.97803752]
 [ 0.18920348]
 [-0.69797119]]
delta b updated:  [array([[ 0.07114659],
       [ 0.13287024]]), array([[ 0.97803752],
       [ 0.18920348],
       [-0.69797119]])]
delta w updated: [array([[-0.0555281 , -0.00088637,  0.07669122],
       [-0.10370183, -0.00165534,  0.14322514]]), array([[ 0.09615256, -0.50607041],
       [ 0.01860092, -0.09790042],
       [-0.06861875,  0.36115441]])]
input:  [[-0.88051691]
 [-0.46227744]
 [ 0.76136981]]
activations:  [array([[-0.88051691],
       [-0.46227744],
       [ 0.76136981]]), array([[-0.00271282],
       [-0.73902955]]), array([[ 0.19318867],
       [ 0.27814764],
       [ 0.42551648]])]
cost derivative:  [[ 1.07370557]
 [ 0.74042507]
 [-0.33585333]]
unit step:  1
delta:  [[ 1.07370557]
 [ 0.74042507]
 [-0.33585333]]
delta b updated:  [array([[-0.00178551],
       [ 0.4074845 ]]), array([[ 1.07370557],
       [ 0.74042507],
       [-0.33585333]])]
delta w updated: [array([[ 0.00157217,  0.0008254 , -0.00135943],
       [-0.35879699, -0.18837089,  0.3102464 ]]), array([[-0.00291277, -0.79350015],
       [-0.00200864, -0.54719601],
       [ 0.00091111,  0.24820553]])]
input:  [[-0.89171727]
 [-0.33735345]
 [ 0.84867781]]
activations:  [array([[-0.89171727],
       [-0.33735345],
       [ 0.84867781]]), array([[ 0.01542873],
       [-0.65113518]]), array([[ 0.16572319],
       [ 0.25353499],
       [ 0.39486207]])]
cost derivative:  [[ 1.05744046]
 [ 0.59088844]
 [-0.45381573]]
unit step:  1
delta:  [[ 1.05744046]
 [ 0.59088844]
 [-0.45381573]]
delta b updated:  [array([[ 0.01044449],
       [ 0.30422856]]), array([[ 1.05744046],
       [ 0.59088844],
       [-0.45381573]])]
delta w updated: [array([[-0.00931353, -0.00352348,  0.008864  ],
       [-0.27128586, -0.10263255,  0.25819203]]), array([[ 0.01631496, -0.68853669],
       [ 0.00911666, -0.38474825],
       [-0.0070018 ,  0.29549539]])]
input:  [[ 0.6280486 ]
 [-1.08977712]
 [ 0.34546499]]
activations:  [array([[ 0.6280486 ],
       [-1.08977712],
       [ 0.34546499]]), array([[ 0.27491506],
       [-2.17867401]]), array([[ 1.37971416],
       [ 0.25466366],
       [ 1.26828537]])]
cost derivative:  [[ 0.75166556]
 [ 1.34444078]
 [ 0.92282038]]
unit step:  1
delta:  [[ 0.75166556]
 [ 1.34444078]
 [ 0.92282038]]
delta b updated:  [array([[ 0.14772218],
       [ 2.25516534]]), array([[ 0.75166556],
       [ 1.34444078],
       [ 0.92282038]])]
delta w updated: [array([[ 0.0927767 , -0.16098425,  0.05103284],
       [ 1.41635343, -2.45762759,  0.77908067]]), array([[ 0.20664418, -1.63763421],
       [ 0.36960702, -2.92909818],
       [ 0.25369722, -2.01052478]])]
input:  [[ 0.60251976]
 [-1.07776145]
 [ 0.35348131]]
activations:  [array([[ 0.60251976],
       [-1.07776145],
       [ 0.35348131]]), array([[ 0.27031965],
       [-2.15543201]]), array([[ 1.35894814],
       [ 0.25252869],
       [ 1.25284442]])]
cost derivative:  [[ 0.75642838]
 [ 1.33029013]
 [ 0.89936311]]
unit step:  1
delta:  [[ 0.75642838]
 [ 1.33029013]
 [ 0.89936311]]
delta b updated:  [array([[ 0.1459183 ],
       [ 2.20434169]]), array([[ 0.75642838],
       [ 1.33029013],
       [ 0.89936311]])]
delta w updated: [array([[ 0.08791866, -0.15726512,  0.05157939],
       [ 1.32815942, -2.37575448,  0.77919358]]), array([[ 0.20447745, -1.63042994],
       [ 0.35960356, -2.86734993],
       [ 0.24311552, -1.93851604]])]
input:  [[-0.06673768]
 [-0.51717072]
 [ 0.73561912]]
activations:  [array([[-0.06673768],
       [-0.51717072],
       [ 0.73561912]]), array([[ 0.19451085],
       [-1.33566537]]), array([[ 0.78911406],
       [ 0.20453053],
       [ 0.8208402 ]])]
cost derivative:  [[ 0.85585174]
 [ 0.72170126]
 [ 0.08522108]]
unit step:  1
delta:  [[ 0.85585174]
 [ 0.72170126]
 [ 0.08522108]]
delta b updated:  [array([[ 0.12360123],
       [ 0.82731659]]), array([[ 0.85585174],
       [ 0.72170126],
       [ 0.08522108]])]
delta w updated: [array([[-0.00824886, -0.06392294,  0.09092343],
       [-0.05521319, -0.42786392,  0.6085899 ]]), array([[ 0.16647245, -1.14313153],
       [ 0.14037873, -0.96395138],
       [ 0.01657643, -0.11382685]])]
input:  [[-0.89356616]
 [-0.27608096]
 [ 0.89155731]]
activations:  [array([[-0.89356616],
       [-0.27608096],
       [ 0.89155731]]), array([[ 0.0250618 ],
       [-0.61271091]]), array([[ 0.15398389],
       [ 0.23890389],
       [ 0.38112612]])]
cost derivative:  [[ 1.04755005]
 [ 0.51498484]
 [-0.51043119]]
unit step:  1
delta:  [[ 1.04755005]
 [ 0.51498484]
 [-0.51043119]]
delta b updated:  [array([[ 0.01719234],
       [ 0.25916117]]), array([[ 1.04755005],
       [ 0.51498484],
       [-0.51043119]])]
delta w updated: [array([[-0.0153625 , -0.00474648,  0.01532796],
       [-0.23157765, -0.07154946,  0.23105704]]), array([[ 0.02625349, -0.64184534],
       [ 0.01290645, -0.31553683],
       [-0.01279232,  0.31274676]])]
input:  [[ 0.53025033]
 [-1.03611129]
 [ 0.38152138]]
activations:  [array([[ 0.53025033],
       [-1.03611129],
       [ 0.38152138]]), array([[ 0.25876483],
       [-2.08143908]]), array([[ 1.29818835],
       [ 0.24801659],
       [ 1.20980646]])]
cost derivative:  [[ 0.76793802]
 [ 1.28412787]
 [ 0.82828508]]
unit step:  1
delta:  [[ 0.76793802]
 [ 1.28412787]
 [ 0.82828508]]
delta b updated:  [array([[ 0.14137954],
       [ 2.05426774]]), array([[ 0.76793802],
       [ 1.28412787],
       [ 0.82828508]])]
delta w updated: [array([[ 0.07496655, -0.14648494,  0.05393932],
       [ 1.08927615, -2.12844999,  0.78374706]]), array([[ 0.19871535, -1.5984162 ],
       [ 0.33228714, -2.67283394],
       [ 0.21433105, -1.72402494]])]
input:  [[-0.82561786]
 [-0.78438004]
 [ 0.53666163]]
activations:  [array([[-0.82561786],
       [-0.78438004],
       [ 0.53666163]]), array([[-0.04319977],
       [-0.98907383]]), array([[ 0.27949982],
       [ 0.33332891],
       [ 0.51762803]])]
cost derivative:  [[ 1.10511768]
 [ 1.11770894]
 [-0.0190336 ]]
unit step:  1
delta:  [[ 1.10511768]
 [ 1.11770894]
 [-0.0190336 ]]
delta b updated:  [array([[-0.02630025],
       [ 0.75090318]]), array([[ 1.10511768],
       [ 1.11770894],
       [-0.0190336 ]])]
delta w updated: [array([[ 0.02171395,  0.02062939, -0.01411433],
       [-0.61995908, -0.58899347,  0.40298093]]), array([[ -4.77408273e-02,  -1.09304298e+00],
       [ -4.82847672e-02,  -1.10549667e+00],
       [  8.22246990e-04,   1.88256331e-02]])]
input:  [[ 0.80028279]
 [-1.09741885]
 [ 0.34279947]]
activations:  [array([[ 0.80028279],
       [-1.09741885],
       [ 0.34279947]]), array([[ 0.31689636],
       [-2.30861688]]), array([[ 1.50110356],
       [ 0.22967301],
       [ 1.34923985]])]
cost derivative:  [[ 0.70082077]
 [ 1.32709186]
 [ 1.00644038]]
unit step:  1
delta:  [[ 0.70082077]
 [ 1.32709186]
 [ 1.00644038]]
delta b updated:  [array([[ 0.16860391],
       [ 2.38888382]]), array([[ 0.70082077],
       [ 1.32709186],
       [ 1.00644038]])]
delta w updated: [array([[ 0.13493081, -0.18502911,  0.05779733],
       [ 1.91178261, -2.62160613,  0.81890811]]), array([[ 0.22208755, -1.61792667],
       [ 0.42055058, -3.06374668],
       [ 0.31893729, -2.32348526]])]
input:  [[-0.79214976]
 [-0.01515875]
 [ 1.0758593 ]]
activations:  [array([[-0.79214976],
       [-0.01515875],
       [ 1.0758593 ]]), array([[ 0.09457018],
       [-0.51583536]]), array([[ 0.18676253],
       [ 0.17360099],
       [ 0.37522416]])]
cost derivative:  [[ 0.97891229]
 [ 0.18875974]
 [-0.70063514]]
unit step:  1
delta:  [[ 0.97891229]
 [ 0.18875974]
 [-0.70063514]]
delta b updated:  [array([[ 0.0684073 ],
       [ 0.13047466]]), array([[ 0.97891229],
       [ 0.18875974],
       [-0.70063514]])]
delta w updated: [array([[-0.05418883, -0.00103697,  0.07359663],
       [-0.10335547, -0.00197783,  0.14037237]]), array([[ 0.09257591, -0.50495757],
       [ 0.01785104, -0.09736895],
       [-0.06625919,  0.36141238]])]
input:  [[-0.2918166 ]
 [-0.30711228]
 [ 0.87921038]]
activations:  [array([[-0.2918166 ],
       [-0.30711228],
       [ 0.87921038]]), array([[ 0.17240665],
       [-1.04882214]]), array([[ 0.59181248],
       [ 0.18075254],
       [ 0.67140282]])]
cost derivative:  [[ 0.88362908]
 [ 0.48786482]
 [-0.20780756]]
unit step:  1
delta:  [[ 0.88362908]
 [ 0.48786482]
 [-0.20780756]]
delta b updated:  [array([[ 0.11552322],
       [ 0.4883502 ]]), array([[ 0.88362908],
       [ 0.48786482],
       [-0.20780756]])]
delta w updated: [array([[-0.03371159, -0.0354786 ,  0.10156922],
       [-0.1425087 , -0.14997834,  0.42936256]]), array([[ 0.15234353, -0.92676974],
       [ 0.08411114, -0.51168343],
       [-0.0358274 ,  0.21795317]])]
input:  [[ 0.86565678]
 [-0.57043228]
 [ 0.71286083]]
activations:  [array([[ 0.86565678],
       [-0.57043228],
       [ 0.71286083]]), array([[ 0.42183973],
       [-2.0150386 ]]), array([[ 1.46669074],
       [ 0.11422004],
       [ 1.27154277]])]
cost derivative:  [[ 0.60103396]
 [ 0.68465232]
 [ 0.55868194]]
unit step:  1
delta:  [[ 0.60103396]
 [ 0.68465232]
 [ 0.55868194]]
delta b updated:  [array([[ 0.25673413],
       [ 1.38537812]]), array([[ 0.60103396],
       [ 0.68465232],
       [ 0.55868194]])]
delta w updated: [array([[ 0.22224364, -0.14644944,  0.18301571],
       [ 1.19926196, -0.79026441,  0.9875818 ]]), array([[ 0.25354001, -1.21110662],
       [ 0.28881355, -1.37960086],
       [ 0.23567424, -1.12576567]])]
input:  [[ 0.82464401]
 [-1.07597374]
 [ 0.3581971 ]]
activations:  [array([[ 0.82464401],
       [-1.07597374],
       [ 0.3581971 ]]), array([[ 0.32622563],
       [-2.31528992]]), array([[ 1.51262139],
       [ 0.21878594],
       [ 1.35536668]])]
cost derivative:  [[ 0.68797738]
 [ 1.29475968]
 [ 0.99716958]]
unit step:  1
delta:  [[ 0.68797738]
 [ 1.29475968]
 [ 0.99716958]]
delta b updated:  [array([[ 0.17383357],
       [ 2.35009915]]), array([[ 0.68797738],
       [ 1.29475968],
       [ 0.99716958]])]
delta w updated: [array([[ 0.14335081, -0.18704036,  0.06226668],
       [ 1.93799518, -2.52864497,  0.8417987 ]]), array([[ 0.22443585, -1.5928671 ],
       [ 0.42238379, -2.99774404],
       [ 0.32530227, -2.30873668]])]
input:  [[-0.81380157]
 [-0.02431671]
 [ 1.06910845]]
activations:  [array([[-0.81380157],
       [-0.02431671],
       [ 1.06910845]]), array([[ 0.08725334],
       [-0.50843294]]), array([[ 0.17123682],
       [ 0.17630088],
       [ 0.36674543]])]
cost derivative:  [[ 0.98503839]
 [ 0.2006176 ]
 [-0.70236302]]
unit step:  1
delta:  [[ 0.98503839]
 [ 0.2006176 ]
 [-0.70236302]]
delta b updated:  [array([[ 0.0629491 ],
       [ 0.13015717]]), array([[ 0.98503839],
       [ 0.2006176 ],
       [-0.70236302]])]
delta w updated: [array([[-0.05122808, -0.00153072,  0.06729942],
       [-0.10592211, -0.00316499,  0.13915213]]), array([[ 0.08594789, -0.50082597],
       [ 0.01750456, -0.1020006 ],
       [-0.06128352,  0.3571045 ]])]
input:  [[-0.78638149]
 [-0.01365519]
 [ 1.07700217]]
activations:  [array([[-0.78638149],
       [-0.01365519],
       [ 1.07700217]]), array([[ 0.09594359],
       [-0.52051826]]), array([[ 0.18899534],
       [ 0.1712994 ],
       [ 0.37779981]])]
cost derivative:  [[ 0.97537683]
 [ 0.18495458]
 [-0.69920236]]
unit step:  1
delta:  [[ 0.97537683]
 [ 0.18495458]
 [-0.69920236]]
delta b updated:  [array([[ 0.06928598],
       [ 0.13005812]]), array([[ 0.97537683],
       [ 0.18495458],
       [-0.69920236]])]
delta w updated: [array([[-0.05448521, -0.00094611,  0.07462115],
       [-0.1022753 , -0.00177597,  0.14007288]]), array([[ 0.09358116, -0.50770145],
       [ 0.01774521, -0.09627224],
       [-0.06708399,  0.36394759]])]
input:  [[ 0.7843778 ]
 [-0.12539678]
 [ 1.02324597]]
activations:  [array([[ 0.7843778 ],
       [-0.12539678],
       [ 1.02324597]]), array([[ 0.47562145],
       [-1.67405992]]), array([[ 1.33868178],
       [ 0.0305359 ],
       [ 1.14134438]])]
cost derivative:  [[ 0.55430397]
 [ 0.15593267]
 [ 0.11809841]]
unit step:  1
delta:  [[ 0.55430397]
 [ 0.15593267]
 [ 0.11809841]]
delta b updated:  [array([[ 0.32127658],
       [ 0.65195199]]), array([[ 0.55430397],
       [ 0.15593267],
       [ 0.11809841]])]
delta w updated: [array([[ 0.25200222, -0.04028705,  0.32874497],
       [ 0.51137667, -0.08175268,  0.66710725]]), array([[ 0.26363886, -0.92793806],
       [ 0.07416492, -0.26104064],
       [ 0.05617014, -0.19770381]])]
input:  [[-0.87575982]
 [-0.11553038]
 [ 1.00426649]]
activations:  [array([[-0.87575982],
       [-0.11553038],
       [ 1.00426649]]), array([[ 0.05592959],
       [-0.52542957]]), array([[ 0.13903548],
       [ 0.20094134],
       [ 0.35686128]])]
cost derivative:  [[ 1.01479529]
 [ 0.31647172]
 [-0.64740521]]
unit step:  1
delta:  [[ 1.01479529]
 [ 0.31647172]
 [-0.64740521]]
delta b updated:  [array([[ 0.03957076],
       [ 0.16373299]]), array([[ 1.01479529],
       [ 0.31647172],
       [-0.64740521]])]
delta w updated: [array([[-0.03465449, -0.00457163,  0.03973959],
       [-0.14339077, -0.01891613,  0.16443155]]), array([[ 0.05675709, -0.53320346],
       [ 0.01770014, -0.1662836 ],
       [-0.03620911,  0.34016584]])]
input:  [[ 0.88312251]
 [-0.87095692]
 [ 0.50267967]]
activations:  [array([[ 0.88312251],
       [-0.87095692],
       [ 0.50267967]]), array([[ 0.37506756],
       [-2.22563631]]), array([[ 1.52045001],
       [ 0.1689077 ],
       [ 1.34115814]])]
cost derivative:  [[ 0.63732751]
 [ 1.03986462]
 [ 0.83847847]]
unit step:  1
delta:  [[ 0.63732751]
 [ 1.03986462]
 [ 0.83847847]]
delta b updated:  [array([[ 0.20995923],
       [ 1.95563672]]), array([[ 0.63732751],
       [ 1.03986462],
       [ 0.83847847]])]
delta w updated: [array([[ 0.18541972, -0.18286545,  0.10554224],
       [ 1.7270668 , -1.70327532,  0.98305883]]), array([[ 0.23904087, -1.41845924],
       [ 0.39001948, -2.31436044],
       [ 0.31448607, -1.86614812]])]
input:  [[-0.87806208]
 [-0.48202356]
 [ 0.74758014]]
activations:  [array([[-0.87806208],
       [-0.48202356],
       [ 0.74758014]]), array([[-0.00635356],
       [-0.76206476]]), array([[ 0.19173747],
       [ 0.27340136],
       [ 0.43077382]])]
cost derivative:  [[ 1.06979956]
 [ 0.75542492]
 [-0.31680632]]
unit step:  1
delta:  [[ 1.06979956]
 [ 0.75542492]
 [-0.31680632]]
delta b updated:  [array([[-0.00414184],
       [ 0.41812137]]), array([[ 1.06979956],
       [ 0.75542492],
       [-0.31680632]])]
delta w updated: [array([[ 0.00363679,  0.00199647, -0.00309636],
       [-0.36713652, -0.20154435,  0.31257923]]), array([[-0.00679703, -0.81525654],
       [-0.00479964, -0.57568271],
       [ 0.00201285,  0.24142693]])]
input:  [[-0.22549134]
 [-0.36763205]
 [ 0.83786346]]
activations:  [array([[-0.22549134],
       [-0.36763205],
       [ 0.83786346]]), array([[ 0.17835665],
       [-1.13777688]]), array([[ 0.6445851 ],
       [ 0.18213006],
       [ 0.71512358]])]
cost derivative:  [[ 0.87007645]
 [ 0.54976211]
 [-0.12273988]]
unit step:  1
delta:  [[ 0.87007645]
 [ 0.54976211]
 [-0.12273988]]
delta b updated:  [array([[ 0.1170963 ],
       [ 0.57052263]]), array([[ 0.87007645],
       [ 0.54976211],
       [-0.12273988]])]
delta w updated: [array([[-0.0264042 , -0.04304835,  0.09811071],
       [-0.12864792, -0.20974241,  0.47802007]]), array([[ 0.15518392, -0.98995287],
       [ 0.09805373, -0.62550662],
       [-0.02189147,  0.1396506 ]])]
input:  [[-0.86937796]
 [-0.5441958 ]
 [ 0.70417715]]
activations:  [array([[-0.86937796],
       [-0.5441958 ],
       [ 0.70417715]]), array([[-0.01467605],
       [-0.8090751 ]]), array([[ 0.2065152 ],
       [ 0.28425496],
       [ 0.44814824]])]
cost derivative:  [[ 1.07589316]
 [ 0.82845076]
 [-0.2560289 ]]
unit step:  1
delta:  [[ 1.07589316]
 [ 0.82845076]
 [-0.2560289 ]]
delta b updated:  [array([[-0.00942187],
       [ 0.47586522]]), array([[ 1.07589316],
       [ 0.82845076],
       [-0.2560289 ]])]
delta w updated: [array([[ 0.00819117,  0.00512734, -0.00663467],
       [-0.41370674, -0.25896385,  0.33509341]]), array([[-0.01578986, -0.87047836],
       [-0.01215838, -0.67027888],
       [ 0.00375749,  0.20714661]])]
input:  [[ 0.84136483]
 [-1.05252402]
 [ 0.37487938]]
activations:  [array([[ 0.84136483],
       [-1.05252402],
       [ 0.37487938]]), array([[ 0.33370935],
       [-2.31697175]]), array([[ 1.51425958],
       [ 0.20559982],
       [ 1.35864771]])]
cost derivative:  [[ 0.67289475]
 [ 1.25812384]
 [ 0.98376833]]
unit step:  1
delta:  [[ 0.67289475]
 [ 1.25812384]
 [ 0.98376833]]
delta b updated:  [array([[ 0.17730872],
       [ 2.29326135]]), array([[ 0.67289475],
       [ 1.25812384],
       [ 0.98376833]])]
delta w updated: [array([[ 0.14918132, -0.18662169,  0.06646938],
       [ 1.92946945, -2.41371267,  0.8596964 ]]), array([[ 0.22455127, -1.55907812],
       [ 0.41984769, -2.9150374 ],
       [ 0.32829269, -2.27936343]])]
input:  [[-0.87031495]
 [-0.09903159]
 [ 1.01590529]]
activations:  [array([[-0.87031495],
       [-0.09903159],
       [ 1.01590529]]), array([[ 0.05987425],
       [-0.5209131 ]]), array([[ 0.13872248],
       [ 0.19466126],
       [ 0.35632778]])]
cost derivative:  [[ 1.00903744]
 [ 0.29369284]
 [-0.65957751]]
unit step:  1
delta:  [[ 1.00903744]
 [ 0.29369284]
 [-0.65957751]]
delta b updated:  [array([[ 0.04247231],
       [ 0.15515595]]), array([[ 1.00903744],
       [ 0.29369284],
       [-0.65957751]])]
delta w updated: [array([[-0.03696429, -0.0042061 ,  0.04314785],
       [-0.13503454, -0.01536534,  0.15762375]]), array([[ 0.06041535, -0.52562082],
       [ 0.01758464, -0.15298845],
       [-0.03949171,  0.34358257]])]
input:  [[ 0.22934215]
 [-0.7953239 ]
 [ 0.54544921]]
activations:  [array([[ 0.22934215],
       [-0.7953239 ],
       [ 0.54544921]]), array([[ 0.22158816],
       [-1.7306164 ]]), array([[ 1.03405252],
       [ 0.21662176],
       [ 1.01709294]])]
cost derivative:  [[ 0.80471037]
 [ 1.01194566]
 [ 0.47164373]]
unit step:  1
delta:  [[ 0.80471037]
 [ 1.01194566]
 [ 0.47164373]]
delta b updated:  [array([[ 0.1289568],
       [ 1.3742134]]), array([[ 0.80471037],
       [ 1.01194566],
       [ 0.47164373]])]
delta w updated: [array([[ 0.02957523, -0.10256242,  0.07033938],
       [ 0.31516505, -1.09294476,  0.74956362]]), array([[ 0.17831429, -1.39264497],
       [ 0.22423518, -1.75128976],
       [ 0.10451066, -0.81623437]])]
input:  [[-0.74221482]
 [-0.01150444]
 [ 1.07919707]]
activations:  [array([[-0.74221482],
       [-0.01150444],
       [ 1.07919707]]), array([[ 0.10696777],
       [-0.55322859]]), array([[ 0.21725047],
       [ 0.16318975],
       [ 0.39901359]])]
cost derivative:  [[ 0.95946529]
 [ 0.17469418]
 [-0.68018348]]
unit step:  1
delta:  [[ 0.95946529]
 [ 0.17469418]
 [-0.68018348]]
delta b updated:  [array([[ 0.07699574],
       [ 0.13592128]]), array([[ 0.95946529],
       [ 0.17469418],
       [-0.68018348]])]
delta w updated: [array([[-0.05714738, -0.00088579,  0.08309358],
       [-0.10088279, -0.0015637 ,  0.14668585]]), array([[ 0.10263186, -0.53080363],
       [ 0.01868665, -0.09664582],
       [-0.07275771,  0.37629695]])]
input:  [[ 0.51130396]
 [-1.02368072]
 [ 0.38993089]]
activations:  [array([[ 0.51130396],
       [-1.02368072],
       [ 0.38993089]]), array([[ 0.25456801],
       [-2.07410385]]), array([[ 1.26965068],
       [ 0.23065677],
       [ 1.19681214]])]
cost derivative:  [[ 0.75834671]
 [ 1.25433749]
 [ 0.80688124]]
unit step:  1
delta:  [[ 0.75834671]
 [ 1.25433749]
 [ 0.80688124]]
delta b updated:  [array([[ 0.1376904 ],
       [ 1.97305631]]), array([[ 0.75834671],
       [ 1.25433749],
       [ 0.80688124]])]
delta w updated: [array([[ 0.07040165, -0.14095101,  0.05368974],
       [ 1.00883151, -2.01977969,  0.76935561]]), array([[ 0.19305082, -1.57288984],
       [ 0.3193142 , -2.60162622],
       [ 0.20540616, -1.6735555 ]])]
input:  [[-0.04380197]
 [-0.53903629]
 [ 0.72066461]]
activations:  [array([[-0.04380197],
       [-0.53903629],
       [ 0.72066461]]), array([[ 0.19521296],
       [-1.37822211]]), array([[ 0.79756489],
       [ 0.19213742],
       [ 0.835657  ]])]
cost derivative:  [[ 0.84136686]
 [ 0.73117371]
 [ 0.11499239]]
unit step:  1
delta:  [[ 0.84136686]
 [ 0.73117371]
 [ 0.11499239]]
delta b updated:  [array([[ 0.12210354],
       [ 0.84532999]]), array([[ 0.84136686],
       [ 0.73117371],
       [ 0.11499239]])]
delta w updated: [array([[-0.00534838, -0.06581824,  0.0879957 ],
       [-0.03702712, -0.45566354,  0.60919941]]), array([[ 0.16424572, -1.15959041],
       [ 0.14273459, -1.00771978],
       [ 0.02244801, -0.15848506]])]
input:  [[-0.83105005]
 [-0.75801209]
 [ 0.55504205]]
activations:  [array([[-0.83105005],
       [-0.75801209],
       [ 0.55504205]]), array([[-0.041276  ],
       [-0.97799837]]), array([[ 0.26337093],
       [ 0.31866559],
       [ 0.51008676]])]
cost derivative:  [[ 1.09442098]
 [ 1.07667768]
 [-0.04495529]]
unit step:  1
delta:  [[ 1.09442098]
 [ 1.07667768]
 [-0.04495529]]
delta b updated:  [array([[-0.02508149],
       [ 0.70473339]]), array([[ 1.09442098],
       [ 1.07667768],
       [-0.04495529]])]
delta w updated: [array([[ 0.02084397,  0.01901207, -0.01392128],
       [-0.58566872, -0.53419643,  0.39115667]]), array([[-0.04517332, -1.07034194],
       [-0.04444095, -1.05298901],
       [ 0.00185557,  0.0439662 ]])]
input:  [[-0.6841651 ]
 [-0.02576757]
 [ 1.07011403]]
activations:  [array([[-0.6841651 ],
       [-0.02576757],
       [ 1.07011403]]), array([[ 0.11911315],
       [-0.60436289]]), array([[ 0.25987935],
       [ 0.15815602],
       [ 0.42967426]])]
cost derivative:  [[ 0.94404445]
 [ 0.18392359]
 [-0.64043977]]
unit step:  1
delta:  [[ 0.94404445]
 [ 0.18392359]
 [-0.64043977]]
delta b updated:  [array([[ 0.0853086 ],
       [ 0.15425688]]), array([[ 0.94404445],
       [ 0.18392359],
       [-0.64043977]])]
delta w updated: [array([[-0.05836516, -0.0021982 ,  0.09128993],
       [-0.10553717, -0.00397482,  0.16507245]]), array([[ 0.1124481 , -0.57054543],
       [ 0.02190772, -0.11115659],
       [-0.0762848 ,  0.38705803]])]
input:  [[-0.19185916]
 [-0.39888405]
 [ 0.81650256]]
activations:  [array([[-0.19185916],
       [-0.39888405],
       [ 0.81650256]]), array([[ 0.18112788],
       [-1.18617985]]), array([[ 0.66855749],
       [ 0.17891836],
       [ 0.73803368]])]
cost derivative:  [[ 0.86041666]
 [ 0.57780241]
 [-0.07846888]]
unit step:  1
delta:  [[ 0.86041666]
 [ 0.57780241]
 [-0.07846888]]
delta b updated:  [array([[ 0.11753344],
       [ 0.61088652]]), array([[ 0.86041666],
       [ 0.57780241],
       [-0.07846888]])]
delta w updated: [array([[-0.02254987, -0.04688221,  0.09596635],
       [-0.11720418, -0.24367289,  0.49879041]]), array([[ 0.15584545, -1.02060891],
       [ 0.10465613, -0.68537758],
       [-0.0142129 ,  0.0930782 ]])]
input:  [[ 0.54885873]
 [-1.04776523]
 [ 0.37365046]]
activations:  [array([[ 0.54885873],
       [-1.04776523],
       [ 0.37365046]]), array([[ 0.25977243],
       [-2.11851651]]), array([[ 1.29619774],
       [ 0.22679878],
       [ 1.21963655]])]
cost derivative:  [[ 0.74733902]
 [ 1.27456401]
 [ 0.8459861 ]]
unit step:  1
delta:  [[ 0.74733902]
 [ 1.27456401]
 [ 0.8459861 ]]
delta b updated:  [array([[ 0.13879667],
       [ 2.03723171]]), array([[ 0.74733902],
       [ 1.27456401],
       [ 0.8459861 ]])]
delta w updated: [array([[ 0.07617976, -0.14542632,  0.05186144],
       [ 1.1181524 , -2.13454056,  0.76121256]]), array([[ 0.19413808, -1.58325004],
       [ 0.3310966 , -2.70018491],
       [ 0.21976387, -1.79223551]])]
input:  [[-0.88923054]
 [-0.18566798]
 [ 0.95493997]]
activations:  [array([[-0.88923054],
       [-0.18566798],
       [ 0.95493997]]), array([[ 0.04003269],
       [-0.56808866]]), array([[ 0.13522579],
       [ 0.21050757],
       [ 0.36609722]])]
cost derivative:  [[ 1.02445633]
 [ 0.39617555]
 [-0.58884274]]
unit step:  1
delta:  [[ 1.02445633]
 [ 0.39617555]
 [-0.58884274]]
delta b updated:  [array([[ 0.02784156],
       [ 0.19748122]]), array([[ 1.02445633],
       [ 0.39617555],
       [-0.58884274]])]
delta w updated: [array([[-0.02475756, -0.00516929,  0.02658702],
       [-0.17560633, -0.03666594,  0.18858271]]), array([[ 0.04101174, -0.58198202],
       [ 0.01585997, -0.22506284],
       [-0.02357296,  0.33451488]])]
input:  [[ 0.58500707]
 [-1.0686209 ]
 [ 0.35960921]]
activations:  [array([[ 0.58500707],
       [-1.0686209 ],
       [ 0.35960921]]), array([[ 0.26530295],
       [-2.15879399]]), array([[ 1.32394291],
       [ 0.2246351 ],
       [ 1.24053749]])]
cost derivative:  [[ 0.73893583]
 [ 1.293256  ]
 [ 0.88092828]]
unit step:  1
delta:  [[ 0.73893583]
 [ 1.293256  ]
 [ 0.88092828]]
delta b updated:  [array([[ 0.1405932 ],
       [ 2.10073987]]), array([[ 0.73893583],
       [ 1.293256  ],
       [ 0.88092828]])]
delta w updated: [array([[ 0.08224802, -0.15024084,  0.05055861],
       [ 1.22894768, -2.24489454,  0.75544541]]), array([[ 0.19604185, -1.59521024],
       [ 0.34310463, -2.79187328],
       [ 0.23371287, -1.90174268]])]
input:  [[-0.0896365]
 [-0.4953697]
 [ 0.750529 ]]
activations:  [array([[-0.0896365],
       [-0.4953697],
       [ 0.750529 ]]), array([[ 0.19057168],
       [-1.32221407]]), array([[ 0.75437764],
       [ 0.18343672],
       [ 0.80527959]])]
cost derivative:  [[ 0.84401413]
 [ 0.67880642]
 [ 0.05475059]]
unit step:  1
delta:  [[ 0.84401413]
 [ 0.67880642]
 [ 0.05475059]]
delta b updated:  [array([[ 0.12033968],
       [ 0.76238031]]), array([[ 0.84401413],
       [ 0.67880642],
       [ 0.05475059]])]
delta w updated: [array([[-0.01078683, -0.05961263,  0.09031842],
       [-0.0683371 , -0.37766011,  0.57218853]]), array([[ 0.16084519, -1.11596737],
       [ 0.12936128, -0.8975274 ],
       [ 0.01043391, -0.072392  ]])]
input:  [[ 0.8800997 ]
 [-0.71060845]
 [ 0.6149225 ]]
activations:  [array([[ 0.8800997 ],
       [-0.71060845],
       [ 0.6149225 ]]), array([[ 0.40013475],
       [-2.13186325]]), array([[ 1.4813468 ],
       [ 0.11964543],
       [ 1.30524473]])]
cost derivative:  [[ 0.6012471 ]
 [ 0.83025388]
 [ 0.69032224]]
unit step:  1
delta:  [[ 0.6012471 ]
 [ 0.83025388]
 [ 0.69032224]]
delta b updated:  [array([[ 0.23120328],
       [ 1.60407441]]), array([[ 0.6012471 ],
       [ 0.83025388],
       [ 0.69032224]])]
delta w updated: [array([[ 0.20348194, -0.16429501,  0.1421721 ],
       [ 1.41174541, -1.13986884,  0.98638144]]), array([[ 0.24057986, -1.2817766 ],
       [ 0.33221343, -1.76998773],
       [ 0.27622192, -1.4716726 ]])]
input:  [[-0.73538449]
 [-0.01234762]
 [ 1.07871312]]
activations:  [array([[-0.73538449],
       [-0.01234762],
       [ 1.07871312]]), array([[ 0.10795757],
       [-0.56345505]]), array([[ 0.21886612],
       [ 0.1581424 ],
       [ 0.40279537]])]
cost derivative:  [[ 0.95425061]
 [ 0.17049001]
 [-0.67591775]]
unit step:  1
delta:  [[ 0.95425061]
 [ 0.17049001]
 [-0.67591775]]
delta b updated:  [array([[ 0.07753523],
       [ 0.13574842]]), array([[ 0.95425061],
       [ 0.17049001],
       [-0.67591775]])]
delta w updated: [array([[-0.05701821, -0.00095738,  0.08363827],
       [-0.09982728, -0.00167617,  0.1464336 ]]), array([[ 0.10301858, -0.53767732],
       [ 0.01840569, -0.09606346],
       [-0.07297044,  0.38084927]])]
input:  [[ 0.8261106 ]
 [-0.32735242]
 [ 0.88246983]]
activations:  [array([[ 0.8261106 ],
       [-0.32735242],
       [ 0.88246983]]), array([[ 0.45068154],
       [-1.84674341]]), array([[ 1.38483035],
       [ 0.04938742],
       [ 1.20131942]])]
cost derivative:  [[ 0.55871975]
 [ 0.37673984]
 [ 0.31884959]]
unit step:  1
delta:  [[ 0.55871975]
 [ 0.37673984]
 [ 0.31884959]]
delta b updated:  [array([[ 0.28688674],
       [ 0.93120591]]), array([[ 0.55871975],
       [ 0.37673984],
       [ 0.31884959]])]
delta w updated: [array([[ 0.23700018, -0.09391307,  0.25316889],
       [ 0.76927908, -0.30483251,  0.82176113]]), array([[ 0.25180468, -1.03181202],
       [ 0.16978969, -0.69574181],
       [ 0.14369962, -0.58883338]])]
input:  [[ 0.78390241]
 [-1.10627369]
 [ 0.3363431 ]]
activations:  [array([[ 0.78390241],
       [-1.10627369],
       [ 0.3363431 ]]), array([[ 0.30875137],
       [-2.324998  ]]), array([[ 1.46840704],
       [ 0.20550308],
       [ 1.34022939]])]
cost derivative:  [[ 0.68450462]
 [ 1.31177677]
 [ 1.00388629]]
unit step:  1
delta:  [[ 0.68450462]
 [ 1.31177677]
 [ 1.00388629]]
delta b updated:  [array([[ 0.15959919],
       [ 2.31721699]]), array([[ 0.68450462],
       [ 1.31177677],
       [ 1.00388629]])]
delta w updated: [array([[ 0.12511019, -0.17656038,  0.05368008],
       [ 1.81647199, -2.56347619,  0.77937994]]), array([[ 0.21134174, -1.59147188],
       [ 0.40501287, -3.04987836],
       [ 0.30995126, -2.33403362]])]
input:  [[ 0.77815857]
 [-1.10857954]
 [ 0.33463877]]
activations:  [array([[ 0.77815857],
       [-1.10857954],
       [ 0.33463877]]), array([[ 0.30675134],
       [-2.32480774]]), array([[ 1.46422057],
       [ 0.20410341],
       [ 1.33679406]])]
cost derivative:  [[ 0.686062  ]
 [ 1.31268295]
 [ 1.0021553 ]]
unit step:  1
delta:  [[ 0.686062  ]
 [ 1.31268295]
 [ 1.0021553 ]]
delta b updated:  [array([[ 0.15857011],
       [ 2.31166041]]), array([[ 0.686062  ],
       [ 1.31268295],
       [ 1.0021553 ]])]
delta w updated: [array([[ 0.12339269, -0.17578758,  0.0530637 ],
       [ 1.79883836, -2.56265943,  0.77357119]]), array([[ 0.21045044, -1.59496225],
       [ 0.40266725, -3.05173547],
       [ 0.30741248, -2.32981838]])]
input:  [[ 0.76625553]
 [-1.11224554]
 [ 0.33188589]]
activations:  [array([[ 0.76625553],
       [-1.11224554],
       [ 0.33188589]]), array([[ 0.30296376],
       [-2.32123053]]), array([[ 1.45581179],
       [ 0.20364433],
       [ 1.33074584]])]
cost derivative:  [[ 0.68955625]
 [ 1.31588987]
 [ 0.99885995]]
unit step:  1
delta:  [[ 0.68955625]
 [ 1.31588987]
 [ 0.99885995]]
delta b updated:  [array([[ 0.15659141],
       [ 2.30415862]]), array([[ 0.68955625],
       [ 1.31588987],
       [ 0.99885995]])]
delta w updated: [array([[ 0.11998903, -0.1741681 ,  0.05197048],
       [ 1.76557429, -2.56279015,  0.76471774]]), array([[ 0.20891056, -1.60061903],
       [ 0.39866694, -3.05448374],
       [ 0.30261837, -2.31858421]])]
input:  [[-0.6015206 ]
 [-0.06581055]
 [ 1.04336123]]
activations:  [array([[-0.6015206 ],
       [-0.06581055],
       [ 1.04336123]]), array([[ 0.13253521],
       [-0.69344711]]), array([[ 0.32117322],
       [ 0.1506994 ],
       [ 0.47510633]])]
cost derivative:  [[ 0.92269382]
 [ 0.21650995]
 [-0.5682549 ]]
unit step:  1
delta:  [[ 0.92269382]
 [ 0.21650995]
 [-0.5682549 ]]
delta b updated:  [array([[ 0.0936255 ],
       [ 0.19213257]]), array([[ 0.92269382],
       [ 0.21650995],
       [-0.5682549 ]])]
delta w updated: [array([[-0.05631766, -0.00616155,  0.09768521],
       [-0.1155717 , -0.01264435,  0.20046367]]), array([[ 0.12228942, -0.63983937],
       [ 0.02869519, -0.1501382 ],
       [-0.07531378,  0.39405472]])]
input:  [[-0.84182799]
 [-0.0479054 ]
 [ 1.05215254]]
activations:  [array([[-0.84182799],
       [-0.0479054 ],
       [ 1.05215254]]), array([[ 0.07460812],
       [-0.51549663]]), array([[ 0.1458692 ],
       [ 0.17389315],
       [ 0.35905225]])]
cost derivative:  [[ 0.98769719]
 [ 0.22179854]
 [-0.69310029]]
unit step:  1
delta:  [[ 0.98769719]
 [ 0.22179854]
 [-0.69310029]]
delta b updated:  [array([[ 0.0532523 ],
       [ 0.13193398]]), array([[ 0.98769719],
       [ 0.22179854],
       [-0.69310029]])]
delta w updated: [array([[-0.04482928, -0.00255107,  0.05602954],
       [-0.11106571, -0.00632035,  0.13881467]]), array([[ 0.07369023, -0.50915457],
       [ 0.01654797, -0.1143364 ],
       [-0.05171091,  0.35729086]])]
input:  [[ 0.85618893]
 [-0.50293269]
 [ 0.75998228]]
activations:  [array([[ 0.85618893],
       [-0.50293269],
       [ 0.75998228]]), array([[ 0.42807774],
       [-1.98837202]]), array([[ 1.4288205 ],
       [ 0.07311388],
       [ 1.24866782]])]
cost derivative:  [[ 0.57263157]
 [ 0.57604657]
 [ 0.48868554]]
unit step:  1
delta:  [[ 0.57263157]
 [ 0.57604657]
 [ 0.48868554]]
delta b updated:  [array([[ 0.2601315],
       [ 1.2105435]]), array([[ 0.57263157],
       [ 0.57604657],
       [ 0.48868554]])]
delta w updated: [array([[ 0.22272171, -0.13082864,  0.19769534],
       [ 1.03645394, -0.6088219 ,  0.91999162]]), array([[ 0.24513083, -1.13860459],
       [ 0.24659272, -1.14539489],
       [ 0.2091954 , -0.97168864]])]
input:  [[ 0.87867669]
 [-0.69203369]
 [ 0.62790797]]
activations:  [array([[ 0.87867669],
       [-0.69203369],
       [ 0.62790797]]), array([[ 0.4017294 ],
       [-2.12834617]]), array([[ 1.47195371],
       [ 0.10639275],
       [ 1.2972031 ]])]
cost derivative:  [[ 0.59327702]
 [ 0.79842644]
 [ 0.66929513]]
unit step:  1
delta:  [[ 0.59327702]
 [ 0.79842644]
 [ 0.66929513]]
delta b updated:  [array([[ 0.23190199],
       [ 1.54765749]]), array([[ 0.59327702],
       [ 0.79842644],
       [ 0.66929513]])]
delta w updated: [array([[ 0.20376688, -0.16048399,  0.14561311],
       [ 1.35989056, -1.07103113,  0.97178647]]), array([[ 0.23833682, -1.26269888],
       [ 0.32075138, -1.69932787],
       [ 0.26887553, -1.42449172]])]
input:  [[-0.51887351]
 [-0.1200104 ]
 [ 1.00669461]]
activations:  [array([[-0.51887351],
       [-0.1200104 ],
       [ 1.00669461]]), array([[ 0.1440084 ],
       [-0.78751829]]), array([[ 0.38677691],
       [ 0.15095608],
       [ 0.52496662]])]
cost derivative:  [[ 0.90565042]
 [ 0.27096648]
 [-0.48172799]]
unit step:  1
delta:  [[ 0.90565042]
 [ 0.27096648]
 [-0.48172799]]
delta b updated:  [array([[ 0.10006997],
       [ 0.24597803]]), array([[ 0.90565042],
       [ 0.27096648],
       [-0.48172799]])]
delta w updated: [array([[-0.05192366, -0.01200944,  0.1007399 ],
       [-0.12763148, -0.02951992,  0.24762476]]), array([[ 0.13042126, -0.71321627],
       [ 0.03902145, -0.21339106],
       [-0.06937287,  0.3793696 ]])]
input:  [[ 0.09382361]
 [-0.66987231]
 [ 0.63118801]]
activations:  [array([[ 0.09382361],
       [-0.66987231],
       [ 0.63118801]]), array([[ 0.20651728],
       [-1.57122587]]), array([[ 0.90534336],
       [ 0.1883582 ],
       [ 0.92436373]])]
cost derivative:  [[ 0.81151974]
 [ 0.85823052]
 [ 0.29317572]]
unit step:  1
delta:  [[ 0.81151974]
 [ 0.85823052]
 [ 0.29317572]]
delta b updated:  [array([[ 0.12314016],
       [ 1.06899229]]), array([[ 0.81151974],
       [ 0.85823052],
       [ 0.29317572]])]
delta w updated: [array([[ 0.01155346, -0.08248819,  0.0777246 ],
       [ 0.10029672, -0.71608834,  0.67473512]]), array([[ 0.16759285, -1.27508081],
       [ 0.17723944, -1.34847399],
       [ 0.06054585, -0.46064527]])]
input:  [[-0.80786871]
 [-0.86671599]
 [ 0.47927961]]
activations:  [array([[-0.80786871],
       [-0.86671599],
       [ 0.47927961]]), array([[-0.05495401],
       [-1.07516263]]), array([[ 0.28809041],
       [ 0.32633604],
       [ 0.54154572]])]
cost derivative:  [[ 1.09595912]
 [ 1.19305203]
 [ 0.06226611]]
unit step:  1
delta:  [[ 1.09595912]
 [ 1.19305203]
 [ 0.06226611]]
delta b updated:  [array([[-0.0321412 ],
       [ 0.82472904]]), array([[ 1.09595912],
       [ 1.19305203],
       [ 0.06226611]])]
delta w updated: [array([[ 0.02596587,  0.02785729, -0.01540462],
       [-0.66627278, -0.71480584,  0.39527581]]), array([[-0.06022734, -1.17833429],
       [-0.06556299, -1.28272496],
       [-0.00342177, -0.0669462 ]])]
input:  [[ 0.72041262]
 [-1.11554813]
 [ 0.32885824]]
activations:  [array([[ 0.72041262],
       [-1.11554813],
       [ 0.32885824]]), array([[ 0.29008472],
       [-2.29754732]]), array([[ 1.4171411 ],
       [ 0.20167499],
       [ 1.30875187]])]
cost derivative:  [[ 0.69672848]
 [ 1.31722312]
 [ 0.97989363]]
unit step:  1
delta:  [[ 0.69672848]
 [ 1.31722312]
 [ 0.97989363]]
delta b updated:  [array([[ 0.14884551],
       [ 2.2534011 ]]), array([[ 0.69672848],
       [ 1.31722312],
       [ 0.97989363]])]
delta w updated: [array([[ 0.10723018, -0.16604433,  0.04894907],
       [ 1.62337858, -2.51377739,  0.74104952]]), array([[ 0.20211029, -1.60076665],
       [ 0.3821063 , -3.02638244],
       [ 0.28425217, -2.25135198]])]
input:  [[ 0.84514637]
 [-1.04575562]
 [ 0.37967818]]
activations:  [array([[ 0.84514637],
       [-1.04575562],
       [ 0.37967818]]), array([[ 0.33326136],
       [-2.34062926]]), array([[ 1.49570779],
       [ 0.17175319],
       [ 1.35183636]])]
cost derivative:  [[ 0.65056142]
 [ 1.21750881]
 [ 0.97215818]]
unit step:  1
delta:  [[ 0.65056142]
 [ 1.21750881]
 [ 0.97215818]]
delta b updated:  [array([[ 0.1737653 ],
       [ 2.19698043]]), array([[ 0.65056142],
       [ 1.21750881],
       [ 0.97215818]])]
delta w updated: [array([[ 0.14685711, -0.18171604,  0.06597489],
       [ 1.85677004, -2.29750463,  0.83414553]]), array([[ 0.21680699, -1.5227231 ],
       [ 0.40574864, -2.84973674],
       [ 0.32398276, -2.27546187]])]
input:  [[ 0.42222839]
 [-0.95895256]
 [ 0.43387011]]
activations:  [array([[ 0.42222839],
       [-0.95895256],
       [ 0.43387011]]), array([[ 0.24067974],
       [-1.99241087]]), array([[ 1.18020764],
       [ 0.2008715 ],
       [ 1.1350221 ]])]
cost derivative:  [[ 0.75797925]
 [ 1.15982406]
 [ 0.70115199]]
unit step:  1
delta:  [[ 0.75797925]
 [ 1.15982406]
 [ 0.70115199]]
delta b updated:  [array([[ 0.13096205],
       [ 1.72413567]]), array([[ 0.75797925],
       [ 1.15982406],
       [ 0.70115199]])]
delta w updated: [array([[ 0.0552959 , -0.12558639,  0.05682052],
       [ 0.72797903, -1.6533643 ,  0.74805093]]), array([[ 0.18243025, -1.51020609],
       [ 0.27914615, -2.31084605],
       [ 0.16875308, -1.39698284]])]
input:  [[-0.83309753]
 [-0.03868815]
 [ 1.0587434 ]]
activations:  [array([[-0.83309753],
       [-0.03868815],
       [ 1.0587434 ]]), array([[ 0.07789187],
       [-0.51977946]]), array([[ 0.14828056],
       [ 0.1669404 ],
       [ 0.36052524]])]
cost derivative:  [[ 0.98137809]
 [ 0.20562855]
 [-0.69821817]]
unit step:  1
delta:  [[ 0.98137809]
 [ 0.20562855]
 [-0.69821817]]
delta b updated:  [array([[ 0.05562234],
       [ 0.1277177 ]]), array([[ 0.98137809],
       [ 0.20562855],
       [-0.69821817]])]
delta w updated: [array([[-0.04633883, -0.00215193,  0.05888978],
       [-0.1064013 , -0.00494116,  0.13522027]]), array([[ 0.07644138, -0.51010018],
       [ 0.01601679, -0.1068815 ],
       [-0.05438552,  0.36291946]])]
input:  [[-0.80326333]
 [-0.01910134]
 [ 1.07292504]]
activations:  [array([[-0.80326333],
       [-0.01910134],
       [ 1.07292504]]), array([[ 0.08868751],
       [-0.52780441]]), array([[ 0.1663344 ],
       [ 0.15976648],
       [ 0.37083589]])]
cost derivative:  [[ 0.96959774]
 [ 0.17886782]
 [-0.70208916]]
unit step:  1
delta:  [[ 0.96959774]
 [ 0.17886782]
 [-0.70208916]]
delta b updated:  [array([[ 0.06351061],
       [ 0.12370292]]), array([[ 0.96959774],
       [ 0.17886782],
       [-0.70208916]])]
delta w updated: [array([[-0.05101574, -0.00121314,  0.06814212],
       [-0.09936602, -0.00236289,  0.13272396]]), array([[ 0.08599121, -0.51175796],
       [ 0.01586334, -0.09440722],
       [-0.06226654,  0.37056576]])]
input:  [[ 0.53959763]
 [-1.04203725]
 [ 0.37751727]]
activations:  [array([[ 0.53959763],
       [-1.04203725],
       [ 0.37751727]]), array([[ 0.25624943],
       [-2.12968242]]), array([[ 1.2741336 ],
       [ 0.20134599],
       [ 1.20716117]])]
cost derivative:  [[ 0.73453597]
 [ 1.24338324]
 [ 0.8296439 ]]
unit step:  1
delta:  [[ 0.73453597]
 [ 1.24338324]
 [ 0.8296439 ]]
delta b updated:  [array([[ 0.13516279],
       [ 1.9557313 ]]), array([[ 0.73453597],
       [ 1.24338324],
       [ 0.8296439 ]])]
delta w updated: [array([[ 0.07293352, -0.14084466,  0.05102629],
       [ 1.05530797, -2.03794486,  0.73832234]]), array([[ 0.18822442, -1.56432834],
       [ 0.31861624, -2.64801142],
       [ 0.21259577, -1.76687803]])]
input:  [[-0.65236982]
 [-0.03900642]
 [ 1.06133886]]
activations:  [array([[-0.65236982],
       [-0.03900642],
       [ 1.06133886]]), array([[ 0.12341555],
       [-0.64644029]]), array([[ 0.2763611 ],
       [ 0.14542286],
       [ 0.44544847]])]
cost derivative:  [[ 0.92873093]
 [ 0.18442928]
 [-0.61589039]]
unit step:  1
delta:  [[ 0.92873093]
 [ 0.18442928]
 [-0.61589039]]
delta b updated:  [array([[ 0.08754929],
       [ 0.16250597]]), array([[ 0.92873093],
       [ 0.18442928],
       [-0.61589039]])]
delta w updated: [array([[-0.05711452, -0.00341498,  0.09291947],
       [-0.10601399, -0.00633878,  0.17247391]]), array([[ 0.11461984, -0.60036909],
       [ 0.02276144, -0.11922252],
       [-0.07601045,  0.39813636]])]
input:  [[-0.20310013]
 [-0.38840343]
 [ 0.82366671]]
activations:  [array([[-0.20310013],
       [-0.38840343],
       [ 0.82366671]]), array([[ 0.17820704],
       [-1.18746035]]), array([[ 0.64747448],
       [ 0.16021823],
       [ 0.72679908]])]
cost derivative:  [[ 0.85057461]
 [ 0.54862165]
 [-0.09686764]]
unit step:  1
delta:  [[ 0.85057461]
 [ 0.54862165]
 [-0.09686764]]
delta b updated:  [array([[ 0.11489932],
       [ 0.57428412]]), array([[ 0.85057461],
       [ 0.54862165],
       [-0.09686764]])]
delta w updated: [array([[-0.02333607, -0.04462729,  0.09463874],
       [-0.11663718, -0.22305392,  0.47301872]]), array([[ 0.15157838, -1.01002362],
       [ 0.09776824, -0.65146646],
       [-0.01726249,  0.11502648]])]
input:  [[ 0.52081854]
 [-1.02999117]
 [ 0.38566014]]
activations:  [array([[ 0.52081854],
       [-1.02999117],
       [ 0.38566014]]), array([[ 0.25331825],
       [-2.11075903]]), array([[ 1.25669714],
       [ 0.19845003],
       [ 1.1957969 ]])]
cost derivative:  [[ 0.7358786 ]
 [ 1.22844119]
 [ 0.81013676]]
unit step:  1
delta:  [[ 0.7358786 ]
 [ 1.22844119]
 [ 0.81013676]]
delta b updated:  [array([[ 0.13385769],
       [ 1.91241008]]), array([[ 0.7358786 ],
       [ 1.22844119],
       [ 0.81013676]])]
delta w updated: [array([[ 0.06971557, -0.13787223,  0.05162357],
       [ 0.99601863, -1.96976549,  0.73754033]]), array([[ 0.18641148, -1.5532624 ],
       [ 0.31118657, -2.59294334],
       [ 0.20522243, -1.71000349]])]
input:  [[-0.61887301]
 [-0.05599051]
 [ 1.04996748]]
activations:  [array([[-0.61887301],
       [-0.05599051],
       [ 1.04996748]]), array([[ 0.12883039],
       [-0.68208245]]), array([[ 0.30161133],
       [ 0.14364474],
       [ 0.46470645]])]
cost derivative:  [[ 0.92048434]
 [ 0.19963525]
 [-0.58526103]]
unit step:  1
delta:  [[ 0.92048434]
 [ 0.19963525]
 [-0.58526103]]
delta b updated:  [array([[ 0.09086669],
       [ 0.17835311]]), array([[ 0.92048434],
       [ 0.19963525],
       [-0.58526103]])]
delta w updated: [array([[-0.05623494, -0.00508767,  0.09540707],
       [-0.11037793, -0.00998608,  0.18726496]]), array([[ 0.11858636, -0.62784622],
       [ 0.02571909, -0.1361677 ],
       [-0.07539941,  0.39919628]])]
input:  [[ 0.03656671]
 [-0.6156325 ]
 [ 0.66827857]]
activations:  [array([[ 0.03656671],
       [-0.6156325 ],
       [ 0.66827857]]), array([[ 0.20039376],
       [-1.50439654]]), array([[ 0.84981286],
       [ 0.17381728],
       [ 0.88499597]])]
cost derivative:  [[ 0.81324615]
 [ 0.78944977]
 [ 0.21671739]]
unit step:  1
delta:  [[ 0.81324615]
 [ 0.78944977]
 [ 0.21671739]]
delta b updated:  [array([[ 0.12085438],
       [ 0.94757746]]), array([[ 0.81324615],
       [ 0.78944977],
       [ 0.21671739]])]
delta w updated: [array([[ 0.00441925, -0.07440188,  0.08076439],
       [ 0.03464979, -0.58335948,  0.63324571]]), array([[ 0.16296946, -1.2234447 ],
       [ 0.15820081, -1.18764551],
       [ 0.04342881, -0.3260289 ]])]
input:  [[-0.72842907]
 [-0.01346693]
 [ 1.07803774]]
activations:  [array([[-0.72842907],
       [-0.01346693],
       [ 1.07803774]]), array([[ 0.10812112],
       [-0.57876604]]), array([[ 0.21650926],
       [ 0.14783427],
       [ 0.40523289]])]
cost derivative:  [[ 0.94493833]
 [ 0.1613012 ]
 [-0.67280484]]
unit step:  1
delta:  [[ 0.94493833]
 [ 0.1613012 ]
 [-0.67280484]]
delta b updated:  [array([[ 0.0771783 ],
       [ 0.13327296]]), array([[ 0.94493833],
       [ 0.1613012 ],
       [-0.67280484]])]
delta w updated: [array([[-0.05621892, -0.00103935,  0.08320112],
       [-0.09707989, -0.00179478,  0.14367328]]), array([[ 0.10216779, -0.54689822],
       [ 0.01744007, -0.09335566],
       [-0.07274441,  0.3893966 ]])]
input:  [[ 0.44252695]
 [-0.97449941]
 [ 0.42329939]]
activations:  [array([[ 0.44252695],
       [-0.97449941],
       [ 0.42329939]]), array([[ 0.24259751],
       [-2.02229187]]), array([[ 1.18983779],
       [ 0.19378905],
       [ 1.14803272]])]
cost derivative:  [[ 0.74731084]
 [ 1.16828846]
 [ 0.72473333]]
unit step:  1
delta:  [[ 0.74731084]
 [ 1.16828846]
 [ 0.72473333]]
delta b updated:  [array([[ 0.13027285],
       [ 1.74748832]]), array([[ 0.74731084],
       [ 1.16828846],
       [ 0.72473333]])]
delta w updated: [array([[ 0.05764925, -0.12695081,  0.05514442],
       [ 0.77331067, -1.70292634,  0.73971074]]), array([[ 0.18129575, -1.51128064],
       [ 0.28342387, -2.36262025],
       [ 0.1758185 , -1.46562231]])]
input:  [[ 0.87886468]
 [-0.92270113]
 [ 0.46637747]]
activations:  [array([[ 0.87886468],
       [-0.92270113],
       [ 0.46637747]]), array([[ 0.36164325],
       [-2.29307075]]), array([[ 1.49276629],
       [ 0.13141639],
       [ 1.34082752]])]
cost derivative:  [[ 0.61390161]
 [ 1.05411751]
 [ 0.87445005]]
unit step:  1
delta:  [[ 0.61390161]
 [ 1.05411751]
 [ 0.87445005]]
delta b updated:  [array([[ 0.1935    ],
       [ 1.94013077]]), array([[ 0.61390161],
       [ 1.05411751],
       [ 0.87445005]])]
delta w updated: [array([[ 0.17006032, -0.17854267,  0.09024404],
       [ 1.70511241, -1.79016085,  0.90483328]]), array([[ 0.22201337, -1.40771983],
       [ 0.38121448, -2.41716605],
       [ 0.31623896, -2.00517584]])]
input:  [[-0.69183527]
 [-0.02307173]
 [ 1.07188228]]
activations:  [array([[-0.69183527],
       [-0.02307173],
       [ 1.07188228]]), array([[ 0.11558645],
       [-0.61188329]]), array([[ 0.24304183],
       [ 0.14386553],
       [ 0.42387236]])]
cost derivative:  [[ 0.9348771 ]
 [ 0.16693726]
 [-0.64800992]]
unit step:  1
delta:  [[ 0.9348771 ]
 [ 0.16693726]
 [-0.64800992]]
delta b updated:  [array([[ 0.0821859 ],
       [ 0.14438963]]), array([[ 0.9348771 ],
       [ 0.16693726],
       [-0.64800992]])]
delta w updated: [array([[-0.0568591 , -0.00189617,  0.08809361],
       [-0.09989384, -0.00333132,  0.15476869]]), array([[ 0.10805912, -0.57203567],
       [ 0.01929569, -0.10214612],
       [-0.07490117,  0.39650644]])]
input:  [[ 0.79496623]
 [-1.10069716]
 [ 0.3404208 ]]
activations:  [array([[ 0.79496623],
       [-1.10069716],
       [ 0.3404208 ]]), array([[ 0.31022806],
       [-2.35331065]]), array([[ 1.45730042],
       [ 0.17267474],
       [ 1.33705472]])]
cost derivative:  [[ 0.6623342 ]
 [ 1.27337191]
 [ 0.99663392]]
unit step:  1
delta:  [[ 0.6623342 ]
 [ 1.27337191]
 [ 0.99663392]]
delta b updated:  [array([[ 0.15768692],
       [ 2.23271709]]), array([[ 0.6623342 ],
       [ 1.27337191],
       [ 0.99663392]])]
delta w updated: [array([[ 0.12535578, -0.17356555,  0.05367991],
       [ 1.77493468, -2.45754537,  0.76006333]]), array([[ 0.20547465, -1.55867812],
       [ 0.3950357 , -2.99663968],
       [ 0.30918381, -2.34538922]])]
input:  [[-0.57477534]
 [-0.08211458]
 [ 1.03236081]]
activations:  [array([[-0.57477534],
       [-0.08211458],
       [ 1.03236081]]), array([[ 0.1351385 ],
       [-0.73291845]]), array([[ 0.33423629],
       [ 0.14020443],
       [ 0.49022543]])]
cost derivative:  [[ 0.90901163]
 [ 0.22231901]
 [-0.54213537]]
unit step:  1
delta:  [[ 0.90901163]
 [ 0.22231901]
 [-0.54213537]]
delta b updated:  [array([[ 0.09442498],
       [ 0.20168404]]), array([[ 0.90901163],
       [ 0.22231901],
       [-0.54213537]])]
delta w updated: [array([[-0.05427315, -0.00775367,  0.09748064],
       [-0.11592301, -0.0165612 ,  0.2082107 ]]), array([[ 0.12284247, -0.6662314 ],
       [ 0.03004386, -0.16294171],
       [-0.07326336,  0.39734102]])]
input:  [[-0.87249431]
 [-0.52297891]
 [ 0.71898646]]
activations:  [array([[-0.87249431],
       [-0.52297891],
       [ 0.71898646]]), array([[-0.01452319],
       [-0.81515456]]), array([[ 0.18505719],
       [ 0.25787482],
       [ 0.44064357]])]
cost derivative:  [[ 1.05755151]
 [ 0.78085374]
 [-0.27834288]]
unit step:  1
delta:  [[ 1.05755151]
 [ 0.78085374]
 [-0.27834288]]
delta b updated:  [array([[-0.00923611],
       [ 0.4338093 ]]), array([[ 1.05755151],
       [ 0.78085374],
       [-0.27834288]])]
delta w updated: [array([[ 0.00805845,  0.00483029, -0.00664064],
       [-0.37849615, -0.22687312,  0.31190301]]), array([[-0.01535902, -0.86206793],
       [-0.01134049, -0.63651648],
       [ 0.00404243,  0.22689247]])]
input:  [[-0.88454188]
 [-0.15320278]
 [ 0.97774804]]
activations:  [array([[-0.88454188],
       [-0.15320278],
       [ 0.97774804]]), array([[ 0.04472338],
       [-0.5643989 ]]), array([[ 0.12300352],
       [ 0.18959336],
       [ 0.36054328]])]
cost derivative:  [[ 1.0075454 ]
 [ 0.34279614]
 [-0.61720476]]
unit step:  1
delta:  [[ 1.0075454 ]
 [ 0.34279614]
 [-0.61720476]]
delta b updated:  [array([[ 0.03104659],
       [ 0.17282388]]), array([[ 1.0075454 ],
       [ 0.34279614],
       [-0.61720476]])]
delta w updated: [array([[-0.02746201, -0.00475642,  0.03035574],
       [-0.15286996, -0.0264771 ,  0.16897821]]), array([[ 0.04506083, -0.56865752],
       [ 0.015331  , -0.19347377],
       [-0.02760348,  0.34834969]])]
input:  [[ 0.88410719]
 [-0.84248988]
 [ 0.52263013]]
activations:  [array([[ 0.88410719],
       [-0.84248988],
       [ 0.52263013]]), array([[ 0.37608272],
       [-2.24835871]]), array([[ 1.48072127],
       [ 0.11012374],
       [ 1.32651699]])]
cost derivative:  [[ 0.59661408]
 [ 0.95261362]
 [ 0.80388686]]
unit step:  1
delta:  [[ 0.59661408]
 [ 0.95261362]
 [ 0.80388686]]
delta b updated:  [array([[ 0.20505767],
       [ 1.77627351]]), array([[ 0.59661408],
       [ 0.95261362],
       [ 0.80388686]])]
delta w updated: [array([[ 0.18129296, -0.17275901,  0.10716931],
       [ 1.57041619, -1.49649246,  0.92833405]]), array([[ 0.22437625, -1.34140245],
       [ 0.35826152, -2.14181712],
       [ 0.30232796, -1.80742603]])]
input:  [[-0.36720003]
 [-0.24077752]
 [ 0.9244882 ]]
activations:  [array([[-0.36720003],
       [-0.24077752],
       [ 0.9244882 ]]), array([[ 0.16074483],
       [-0.98302587]]), array([[ 0.50317806],
       [ 0.14400772],
       [ 0.61969016]])]
cost derivative:  [[ 0.87037809]
 [ 0.38478524]
 [-0.30479804]]
unit step:  1
delta:  [[ 0.87037809]
 [ 0.38478524]
 [-0.30479804]]
delta b updated:  [array([[ 0.10740133],
       [ 0.37069635]]), array([[ 0.87037809],
       [ 0.38478524],
       [-0.30479804]])]
delta w updated: [array([[-0.03943777, -0.02585983,  0.09929126],
       [-0.13611971, -0.08925535,  0.3427044 ]]), array([[ 0.13990878, -0.85560418],
       [ 0.06185224, -0.37825385],
       [-0.04899471,  0.29962436]])]
input:  [[-0.86603769]
 [-0.56591058]
 [ 0.68902265]]
activations:  [array([[-0.86603769],
       [-0.56591058],
       [ 0.68902265]]), array([[-0.02028763],
       [-0.84923934]]), array([[ 0.19418875],
       [ 0.26366002],
       [ 0.45275841]])]
cost derivative:  [[ 1.06022644]
 [ 0.8295706 ]
 [-0.23626424]]
unit step:  1
delta:  [[ 1.06022644]
 [ 0.8295706 ]
 [-0.23626424]]
delta b updated:  [array([[-0.01274202],
       [ 0.47179556]]), array([[ 1.06022644],
       [ 0.8295706 ],
       [-0.23626424]])]
delta w updated: [array([[ 0.01103507,  0.00721084, -0.00877954],
       [-0.40859274, -0.2669941 ,  0.32507783]]), array([[-0.02150948, -0.90038601],
       [-0.01683002, -0.70450399],
       [ 0.00479324,  0.20064489]])]
input:  [[ 0.33854048]
 [-0.89098712]
 [ 0.48016037]]
activations:  [array([[ 0.33854048],
       [-0.89098712],
       [ 0.48016037]]), array([[ 0.22967289],
       [-1.9021601 ]]), array([[ 1.09714468],
       [ 0.18105175],
       [ 1.08125288]])]
cost derivative:  [[ 0.7586042 ]
 [ 1.07203887]
 [ 0.60109251]]
unit step:  1
delta:  [[ 0.7586042 ]
 [ 1.07203887]
 [ 0.60109251]]
delta b updated:  [array([[ 0.12604996],
       [ 1.51374262]]), array([[ 0.7586042 ],
       [ 1.07203887],
       [ 0.60109251]])]
delta w updated: [array([[ 0.04267302, -0.1123089 ,  0.0605242 ],
       [ 0.51246315, -1.34872518,  0.72683922]]), array([[ 0.17423082, -1.44298665],
       [ 0.24621827, -2.03918957],
       [ 0.13805466, -1.14337419]])]
input:  [[-0.58378371]
 [-0.07647514]
 [ 1.03616955]]
activations:  [array([[-0.58378371],
       [-0.07647514],
       [ 1.03616955]]), array([[ 0.1335136 ],
       [-0.72554507]]), array([[ 0.32433688],
       [ 0.13760498],
       [ 0.48571816]])]
cost derivative:  [[ 0.90812059]
 [ 0.21408012]
 [-0.55045139]]
unit step:  1
delta:  [[ 0.90812059]
 [ 0.21408012]
 [-0.55045139]]
delta b updated:  [array([[ 0.09326644],
       [ 0.1943664 ]]), array([[ 0.90812059],
       [ 0.21408012],
       [-0.55045139]])]
delta w updated: [array([[-0.05444743, -0.00713256,  0.09663985],
       [-0.11346794, -0.0148642 ,  0.20139655]]), array([[ 0.12124645, -0.65888241],
       [ 0.02858261, -0.15532478],
       [-0.07349275,  0.39937729]])]
input:  [[-0.77334271]
 [-1.01494568]
 [ 0.37601468]]
activations:  [array([[-0.77334271],
       [-1.01494568],
       [ 0.37601468]]), array([[-0.07260786],
       [-1.21011268]]), array([[ 0.32293283],
       [ 0.33495368],
       [ 0.58723529]])]
cost derivative:  [[ 1.09627554]
 [ 1.34989936]
 [ 0.21122062]]
unit step:  1
delta:  [[ 1.09627554]
 [ 1.34989936]
 [ 0.21122062]]
delta b updated:  [array([[-0.04026851],
       [ 1.00197089]]), array([[ 1.09627554],
       [ 1.34989936],
       [ 0.21122062]])]
delta w updated: [array([[ 0.03114136,  0.04087035, -0.01514155],
       [-0.77486689, -1.01694602,  0.37675576]]), array([[-0.07959822, -1.32661693],
       [-0.09801331, -1.63353032],
       [-0.01533628, -0.25560074]])]
input:  [[-0.81885068]
 [-0.02741125]
 [ 1.06686264]]
activations:  [array([[-0.81885068],
       [-0.02741125],
       [ 1.06686264]]), array([[ 0.08226787],
       [-0.53039099]]), array([[ 0.14956633],
       [ 0.15573574],
       [ 0.36659683]])]
cost derivative:  [[ 0.96841701]
 [ 0.18314699]
 [-0.70026581]]
unit step:  1
delta:  [[ 0.96841701]
 [ 0.18314699]
 [-0.70026581]]
delta b updated:  [array([[ 0.05855743],
       [ 0.12133132]]), array([[ 0.96841701],
       [ 0.18314699],
       [-0.70026581]])]
delta w updated: [array([[-0.04794979, -0.00160513,  0.06247273],
       [-0.09935224, -0.00332584,  0.12944385]]), array([[ 0.07966961, -0.51363966],
       [ 0.01506711, -0.09713951],
       [-0.05760938,  0.37141468]])]
input:  [[-0.40909873]
 [-0.20541402]
 [ 0.94859942]]
activations:  [array([[-0.40909873],
       [-0.20541402],
       [ 0.94859942]]), array([[ 0.15588565],
       [-0.93282668]]), array([[ 0.46554159],
       [ 0.13981371],
       [ 0.5941582 ]])]
cost derivative:  [[ 0.87464032]
 [ 0.34522774]
 [-0.35444122]]
unit step:  1
delta:  [[ 0.87464032]
 [ 0.34522774]
 [-0.35444122]]
delta b updated:  [array([[ 0.10498985],
       [ 0.32712392]]), array([[ 0.87464032],
       [ 0.34522774],
       [-0.35444122]])]
delta w updated: [array([[-0.04295121, -0.02156639,  0.09959331],
       [-0.13382598, -0.06719584,  0.31030956]]), array([[ 0.13634388, -0.81588782],
       [ 0.05381605, -0.32203764],
       [-0.0552523 ,  0.33063223]])]
input:  [[-0.21431142]
 [-0.37798482]
 [ 0.8307879 ]]
activations:  [array([[-0.21431142],
       [-0.37798482],
       [ 0.8307879 ]]), array([[ 0.1760254 ],
       [-1.18208968]]), array([[ 0.62787931],
       [ 0.14843248],
       [ 0.72028266]])]
cost derivative:  [[ 0.84219073]
 [ 0.52641729]
 [-0.11050524]]
unit step:  1
delta:  [[ 0.84219073]
 [ 0.52641729]
 [-0.11050524]]
delta b updated:  [array([[ 0.11285347],
       [ 0.54542417]]), array([[ 0.84219073],
       [ 0.52641729],
       [-0.11050524]])]
delta w updated: [array([[-0.02418579, -0.0426569 ,  0.0937573 ],
       [-0.11689063, -0.20616205,  0.4531318 ]]), array([[ 0.14824696, -0.99554498],
       [ 0.09266282, -0.62227245],
       [-0.01945173,  0.13062711]])]
input:  [[ 0.13937598]
 [-0.71261405]
 [ 0.60196689]]
activations:  [array([[ 0.13937598],
       [-0.71261405],
       [ 0.60196689]]), array([[ 0.20907873],
       [-1.64857411]]), array([[ 0.92586992],
       [ 0.1678484 ],
       [ 0.95329772]])]
cost derivative:  [[ 0.78649395]
 [ 0.88046245]
 [ 0.35133084]]
unit step:  1
delta:  [[ 0.78649395]
 [ 0.88046245]
 [ 0.35133084]]
delta b updated:  [array([[ 0.12110037],
       [ 1.11344588]]), array([[ 0.78649395],
       [ 0.88046245],
       [ 0.35133084]])]
delta w updated: [array([[ 0.01687848, -0.08629783,  0.07289841],
       [ 0.15518761, -0.79345719,  0.67025755]]), array([[ 0.16443916, -1.29659356],
       [ 0.18408597, -1.45150761],
       [ 0.07345581, -0.57919492]])]
input:  [[ 0.82007365]
 [-1.08094931]
 [ 0.3546415 ]]
activations:  [array([[ 0.82007365],
       [-1.08094931],
       [ 0.3546415 ]]), array([[ 0.31917209],
       [-2.36534726]]), array([[ 1.46038171],
       [ 0.1533672 ],
       [ 1.34530288]])]
cost derivative:  [[ 0.64030806]
 [ 1.2343165 ]
 [ 0.99066138]]
unit step:  1
delta:  [[ 0.64030806]
 [ 1.2343165 ]
 [ 0.99066138]]
delta b updated:  [array([[ 0.16081611],
       [ 2.17694575]]), array([[ 0.64030806],
       [ 1.2343165 ],
       [ 0.99066138]])]
delta w updated: [array([[ 0.13188105, -0.17383406,  0.05703207],
       [ 1.78525586, -2.353168  ,  0.77203531]]), array([[ 0.20436846, -1.51455091],
       [ 0.39395938, -2.91958716],
       [ 0.31619146, -2.34325819]])]
input:  [[-0.88628836]
 [-0.1636171 ]
 [ 0.97042779]]
activations:  [array([[-0.88628836],
       [-0.1636171 ],
       [ 0.97042779]]), array([[ 0.04194671],
       [-0.57483212]]), array([[ 0.11932472],
       [ 0.18742888],
       [ 0.36288892]])]
cost derivative:  [[ 1.00561308]
 [ 0.35104598]
 [-0.60753888]]
unit step:  1
delta:  [[ 1.00561308]
 [ 0.35104598]
 [-0.60753888]]
delta b updated:  [array([[ 0.0289765 ],
       [ 0.17567661]]), array([[ 1.00561308],
       [ 0.35104598],
       [-0.60753888]])]
delta w updated: [array([[-0.02568153, -0.00474105,  0.0281196 ],
       [-0.15570013, -0.0287437 ,  0.17048146]]), array([[ 0.04218216, -0.5780587 ],
       [ 0.01472522, -0.20179251],
       [-0.02548426,  0.34923286]])]
input:  [[ 0.82087594]
 [-0.30014702]
 [ 0.90143979]]
activations:  [array([[ 0.82087594],
       [-0.30014702],
       [ 0.90143979]]), array([[ 0.45074494],
       [-1.85456372]]), array([[ 1.34919204],
       [ 0.00627313],
       [ 1.1870716 ]])]
cost derivative:  [[ 0.5283161 ]
 [ 0.30642015]
 [ 0.28563181]]
unit step:  1
delta:  [[ 0.5283161 ]
 [ 0.30642015]
 [ 0.28563181]]
delta b updated:  [array([[ 0.28263981],
       [ 0.83115104]]), array([[ 0.5283161 ],
       [ 0.30642015],
       [ 0.28563181]])]
delta w updated: [array([[ 0.23201222, -0.0848335 ,  0.25478277],
       [ 0.68227189, -0.2494675 ,  0.74923262]]), array([[ 0.23813581, -0.97979587],
       [ 0.13811733, -0.56827569],
       [ 0.12874709, -0.52972238]])]
input:  [[ 0.85221913]
 [-1.03110487]
 [ 0.39004821]]
activations:  [array([[ 0.85221913],
       [-1.03110487],
       [ 0.39004821]]), array([[ 0.3353111 ],
       [-2.35782052]]), array([[ 1.47398742],
       [ 0.13722583],
       [ 1.34904368]])]
cost derivative:  [[ 0.62176829]
 [ 1.1683307 ]
 [ 0.95899548]]
unit step:  1
delta:  [[ 0.62176829]
 [ 1.1683307 ]
 [ 0.95899548]]
delta b updated:  [array([[ 0.17076298],
       [ 2.09047096]]), array([[ 0.62176829],
       [ 1.1683307 ],
       [ 0.95899548]])]
delta w updated: [array([[ 0.14552748, -0.17607454,  0.06660579],
       [ 1.78153935, -2.15549479,  0.81538445]]), array([[ 0.20848581, -1.46601804],
       [ 0.39175426, -2.7547141 ],
       [ 0.32156183, -2.26113921]])]
input:  [[ 0.17332101]
 [-0.74413054]
 [ 0.58042565]]
activations:  [array([[ 0.17332101],
       [-0.74413054],
       [ 0.58042565]]), array([[ 0.21185189],
       [-1.69729176]]), array([[ 0.95162595],
       [ 0.16455863],
       [ 0.97347446]])]
cost derivative:  [[ 0.77830494]
 [ 0.90868917]
 [ 0.39304881]]
unit step:  1
delta:  [[ 0.77830494]
 [ 0.90868917]
 [ 0.39304881]]
delta b updated:  [array([[ 0.12109736],
       [ 1.16785576]]), array([[ 0.77830494],
       [ 0.90868917],
       [ 0.39304881]])]
delta w updated: [array([[ 0.02098872, -0.09011224,  0.07028801],
       [ 0.20241394, -0.86903713,  0.67785344]]), array([[ 0.16488537, -1.32101055],
       [ 0.19250752, -1.54231064],
       [ 0.08326813, -0.6671185 ]])]
input:  [[ 0.83331994]
 [-1.06496602]
 [ 0.36604096]]
activations:  [array([[ 0.83331994],
       [-1.06496602],
       [ 0.36604096]]), array([[ 0.32457402],
       [-2.36980554]]), array([[ 1.46391528],
       [ 0.14206851],
       [ 1.34543321]])]
cost derivative:  [[ 0.63059533]
 [ 1.20703453]
 [ 0.97939225]]
unit step:  1
delta:  [[ 0.63059533]
 [ 1.20703453]
 [ 0.97939225]]
delta b updated:  [array([[ 0.16351535],
       [ 2.13538182]]), array([[ 0.63059533],
       [ 1.20703453],
       [ 0.97939225]])]
delta w updated: [array([[ 0.1362606 , -0.17413829,  0.05985332],
       [ 1.77945626, -2.27410907,  0.78163722]]), array([[ 0.20467486, -1.49438832],
       [ 0.39177205, -2.86043711],
       [ 0.31788528, -2.32096919]])]
input:  [[ 0.88371996]
 [-0.780213  ]
 [ 0.56623579]]
activations:  [array([[ 0.88371996],
       [-0.780213  ],
       [ 0.56623579]]), array([[ 0.38514236],
       [-2.21950431]]), array([[ 1.45901491],
       [ 0.08130087],
       [ 1.31023833]])]
cost derivative:  [[ 0.57529496]
 [ 0.86151387]
 [ 0.74400254]]
unit step:  1
delta:  [[ 0.57529496]
 [ 0.86151387]
 [ 0.74400254]]
delta b updated:  [array([[ 0.21102959],
       [ 1.62095247]]), array([[ 0.57529496],
       [ 0.86151387],
       [ 0.74400254]])]
delta w updated: [array([[ 0.18649106, -0.16464803,  0.11949251],
       [ 1.43246805, -1.26468819,  0.9178413 ]]), array([[ 0.22157046, -1.27686963],
       [ 0.33180549, -1.91213375],
       [ 0.2865469 , -1.65131684]])]
input:  [[ 0.08239468]
 [-0.65908384]
 [ 0.63856482]]
activations:  [array([[ 0.08239468],
       [-0.65908384],
       [ 0.63856482]]), array([[ 0.20287003],
       [-1.58108344]]), array([[ 0.87362314],
       [ 0.15609105],
       [ 0.91202495]])]
cost derivative:  [[ 0.79122846]
 [ 0.81517489]
 [ 0.27346014]]
unit step:  1
delta:  [[ 0.79122846]
 [ 0.81517489]
 [ 0.27346014]]
delta b updated:  [array([[ 0.11900976],
       [ 0.99415013]]), array([[ 0.79122846],
       [ 0.81517489],
       [ 0.27346014]])]
delta w updated: [array([[ 0.00980577, -0.07843741,  0.07599545],
       [ 0.08191269, -0.65522829,  0.6348293 ]]), array([[ 0.16051654, -1.25099822],
       [ 0.16537456, -1.28885953],
       [ 0.05547687, -0.43236329]])]
input:  [[ 0.87372259]
 [-0.95708859]
 [ 0.44221619]]
activations:  [array([[ 0.87372259],
       [-0.95708859],
       [ 0.44221619]]), array([[ 0.35253241],
       [-2.33121122]]), array([[ 1.47522136],
       [ 0.11224105],
       [ 1.34001735]])]
cost derivative:  [[ 0.60149877]
 [ 1.06932964]
 [ 0.89780116]]
unit step:  1
delta:  [[ 0.60149877]
 [ 1.06932964]
 [ 0.89780116]]
delta b updated:  [array([[ 0.18290591],
       [ 1.93753737]]), array([[ 0.60149877],
       [ 1.06932964],
       [ 0.89780116]])]
delta w updated: [array([[ 0.15980902, -0.17505716,  0.08088395],
       [ 1.69287017, -1.85439492,  0.85681039]]), array([[ 0.21204781, -1.40222069],
       [ 0.37697336, -2.49283326],
       [ 0.31650401, -2.09296414]])]
input:  [[ 0.5761078 ]
 [-1.06372307]
 [ 0.36290032]]
activations:  [array([[ 0.5761078 ],
       [-1.06372307],
       [ 0.36290032]]), array([[ 0.25918592],
       [-2.19521462]]), array([[ 1.2789274 ],
       [ 0.16643182],
       [ 1.22181426]])]
cost derivative:  [[ 0.7028196 ]
 [ 1.23015489]
 [ 0.85891394]]
unit step:  1
delta:  [[ 0.7028196 ]
 [ 1.23015489]
 [ 0.85891394]]
delta b updated:  [array([[ 0.13192872],
       [ 1.93412824]]), array([[ 0.7028196 ],
       [ 1.23015489],
       [ 0.85891394]])]
delta w updated: [array([[ 0.07600517, -0.14033563,  0.04787698],
       [ 1.11426636, -2.05737683,  0.70189576]]), array([[ 0.18216094, -1.54283986],
       [ 0.31883882, -2.700454  ],
       [ 0.2226184 , -1.88550044]])]
input:  [[ 0.32782706]
 [-0.8819045 ]
 [ 0.48635374]]
activations:  [array([[ 0.32782706],
       [-0.8819045 ],
       [ 0.48635374]]), array([[ 0.22701303],
       [-1.90310675]]), array([[ 1.07704159],
       [ 0.16205852],
       [ 1.06898771]])]
cost derivative:  [[ 0.74921452]
 [ 1.04396302]
 [ 0.58263397]]
unit step:  1
delta:  [[ 0.74921452]
 [ 1.04396302]
 [ 0.58263397]]
delta b updated:  [array([[ 0.12355983],
       [ 1.45167312]]), array([[ 0.74921452],
       [ 1.04396302],
       [ 0.58263397]])]
delta w updated: [array([[ 0.04050626, -0.10896797,  0.06009378],
       [ 0.47589774, -1.28023706,  0.70602665]]), array([[ 0.17008146, -1.42583522],
       [ 0.23699321, -1.98677306],
       [ 0.1322655 , -1.10881463]])]
input:  [[-0.45000473]
 [-0.17220518]
 [ 0.97121724]]
activations:  [array([[-0.45000473],
       [-0.17220518],
       [ 0.97121724]]), array([[ 0.15014064],
       [-0.89097698]]), array([[ 0.42646196],
       [ 0.12889645],
       [ 0.56498033]])]
cost derivative:  [[ 0.87646669]
 [ 0.30110163]
 [-0.4062369 ]]
unit step:  1
delta:  [[ 0.87646669]
 [ 0.30110163]
 [-0.4062369 ]]
delta b updated:  [array([[ 0.10167484],
       [ 0.28367504]]), array([[ 0.87646669],
       [ 0.30110163],
       [-0.4062369 ]])]
delta w updated: [array([[-0.04575416, -0.01750893,  0.09874836],
       [-0.12765511, -0.04885031,  0.27551009]]), array([[ 0.13159327, -0.78091165],
       [ 0.04520759, -0.26827462],
       [-0.06099267,  0.36194773]])]
input:  [[-0.89329364]
 [-0.24810329]
 [ 0.91115396]]
activations:  [array([[-0.89329364],
       [-0.24810329],
       [ 0.91115396]]), array([[ 0.02528166],
       [-0.63099268]]), array([[ 0.12298555],
       [ 0.19786879],
       [ 0.37456151]])]
cost derivative:  [[ 1.0162792 ]
 [ 0.44597209]
 [-0.53659245]]
unit step:  1
delta:  [[ 1.0162792 ]
 [ 0.44597209]
 [-0.53659245]]
delta b updated:  [array([[ 0.01708325],
       [ 0.21930204]]), array([[ 1.0162792 ],
       [ 0.44597209],
       [-0.53659245]])]
delta w updated: [array([[-0.01526036, -0.00423841,  0.01556547],
       [-0.19590112, -0.05440956,  0.19981792]]), array([[ 0.02569323, -0.64126473],
       [ 0.01127492, -0.28140512],
       [-0.01356595,  0.33858591]])]
input:  [[-0.84595787]
 [-0.05303528]
 [ 1.04849575]]
activations:  [array([[-0.84595787],
       [-0.05303528],
       [ 1.04849575]]), array([[ 0.07012222],
       [-0.53552648]]), array([[ 0.12880058],
       [ 0.15642968],
       [ 0.3577656 ]])]
cost derivative:  [[ 0.97475846]
 [ 0.20946496]
 [-0.69073015]]
unit step:  1
delta:  [[ 0.97475846]
 [ 0.20946496]
 [-0.69073015]]
delta b updated:  [array([[ 0.04948084],
       [ 0.12550479]]), array([[ 0.97475846],
       [ 0.20946496],
       [-0.69073015]])]
delta w updated: [array([[-0.0418587 , -0.00262423,  0.05188045],
       [-0.10617176, -0.00665618,  0.13159123]]), array([[ 0.06835223, -0.52200897],
       [ 0.01468815, -0.11217403],
       [-0.04843553,  0.36990429]])]
input:  [[-0.33519014]
 [-0.26856694]
 [ 0.9055268 ]]
activations:  [array([[-0.33519014],
       [-0.26856694],
       [ 0.9055268 ]]), array([[ 0.16277094],
       [-1.03543394]]), array([[ 0.51965999],
       [ 0.13162762],
       [ 0.63867513]])]
cost derivative:  [[ 0.85485013]
 [ 0.40019456]
 [-0.26685167]]
unit step:  1
delta:  [[ 0.85485013]
 [ 0.40019456]
 [-0.26685167]]
delta b updated:  [array([[ 0.10705689],
       [ 0.39100495]]), array([[ 0.85485013],
       [ 0.40019456],
       [-0.26685167]])]
delta w updated: [array([[-0.03588441, -0.02875194,  0.09694288],
       [-0.13106101, -0.105011  ,  0.35406547]]), array([[ 0.13914476, -0.88514084],
       [ 0.06514005, -0.41437503],
       [-0.0434357 ,  0.27630727]])]
input:  [[ 0.6839231 ]
 [-1.10936775]
 [ 0.33261725]]
activations:  [array([[ 0.6839231 ],
       [-1.10936775],
       [ 0.33261725]]), array([[ 0.27840435],
       [-2.30401673]]), array([[ 1.35679897],
       [ 0.15624567],
       [ 1.28127667]])]
cost derivative:  [[ 0.67287587]
 [ 1.26561341]
 [ 0.94865941]]
unit step:  1
delta:  [[ 0.67287587]
 [ 1.26561341]
 [ 0.94865941]]
delta b updated:  [array([[ 0.13811172],
       [ 2.08369295]]), array([[ 0.67287587],
       [ 1.26561341],
       [ 0.94865941]])]
delta w updated: [array([[ 0.0944578 , -0.15321669,  0.04593834],
       [ 1.42508574, -2.31158175,  0.69307223]]), array([[ 0.18733157, -1.55031727],
       [ 0.35235228, -2.91599448],
       [ 0.26411091, -2.18572716]])]
input:  [[-0.79480844]
 [-0.92433828]
 [ 0.43913113]]
activations:  [array([[-0.79480844],
       [-0.92433828],
       [ 0.43913113]]), array([[-0.06407726],
       [-1.14808329]]), array([[ 0.2854124 ],
       [ 0.30625671],
       [ 0.55623907]])]
cost derivative:  [[ 1.08022084]
 [ 1.23059498]
 [ 0.11710795]]
unit step:  1
delta:  [[ 1.08022084]
 [ 1.23059498]
 [ 0.11710795]]
delta b updated:  [array([[-0.03611351],
       [ 0.85368244]]), array([[ 1.08022084],
       [ 1.23059498],
       [ 0.11710795]])]
delta w updated: [array([[ 0.02870332,  0.0333811 , -0.01585857],
       [-0.67851401, -0.78909136,  0.37487853]]), array([[-0.06921759, -1.24018349],
       [-0.07885316, -1.41282554],
       [-0.00750396, -0.13444968]])]
input:  [[-0.836243  ]
 [-0.73217645]
 [ 0.57305343]]
activations:  [array([[-0.836243  ],
       [-0.73217645],
       [ 0.57305343]]), array([[-0.04210283],
       [-0.99282422]]), array([[ 0.22899937],
       [ 0.27593389],
       [ 0.49874775]])]
cost derivative:  [[ 1.06524237]
 [ 1.00811034]
 [-0.07430568]]
unit step:  1
delta:  [[ 1.06524237]
 [ 1.00811034]
 [-0.07430568]]
delta b updated:  [array([[-0.02509057],
       [ 0.62438078]]), array([[ 1.06524237],
       [ 1.00811034],
       [-0.07430568]])]
delta w updated: [array([[ 0.02098182,  0.01837073, -0.01437824],
       [-0.52213405, -0.4571569 ,  0.35780355]]), array([[-0.04484972, -1.05759842],
       [-0.0424443 , -1.00087636],
       [ 0.00312848,  0.07377248]])]
input:  [[ 0.83742212]
 [-1.05892622]
 [ 0.37033453]]
activations:  [array([[ 0.83742212],
       [-1.05892622],
       [ 0.37033453]]), array([[ 0.32558835],
       [-2.38082639]]), array([[ 1.45558447],
       [ 0.12280488],
       [ 1.34150634]])]
cost derivative:  [[ 0.61816235]
 [ 1.18173109]
 [ 0.97117182]]
unit step:  1
delta:  [[ 0.61816235]
 [ 1.18173109]
 [ 0.97117182]]
delta b updated:  [array([[ 0.16272533],
       [ 2.08089501]]), array([[ 0.61816235],
       [ 1.18173109],
       [ 0.97117182]])]
delta w updated: [array([[ 0.13626979, -0.17231411,  0.06026281],
       [ 1.74258751, -2.20351428,  0.77062727]]), array([[ 0.20126646, -1.47173724],
       [ 0.38475788, -2.81349657],
       [ 0.31620223, -2.31219149]])]
input:  [[ 0.79752477]
 [-0.18586622]
 [ 0.98110502]]
activations:  [array([[ 0.79752477],
       [-0.18586622],
       [ 0.98110502]]), array([[ 0.46263276],
       [-1.77732335]]), array([[ 1.30555061],
       [-0.03121629],
       [ 1.14678497]])]
cost derivative:  [[ 0.50802584]
 [ 0.15464993]
 [ 0.16567996]]
unit step:  1
delta:  [[ 0.50802584]
 [ 0.15464993]
 [ 0.16567996]]
delta b updated:  [array([[ 0.29667867],
       [ 0.64407696]]), array([[ 0.50802584],
       [ 0.15464993],
       [ 0.16567996]])]
delta w updated: [array([[ 0.23660859, -0.05514254,  0.29107293],
       [ 0.51366733, -0.11971215,  0.63190713]]), array([[ 0.2350294 , -0.90292618],
       [ 0.07154613, -0.27486294],
       [ 0.07664898, -0.29446685]])]
input:  [[-0.12388573]
 [-0.46285611]
 [ 0.77276375]]
activations:  [array([[-0.12388573],
       [-0.46285611],
       [ 0.77276375]]), array([[ 0.18302205],
       [-1.31547462]]), array([[ 0.69308377],
       [ 0.13537319],
       [ 0.77471648]])]
cost derivative:  [[ 0.8169695 ]
 [ 0.5982293 ]
 [ 0.00195272]]
unit step:  1
delta:  [[ 0.8169695 ]
 [ 0.5982293 ]
 [ 0.00195272]]
delta b updated:  [array([[ 0.11344202],
       [ 0.64765328]]), array([[ 0.8169695 ],
       [ 0.5982293 ],
       [ 0.00195272]])]
delta w updated: [array([[-0.01405385, -0.05250733,  0.08766388],
       [-0.080235  , -0.29977028,  0.50048298]]), array([[  1.49523434e-01,  -1.07470265e+00],
       [  1.09489153e-01,  -7.86955461e-01],
       [  3.57391437e-04,  -2.56875805e-03]])]
input:  [[ 0.41197964]
 [-0.95094907]
 [ 0.43931503]]
activations:  [array([[ 0.41197964],
       [-0.95094907],
       [ 0.43931503]]), array([[ 0.23593662],
       [-2.01419604]]), array([[ 1.13807513],
       [ 0.15429488],
       [ 1.12111257]])]
cost derivative:  [[ 0.7260955 ]
 [ 1.10524395]
 [ 0.68179755]]
unit step:  1
delta:  [[ 0.7260955 ]
 [ 1.10524395]
 [ 0.68179755]]
delta b updated:  [array([[ 0.12419107],
       [ 1.59555458]]), array([[ 0.7260955 ],
       [ 1.10524395],
       [ 0.68179755]])]
delta w updated: [array([[ 0.05116419, -0.11809938,  0.054559  ],
       [ 0.657336  , -1.51729115,  0.7009511 ]]), array([[ 0.17131252, -1.46249868],
       [ 0.26076752, -2.22617799],
       [ 0.16086101, -1.37327392]])]
input:  [[-0.80146246]
 [-0.89525142]
 [ 0.45939652]]
activations:  [array([[-0.80146246],
       [-0.89525142],
       [ 0.45939652]]), array([[-0.06111579],
       [-1.12803384]]), array([[ 0.27408479],
       [ 0.29741651],
       [ 0.5467678 ]])]
cost derivative:  [[ 1.07554724]
 [ 1.19266793]
 [ 0.08737128]]
unit step:  1
delta:  [[ 1.07554724]
 [ 1.19266793]
 [ 0.08737128]]
delta b updated:  [array([[-0.03468408],
       [ 0.81021122]]), array([[ 1.07554724],
       [ 1.19266793],
       [ 0.08737128]])]
delta w updated: [array([[ 0.02779799,  0.03105097, -0.01593375],
       [-0.64935388, -0.72534274,  0.37220821]]), array([[-0.06573292, -1.21325369],
       [-0.07289084, -1.34536978],
       [-0.00533976, -0.09855777]])]
input:  [[ 0.77023174]
 [-0.06266718]
 [ 1.0669541 ]]
activations:  [array([[ 0.77023174],
       [-0.06266718],
       [ 1.0669541 ]]), array([[ 0.47612633],
       [-1.67888247]]), array([[ 1.26610164],
       [-0.05306037],
       [ 1.10886691]])]
cost derivative:  [[ 0.4958699 ]
 [ 0.00960681]
 [ 0.04191281]]
unit step:  1
delta:  [[ 0.4958699 ]
 [ 0.00960681]
 [ 0.04191281]]
delta b updated:  [array([[ 0.31413541],
       [ 0.48174202]]), array([[ 0.4958699 ],
       [ 0.00960681],
       [ 0.04191281]])]
delta w updated: [array([[ 0.24195707, -0.01968598,  0.33516807],
       [ 0.37105299, -0.03018941,  0.51399662]]), array([[ 0.23609672, -0.83250729],
       [ 0.00457405, -0.0161287 ],
       [ 0.01995579, -0.07036669]])]
input:  [[-0.89340573]
 [-0.2907287 ]
 [ 0.88130219]]
activations:  [array([[-0.89340573],
       [-0.2907287 ],
       [ 0.88130219]]), array([[ 0.01753085],
       [-0.66436049]]), array([[ 0.12490407],
       [ 0.20051019],
       [ 0.38345824]])]
cost derivative:  [[ 1.0183098 ]
 [ 0.4912389 ]
 [-0.49784395]]
unit step:  1
delta:  [[ 1.0183098 ]
 [ 0.4912389 ]
 [-0.49784395]]
delta b updated:  [array([[ 0.01169742],
       [ 0.24211964]]), array([[ 1.0183098 ],
       [ 0.4912389 ],
       [-0.49784395]])]
delta w updated: [array([[-0.01045054, -0.00340078,  0.01030896],
       [-0.21631108, -0.07039113,  0.21338057]]), array([[ 0.01785183, -0.67652479],
       [ 0.00861183, -0.32635971],
       [-0.00872763,  0.33074785]])]
input:  [[ 0.78950553]
 [-1.1036475 ]
 [ 0.33826956]]
activations:  [array([[ 0.78950553],
       [-1.1036475 ],
       [ 0.33826956]]), array([[ 0.30520016],
       [-2.38187713]]), array([[ 1.42182651],
       [ 0.13003618],
       [ 1.32649839]])]
cost derivative:  [[ 0.63232097]
 [ 1.23368369]
 [ 0.98822884]]
unit step:  1
delta:  [[ 0.63232097]
 [ 1.23368369]
 [ 0.98822884]]
delta b updated:  [array([[ 0.14930988],
       [ 2.11447465]]), array([[ 0.63232097],
       [ 1.23368369],
       [ 0.98822884]])]
delta w updated: [array([[ 0.11788098, -0.16478548,  0.05050699],
       [ 1.66938943, -2.33363467,  0.7152624 ]]), array([[ 0.19298446, -1.50611086],
       [ 0.37652046, -2.93848296],
       [ 0.3016076 , -2.35383966]])]
input:  [[-0.89074637]
 [-0.35380162]
 [ 0.83717451]]
activations:  [array([[-0.89074637],
       [-0.35380162],
       [ 0.83717451]]), array([[ 0.00750987],
       [-0.70886586]]), array([[ 0.13483057],
       [ 0.21019385],
       [ 0.39703745]])]
cost derivative:  [[ 1.02557694]
 [ 0.56399547]
 [-0.44013706]]
unit step:  1
delta:  [[ 1.02557694]
 [ 0.56399547]
 [-0.44013706]]
delta b updated:  [array([[ 0.00493227],
       [ 0.28305673]]), array([[ 1.02557694],
       [ 0.56399547],
       [-0.44013706]])]
delta w updated: [array([[-0.0043934 , -0.00174505,  0.00412917],
       [-0.25213176, -0.10014593,  0.23696788]]), array([[ 0.00770195, -0.72699648],
       [ 0.00423553, -0.39979714],
       [-0.00330537,  0.31199813]])]
input:  [[-0.89224133]
 [-0.22185723]
 [ 0.92955015]]
activations:  [array([[-0.89224133],
       [-0.22185723],
       [ 0.92955015]]), array([[ 0.02937849],
       [-0.62066291]]), array([[ 0.11521622],
       [ 0.18667791],
       [ 0.37029418]])]
cost derivative:  [[ 1.00745755]
 [ 0.40853514]
 [-0.55925597]]
unit step:  1
delta:  [[ 1.00745755]
 [ 0.40853514]
 [-0.55925597]]
delta b updated:  [array([[ 0.01992024],
       [ 0.2004303 ]]), array([[ 1.00745755],
       [ 0.40853514],
       [-0.55925597]])]
delta w updated: [array([[-0.01777366, -0.00441945,  0.01851686],
       [-0.1788322 , -0.04446691,  0.18631002]]), array([[ 0.02959759, -0.62529153],
       [ 0.01200215, -0.25356261],
       [-0.0164301 ,  0.34710944]])]
input:  [[ 0.65264831]
 [-1.09966686]
 [ 0.33892295]]
activations:  [array([[ 0.65264831],
       [-1.09966686],
       [ 0.33892295]]), array([[ 0.2711817 ],
       [-2.28551304]]), array([[ 1.32278773],
       [ 0.14361226],
       [ 1.26184864]])]
cost derivative:  [[ 0.67013942]
 [ 1.24327912]
 [ 0.92292569]]
unit step:  1
delta:  [[ 0.67013942]
 [ 1.24327912]
 [ 0.92292569]]
delta b updated:  [array([[ 0.13361686],
       [ 2.00388736]]), array([[ 0.67013942],
       [ 1.24327912],
       [ 0.92292569]])]
delta w updated: [array([[ 0.08720482, -0.14693403,  0.04528582],
       [ 1.30783369, -2.20360853,  0.67916341]]), array([[ 0.18172955, -1.53161239],
       [ 0.33715455, -2.84153064],
       [ 0.25028056, -2.1093587 ]])]
input:  [[-0.42968263]
 [-0.18852497]
 [ 0.96010561]]
activations:  [array([[-0.42968263],
       [-0.18852497],
       [ 0.96010561]]), array([[ 0.15165026],
       [-0.92393107]]), array([[ 0.43542372],
       [ 0.11985767],
       [ 0.57761042]])]
cost derivative:  [[ 0.86510635]
 [ 0.30838265]
 [-0.38249519]]
unit step:  1
delta:  [[ 0.86510635]
 [ 0.30838265]
 [-0.38249519]]
delta b updated:  [array([[ 0.10167197],
       [ 0.29304319]]), array([[ 0.86510635],
       [ 0.30838265],
       [-0.38249519]])]
delta w updated: [array([[-0.04368668, -0.01916771,  0.09761583],
       [-0.12591557, -0.05524596,  0.28135241]]), array([[ 0.1311936 , -0.79929864],
       [ 0.04676631, -0.28492431],
       [-0.05800549,  0.35339919]])]
input:  [[ 0.86836884]
 [-0.59192698]
 [ 0.69785067]]
activations:  [array([[ 0.86836884],
       [-0.59192698],
       [ 0.69785067]]), array([[ 0.41108103],
       [-2.10222592]]), array([[ 1.40329121],
       [ 0.02313924],
       [ 1.25950554]])]
cost derivative:  [[ 0.53492237]
 [ 0.61506622]
 [ 0.56165487]]
unit step:  1
delta:  [[ 0.53492237]
 [ 0.61506622]
 [ 0.56165487]]
delta b updated:  [array([[ 0.23364986],
       [ 1.23827974]]), array([[ 0.53492237],
       [ 0.61506622],
       [ 0.56165487]])]
delta w updated: [array([[ 0.20289426, -0.13830366,  0.16305271],
       [ 1.07528354, -0.73297118,  0.86413435]]), array([[ 0.21989644, -1.12452766],
       [ 0.25284205, -1.29300815],
       [ 0.23088566, -1.18072542]])]
input:  [[-0.76825116]
 [-0.01096956]
 [ 1.07916561]]
activations:  [array([[-0.76825116],
       [-0.01096956],
       [ 1.07916561]]), array([[ 0.09600651],
       [-0.56936013]]), array([[ 0.1721139 ],
       [ 0.13176275],
       [ 0.38539818]])]
cost derivative:  [[ 0.94036507]
 [ 0.14273231]
 [-0.69376744]]
unit step:  1
delta:  [[ 0.94036507]
 [ 0.14273231]
 [-0.69376744]]
delta b updated:  [array([[ 0.06796658],
       [ 0.11603526]]), array([[ 0.94036507],
       [ 0.14273231],
       [-0.69376744]])]
delta w updated: [array([[-0.05221541, -0.00074556,  0.0733472 ],
       [-0.08914422, -0.00127286,  0.12522126]]), array([[ 0.09028117, -0.53540637],
       [ 0.01370323, -0.08126609],
       [-0.06660619,  0.39500352]])]
input:  [[-0.78790495]
 [-0.95398039]
 [ 0.41848079]]
activations:  [array([[-0.78790495],
       [-0.95398039],
       [ 0.41848079]]), array([[-0.06804655],
       [-1.18081993]]), array([[ 0.2870778 ],
       [ 0.30098478],
       [ 0.56493267]])]
cost derivative:  [[ 1.07498274]
 [ 1.25496517]
 [ 0.14645188]]
unit step:  1
delta:  [[ 1.07498274]
 [ 1.25496517]
 [ 0.14645188]]
delta b updated:  [array([[-0.03774329],
       [ 0.87620852]]), array([[ 1.07498274],
       [ 1.25496517],
       [ 0.14645188]])]
delta w updated: [array([[ 0.02973812,  0.03600635, -0.01579484],
       [-0.69036903, -0.83588575,  0.36667644]]), array([[-0.07314887, -1.26936105],
       [-0.08539605, -1.48188788],
       [-0.00996555, -0.1729333 ]])]
input:  [[-0.82850036]
 [-0.03459315]
 [ 1.06168277]]
activations:  [array([[-0.82850036],
       [-0.03459315],
       [ 1.06168277]]), array([[ 0.07678733],
       [-0.54346083]]), array([[ 0.13233352],
       [ 0.14308984],
       [ 0.36276087]])]
cost derivative:  [[ 0.96083389]
 [ 0.17768298]
 [-0.69892191]]
unit step:  1
delta:  [[ 0.96083389]
 [ 0.17768298]
 [-0.69892191]]
delta b updated:  [array([[ 0.05418987],
       [ 0.11658241]]), array([[ 0.96083389],
       [ 0.17768298],
       [-0.69892191]])]
delta w updated: [array([[-0.04489633, -0.0018746 ,  0.05753245],
       [-0.09658857, -0.00403295,  0.12377354]]), array([[ 0.07377987, -0.52217558],
       [ 0.0136438 , -0.09656374],
       [-0.05366835,  0.37983668]])]
input:  [[ 0.15071471]
 [-0.72317733]
 [ 0.59474638]]
activations:  [array([[ 0.15071471],
       [-0.72317733],
       [ 0.59474638]]), array([[ 0.20766611],
       [-1.68721933]]), array([[ 0.91396482],
       [ 0.13712391],
       [ 0.95391038]])]
cost derivative:  [[ 0.76325012]
 [ 0.86030124]
 [ 0.359164  ]]
unit step:  1
delta:  [[ 0.76325012]
 [ 0.86030124]
 [ 0.359164  ]]
delta b updated:  [array([[ 0.11741592],
       [ 1.07692549]]), array([[ 0.76325012],
       [ 0.86030124],
       [ 0.359164  ]])]
delta w updated: [array([[ 0.01769631, -0.08491253,  0.0698327 ],
       [ 0.16230851, -0.77880811,  0.64049754]]), array([[ 0.15850118, -1.28777035],
       [ 0.17865541, -1.45151689],
       [ 0.07458619, -0.60598845]])]
input:  [[-0.89042284]
 [-0.19731218]
 [ 0.94676709]]
activations:  [array([[-0.89042284],
       [-0.19731218],
       [ 0.94676709]]), array([[ 0.0336149 ],
       [-0.60858519]]), array([[ 0.11036681],
       [ 0.17932536],
       [ 0.36691172]])]
cost derivative:  [[ 1.00078965]
 [ 0.37663754]
 [-0.57985536]]
unit step:  1
delta:  [[ 1.00078965]
 [ 0.37663754]
 [-0.57985536]]
delta b updated:  [array([[ 0.02287645],
       [ 0.18527433]]), array([[ 1.00078965],
       [ 0.37663754],
       [-0.57985536]])]
delta w updated: [array([[-0.02036971, -0.0045138 ,  0.02165867],
       [-0.16497249, -0.03655688,  0.17541163]]), array([[ 0.03364145, -0.60906575],
       [ 0.01266064, -0.22921603],
       [-0.01949178,  0.35289138]])]
input:  [[ 0.84876504]
 [-1.03861718]
 [ 0.38473357]]
activations:  [array([[ 0.84876504],
       [-1.03861718],
       [ 0.38473357]]), array([[ 0.3304941 ],
       [-2.38697023]]), array([[ 1.44567491],
       [ 0.1003058 ],
       [ 1.34021414]])]
cost derivative:  [[ 0.59690987]
 [ 1.13892298]
 [ 0.95548057]]
unit step:  1
delta:  [[ 0.59690987]
 [ 1.13892298]
 [ 0.95548057]]
delta b updated:  [array([[ 0.16294595],
       [ 2.00107249]]), array([[ 0.59690987],
       [ 1.13892298],
       [ 0.95548057]])]
delta w updated: [array([[ 0.13830282, -0.16923846,  0.06269078],
       [ 1.69844037, -2.07834825,  0.76987977]]), array([[ 0.19727519, -1.42480608],
       [ 0.37640733, -2.71857524],
       [ 0.31578069, -2.28070367]])]
input:  [[-0.47996716]
 [-0.14885975]
 [ 0.98709849]]
activations:  [array([[-0.47996716],
       [-0.14885975],
       [ 0.98709849]]), array([[ 0.14525496],
       [-0.86536525]]), array([[ 0.39122166],
       [ 0.11600322],
       [ 0.54682544]])]
cost derivative:  [[ 0.87118882]
 [ 0.26486297]
 [-0.44027305]]
unit step:  1
delta:  [[ 0.87118882]
 [ 0.26486297]
 [-0.44027305]]
delta b updated:  [array([[ 0.09824146],
       [ 0.24964955]]), array([[ 0.87118882],
       [ 0.26486297],
       [-0.44027305]])]
delta w updated: [array([[-0.04715268, -0.0146242 ,  0.096974  ],
       [-0.11982359, -0.03716277,  0.2464287 ]]), array([[ 0.1265445 , -0.75389652],
       [ 0.03847266, -0.22920321],
       [-0.06395185,  0.380997  ]])]
input:  [[-0.88658559]
 [-0.40591942]
 [ 0.80074197]]
activations:  [array([[-0.88658559],
       [-0.40591942],
       [ 0.80074197]]), array([[ -7.43000896e-04],
       [ -7.50630302e-01]]), array([[ 0.1403658 ],
       [ 0.21436092],
       [ 0.41035296]])]
cost derivative:  [[ 1.02695139]
 [ 0.62028033]
 [-0.39038901]]
unit step:  1
delta:  [[ 1.02695139]
 [ 0.62028033]
 [-0.39038901]]
delta b updated:  [array([[-0.00047971],
       [ 0.31626865]]), array([[ 1.02695139],
       [ 0.62028033],
       [-0.39038901]])]
delta w updated: [array([[  4.25303343e-04,   1.94723314e-04,  -3.84123361e-04],
       [ -2.80399232e-01,  -1.28379588e-01,   2.53249586e-01]]), array([[ -7.63025800e-04,  -7.70860829e-01],
       [ -4.60868843e-04,  -4.65601214e-01],
       [  2.90059383e-04,   2.93037819e-01]])]
input:  [[-0.55648726]
 [-0.09398864]
 [ 1.02433075]]
activations:  [array([[-0.55648726],
       [-0.09398864],
       [ 1.02433075]]), array([[ 0.13513425],
       [-0.77565341]]), array([[ 0.32913663],
       [ 0.11601562],
       [ 0.50109745]])]
cost derivative:  [[ 0.88562389]
 [ 0.21000426]
 [-0.52323329]]
unit step:  1
delta:  [[ 0.88562389]
 [ 0.21000426]
 [-0.52323329]]
delta b updated:  [array([[ 0.09282629],
       [ 0.19708637]]), array([[ 0.88562389],
       [ 0.21000426],
       [-0.52323329]])]
delta w updated: [array([[-0.05165665, -0.00872462,  0.09508482],
       [-0.10967605, -0.01852388,  0.20188163]]), array([[ 0.11967812, -0.68693719],
       [ 0.02837877, -0.16289052],
       [-0.07070674,  0.40584769]])]
input:  [[-0.89248299]
 [-0.32136112]
 [ 0.85986509]]
activations:  [array([[-0.89248299],
       [-0.32136112],
       [ 0.85986509]]), array([[ 0.01195643],
       [-0.69080618]]), array([[ 0.12387815],
       [ 0.19996295],
       [ 0.39136519]])]
cost derivative:  [[ 1.01636114]
 [ 0.52132407]
 [-0.4684999 ]]
unit step:  1
delta:  [[ 1.01636114]
 [ 0.52132407]
 [-0.4684999 ]]
delta b updated:  [array([[ 0.0078802 ],
       [ 0.25713539]]), array([[ 1.01636114],
       [ 0.52132407],
       [-0.4684999 ]])]
delta w updated: [array([[-0.00703295, -0.00253239,  0.00677591],
       [-0.22948896, -0.08263332,  0.22110174]]), array([[ 0.01215205, -0.70210855],
       [ 0.00623317, -0.36013389],
       [-0.00560158,  0.32364262]])]
input:  [[-0.86733502]
 [-0.09135316]
 [ 1.02132887]]
activations:  [array([[-0.86733502],
       [-0.09135316],
       [ 1.02132887]]), array([[ 0.05708092],
       [-0.55606109]]), array([[ 0.10992235],
       [ 0.15611696],
       [ 0.35737693]])]
cost derivative:  [[ 0.97725738]
 [ 0.24747012]
 [-0.66395194]]
unit step:  1
delta:  [[ 0.97725738]
 [ 0.24747012]
 [-0.66395194]]
delta b updated:  [array([[ 0.03971819],
       [ 0.13459522]]), array([[ 0.97725738],
       [ 0.24747012],
       [-0.66395194]])]
delta w updated: [array([[-0.03444898, -0.00362838,  0.04056534],
       [-0.11673915, -0.0122957 ,  0.13746598]]), array([[ 0.05578275, -0.5434148 ],
       [ 0.01412582, -0.13760851],
       [-0.03789899,  0.36919784]])]
input:  [[ 0.63635401]
 [-1.09331501]
 [ 0.34311697]]
activations:  [array([[ 0.63635401],
       [-1.09331501],
       [ 0.34311697]]), array([[ 0.26744217],
       [-2.27650732]]), array([[ 1.29939184],
       [ 0.13388139],
       [ 1.25384707]])]
cost derivative:  [[ 0.66303783]
 [ 1.2271964 ]
 [ 0.9107301 ]]
unit step:  1
delta:  [[ 0.66303783]
 [ 1.2271964 ]
 [ 0.9107301 ]]
delta b updated:  [array([[ 0.13031971],
       [ 1.95234603]]), array([[ 0.66303783],
       [ 1.2271964 ],
       [ 0.9107301 ]])]
delta w updated: [array([[ 0.08292947, -0.14248049,  0.0447149 ],
       [ 1.24238322, -2.13452923,  0.66988305]]), array([[ 0.17732427, -1.50941047],
       [ 0.32820406, -2.79372159],
       [ 0.24356763, -2.07328374]])]
input:  [[ 0.82906   ]
 [-1.07064725]
 [ 0.36199604]]
activations:  [array([[ 0.82906   ],
       [-1.07064725],
       [ 0.36199604]]), array([[ 0.31975844],
       [-2.39856946]]), array([[ 1.43078122],
       [ 0.10212653],
       [ 1.33726611]])]
cost derivative:  [[ 0.60172122]
 [ 1.17277377]
 [ 0.97527008]]
unit step:  1
delta:  [[ 0.60172122]
 [ 1.17277377]
 [ 0.97527008]]
delta b updated:  [array([[ 0.15519499],
       [ 2.03315774]]), array([[ 0.60172122],
       [ 1.17277377],
       [ 0.97527008]])]
delta w updated: [array([[ 0.12866596, -0.16615909,  0.05617997],
       [ 1.68560976, -2.17679475,  0.73599505]]), array([[ 0.19240544, -1.44327014],
       [ 0.37500431, -2.81297936],
       [ 0.31185083, -2.33925303]])]
input:  [[ 0.73415457]
 [-1.11607237]
 [ 0.32870542]]
activations:  [array([[ 0.73415457],
       [-1.11607237],
       [ 0.32870542]]), array([[ 0.28800529],
       [-2.36405978]]), array([[ 1.36992541],
       [ 0.12021759],
       [ 1.30104769]])]
cost derivative:  [[ 0.63577084]
 [ 1.23628997]
 [ 0.97234227]]
unit step:  1
delta:  [[ 0.63577084]
 [ 1.23628997]
 [ 0.97234227]]
delta b updated:  [array([[ 0.13844382],
       [ 2.04986609]]), array([[ 0.63577084],
       [ 1.23628997],
       [ 0.97234227]])]
delta w updated: [array([[ 0.10163917, -0.15451333,  0.04550723],
       [ 1.50491855, -2.28779891,  0.67380209]]), array([[ 0.18310536, -1.50300028],
       [ 0.35605805, -2.92266339],
       [ 0.28003972, -2.29867526]])]
input:  [[-0.16929504]
 [-0.42001607]
 [ 0.80205595]]
activations:  [array([[-0.16929504],
       [-0.42001607],
       [ 0.80205595]]), array([[ 0.17749873],
       [-1.26748286]]), array([[ 0.64226799],
       [ 0.11738655],
       [ 0.74392167]])]
cost derivative:  [[ 0.81156303]
 [ 0.53740263]
 [-0.05813428]]
unit step:  1
delta:  [[ 0.81156303]
 [ 0.53740263]
 [-0.05813428]]
delta b updated:  [array([[ 0.11026772],
       [ 0.56466216]]), array([[ 0.81156303],
       [ 0.53740263],
       [-0.05813428]])]
delta w updated: [array([[-0.01866778, -0.04631421,  0.08844088],
       [-0.0955945 , -0.23716718,  0.45289065]]), array([[ 0.14405141, -1.02864223],
       [ 0.09538828, -0.68114862],
       [-0.01031876,  0.0736842 ]])]
input:  [[-0.50926384]
 [-0.12696721]
 [ 1.0019727 ]]
activations:  [array([[-0.50926384],
       [-0.12696721],
       [ 1.0019727 ]]), array([[ 0.14114562],
       [-0.83375803]]), array([[ 0.36397871],
       [ 0.11156791],
       [ 0.52875027]])]
cost derivative:  [[ 0.87324255]
 [ 0.23853512]
 [-0.47322243]]
unit step:  1
delta:  [[ 0.87324255]
 [ 0.23853512]
 [-0.47322243]]
delta b updated:  [array([[ 0.09581598],
       [ 0.22518028]]), array([[ 0.87324255],
       [ 0.23853512],
       [-0.47322243]])]
delta w updated: [array([[-0.04879561, -0.01216549,  0.096005  ],
       [-0.11467618, -0.02859051,  0.2256245 ]]), array([[ 0.12325436, -0.72807299],
       [ 0.03366819, -0.19888057],
       [-0.06679327,  0.394553  ]])]
input:  [[ 0.19582107]
 [-0.76482712]
 [ 0.56628298]]
activations:  [array([[ 0.19582107],
       [-0.76482712],
       [ 0.56628298]]), array([[ 0.21127331],
       [-1.75414259]]), array([[ 0.94319988],
       [ 0.12787794],
       [ 0.9817631 ]])]
cost derivative:  [[ 0.74737881]
 [ 0.89270506]
 [ 0.41548012]]
unit step:  1
delta:  [[ 0.74737881]
 [ 0.89270506]
 [ 0.41548012]]
delta b updated:  [array([[ 0.11679947],
       [ 1.1383609 ]]), array([[ 0.74737881],
       [ 0.89270506],
       [ 0.41548012]])]
delta w updated: [array([[ 0.0228718 , -0.0893314 ,  0.06614155],
       [ 0.22291505, -0.87064929,  0.6446344 ]]), array([[ 0.1579012 , -1.311009  ],
       [ 0.18860475, -1.56593195],
       [ 0.08777986, -0.72881138]])]
input:  [[ 0.47245184]
 [-0.99661205]
 [ 0.40828086]]
activations:  [array([[ 0.47245184],
       [-0.99661205],
       [ 0.40828086]]), array([[ 0.24185082],
       [-2.10368123]]), array([[ 1.16728849],
       [ 0.12980945],
       [ 1.15534791]])]
cost derivative:  [[ 0.69483665]
 [ 1.1264215 ]
 [ 0.74706706]]
unit step:  1
delta:  [[ 0.69483665]
 [ 1.1264215 ]
 [ 0.74706706]]
delta b updated:  [array([[ 0.12240376],
       [ 1.65270239]]), array([[ 0.69483665],
       [ 1.1264215 ],
       [ 0.74706706]])]
delta w updated: [array([[ 0.05782988, -0.12198906,  0.04997511],
       [ 0.78082228, -1.64710312,  0.67476674]]), array([[ 0.16804681, -1.46171482],
       [ 0.27242596, -2.36963177],
       [ 0.18067878, -1.57159095]])]
input:  [[ 0.74738816]
 [-1.11543764]
 [ 0.32935628]]
activations:  [array([[ 0.74738816],
       [-1.11543764],
       [ 0.32935628]]), array([[ 0.29103109],
       [-2.37756839]]), array([[ 1.37492335],
       [ 0.11143873],
       [ 1.30501187]])]
cost derivative:  [[ 0.6275352 ]
 [ 1.22687637]
 [ 0.97565558]]
unit step:  1
delta:  [[ 0.6275352 ]
 [ 1.22687637]
 [ 0.97565558]]
delta b updated:  [array([[ 0.13916938],
       [ 2.03928394]]), array([[ 0.6275352 ],
       [ 1.22687637],
       [ 0.97565558]])]
delta w updated: [array([[ 0.10401355, -0.15523477,  0.04583631],
       [ 1.52413666, -2.27469406,  0.67165098]]), array([[ 0.18263225, -1.49200785],
       [ 0.35705916, -2.91698248],
       [ 0.28394611, -2.31968788]])]
input:  [[-0.02084301]
 [-0.56093583]
 [ 0.70568668]]
activations:  [array([[-0.02084301],
       [-0.56093583],
       [ 0.70568668]]), array([[ 0.19080039],
       [-1.4690844 ]]), array([[ 0.76245431],
       [ 0.11737684],
       [ 0.83925848]])]
cost derivative:  [[ 0.78329731]
 [ 0.67831267]
 [ 0.13357179]]
unit step:  1
delta:  [[ 0.78329731]
 [ 0.67831267]
 [ 0.13357179]]
delta b updated:  [array([[ 0.11301622],
       [ 0.76858485]]), array([[ 0.78329731],
       [ 0.67831267],
       [ 0.13357179]])]
delta w updated: [array([[-0.0023556 , -0.06339484,  0.07975404],
       [-0.01601962, -0.43112678,  0.54238009]]), array([[ 0.14945344, -1.15072986],
       [ 0.12942232, -0.99649856],
       [ 0.02548555, -0.19622824]])]
input:  [[-0.52840239]
 [-0.11323031]
 [ 1.01129402]]
activations:  [array([[-0.52840239],
       [-0.11323031],
       [ 1.01129402]]), array([[ 0.13833443],
       [-0.81380556]]), array([[ 0.3467905 ],
       [ 0.1085442 ],
       [ 0.51636251]])]
cost derivative:  [[ 0.87519289]
 [ 0.22177451]
 [-0.49493151]]
unit step:  1
delta:  [[ 0.87519289]
 [ 0.22177451]
 [-0.49493151]]
delta b updated:  [array([[ 0.09418157],
       [ 0.21037363]]), array([[ 0.87519289],
       [ 0.22177451],
       [-0.49493151]])]
delta w updated: [array([[-0.04976577, -0.01066421,  0.09524526],
       [-0.11116193, -0.02382067,  0.21274959]]), array([[ 0.12106931, -0.71223684],
       [ 0.03067905, -0.18048133],
       [-0.06846607,  0.40277801]])]
input:  [[-0.85465634]
 [-0.63408057]
 [ 0.64146157]]
activations:  [array([[-0.85465634],
       [-0.63408057],
       [ 0.64146157]]), array([[-0.0319193 ],
       [-0.93126576]]), array([[ 0.18810144],
       [ 0.24216281],
       [ 0.46972605]])]
cost derivative:  [[ 1.04275778]
 [ 0.87624338]
 [-0.17173552]]
unit step:  1
delta:  [[ 1.04275778]
 [ 0.87624338]
 [-0.17173552]]
delta b updated:  [array([[-0.01928624],
       [ 0.50072186]]), array([[ 1.04275778],
       [ 0.87624338],
       [-0.17173552]])]
delta w updated: [array([[ 0.01648311,  0.01222903, -0.01237138],
       [-0.42794512, -0.317498  ,  0.32119383]]), array([[-0.0332841 , -0.97108462],
       [-0.02796907, -0.81601545],
       [ 0.00548168,  0.15993141]])]
input:  [[ 0.207027  ]
 [-0.77506961]
 [ 0.55928504]]
activations:  [array([[ 0.207027  ],
       [-0.77506961],
       [ 0.55928504]]), array([[ 0.21200106],
       [-1.77308644]]), array([[ 0.94836693],
       [ 0.12177398],
       [ 0.98757874]])]
cost derivative:  [[ 0.74133992]
 [ 0.89684359]
 [ 0.4282937 ]]
unit step:  1
delta:  [[ 0.74133992]
 [ 0.89684359]
 [ 0.4282937 ]]
delta b updated:  [array([[ 0.11636861],
       [ 1.14679933]]), array([[ 0.74133992],
       [ 0.89684359],
       [ 0.4282937 ]])]
delta w updated: [array([[ 0.02409144, -0.09019377,  0.06508322],
       [ 0.23741843, -0.88884931,  0.64138771]]), array([[ 0.15716485, -1.31445976],
       [ 0.19013179, -1.5901812 ],
       [ 0.09079872, -0.75940175]])]
input:  [[-0.47005138]
 [-0.15648523]
 [ 0.9819131 ]]
activations:  [array([[-0.47005138],
       [-0.15648523],
       [ 0.9819131 ]]), array([[ 0.14562681],
       [-0.88483388]]), array([[ 0.39205095],
       [ 0.10680393],
       [ 0.55230347]])]
cost derivative:  [[ 0.86210233]
 [ 0.26328916]
 [-0.42960963]]
unit step:  1
delta:  [[ 0.86210233]
 [ 0.26328916]
 [-0.42960963]]
delta b updated:  [array([[ 0.09776297],
       [ 0.25005432]]), array([[ 0.86210233],
       [ 0.26328916],
       [-0.42960963]])]
delta w updated: [array([[-0.04595362, -0.01529846,  0.09599474],
       [-0.11753838, -0.03912981,  0.24553161]]), array([[ 0.12554521, -0.76281735],
       [ 0.03834196, -0.23296717],
       [-0.06256268,  0.38013316]])]
input:  [[-0.43987726]
 [-0.18029201]
 [ 0.96571207]]
activations:  [array([[-0.43987726],
       [-0.18029201],
       [ 0.96571207]]), array([[ 0.14914506],
       [-0.92212806]]), array([[ 0.41578359],
       [ 0.10667993],
       [ 0.57124359]])]
cost derivative:  [[ 0.85566085]
 [ 0.28697194]
 [-0.39446848]]
unit step:  1
delta:  [[ 0.85566085]
 [ 0.28697194]
 [-0.39446848]]
delta b updated:  [array([[ 0.09932982],
       [ 0.27317204]]), array([[ 0.85566085],
       [ 0.28697194],
       [-0.39446848]])]
delta w updated: [array([[-0.04369293, -0.01790837,  0.09592401],
       [-0.12016217, -0.04925074,  0.26380554]]), array([[ 0.12761759, -0.78902887],
       [ 0.04280045, -0.26462488],
       [-0.05883303,  0.36375045]])]
input:  [[-0.83754064]
 [-0.04312429]
 [ 1.05556754]]
activations:  [array([[-0.83754064],
       [-0.04312429],
       [ 1.05556754]]), array([[ 0.07194528],
       [-0.55095192]]), array([[ 0.1193932 ],
       [ 0.13725885],
       [ 0.36090731]])]
cost derivative:  [[ 0.95693384]
 [ 0.18038314]
 [-0.69466023]]
unit step:  1
delta:  [[ 0.95693384]
 [ 0.18038314]
 [-0.69466023]]
delta b updated:  [array([[ 0.05039202],
       [ 0.11460744]]), array([[ 0.95693384],
       [ 0.18038314],
       [-0.69466023]])]
delta w updated: [array([[-0.04220536, -0.00217312,  0.05319218],
       [-0.09598839, -0.00494236,  0.12097589]]), array([[ 0.06884687, -0.52722454],
       [ 0.01297772, -0.09938244],
       [-0.04997752,  0.38272439]])]
input:  [[ 0.18458517]
 [-0.75451282]
 [ 0.57333073]]
activations:  [array([[ 0.18458517],
       [-0.75451282],
       [ 0.57333073]]), array([[ 0.20960666],
       [-1.74466848]]), array([[ 0.92709291],
       [ 0.11968506],
       [ 0.97408948]])]
cost derivative:  [[ 0.74250774]
 [ 0.87419788]
 [ 0.40075875]]
unit step:  1
delta:  [[ 0.74250774]
 [ 0.87419788]
 [ 0.40075875]]
delta b updated:  [array([[ 0.1154603],
       [ 1.1027724]]), array([[ 0.74250774],
       [ 0.87419788],
       [ 0.40075875]])]
delta w updated: [array([[ 0.02131226, -0.08711628,  0.06619694],
       [ 0.20355543, -0.83205591,  0.63225331]]), array([[ 0.15563457, -1.29542985],
       [ 0.1832377 , -1.52518549],
       [ 0.0840017 , -0.69919115]])]
input:  [[ 0.88137046]
 [-0.8976838 ]
 [ 0.48393586]]
activations:  [array([[ 0.88137046],
       [-0.8976838 ],
       [ 0.48393586]]), array([[ 0.36108077],
       [-2.33138566]]), array([[ 1.43147873],
       [ 0.04786238],
       [ 1.32352057]])]
cost derivative:  [[ 0.55010827]
 [ 0.94554618]
 [ 0.83958471]]
unit step:  1
delta:  [[ 0.55010827]
 [ 0.94554618]
 [ 0.83958471]]
delta b updated:  [array([[ 0.18239941],
       [ 1.70291704]]), array([[ 0.55010827],
       [ 0.94554618],
       [ 0.83958471]])]
delta w updated: [array([[ 0.16076145, -0.163737  ,  0.08826962],
       [ 1.50090077, -1.52868105,  0.82410262]]), array([[ 0.19863352, -1.28251454],
       [ 0.34141854, -2.2044328 ],
       [ 0.30315789, -1.95739575]])]
input:  [[ 0.70617593]
 [-1.1138955 ]
 [ 0.32979354]]
activations:  [array([[ 0.70617593],
       [-1.1138955 ],
       [ 0.32979354]]), array([[ 0.28024123],
       [-2.35371541]]), array([[ 1.33743178],
       [ 0.10688383],
       [ 1.28448534]])]
cost derivative:  [[ 0.63125584]
 [ 1.22077933]
 [ 0.9546918 ]]
unit step:  1
delta:  [[ 0.63125584]
 [ 1.22077933]
 [ 0.9546918 ]]
delta b updated:  [array([[ 0.1329191 ],
       [ 1.98173814]]), array([[ 0.63125584],
       [ 1.22077933],
       [ 0.9546918 ]])]
delta w updated: [array([[ 0.09386427, -0.14805799,  0.04383586],
       [ 1.39945578, -2.2074492 ,  0.65356444]]), array([[ 0.17690391, -1.48579661],
       [ 0.3421127 , -2.87336712],
       [ 0.267544  , -2.24707281]])]
input:  [[-0.89304525]
 [-0.30582081]
 [ 0.870739  ]]
activations:  [array([[-0.89304525],
       [-0.30582081],
       [ 0.870739  ]]), array([[ 0.01340846],
       [-0.6887813 ]]), array([[ 0.11438155],
       [ 0.18744276],
       [ 0.38670099]])]
cost derivative:  [[ 1.00742679]
 [ 0.49326358]
 [-0.484038  ]]
unit step:  1
delta:  [[ 1.00742679]
 [ 0.49326358]
 [-0.484038  ]]
delta b updated:  [array([[ 0.00882198],
       [ 0.24017817]]), array([[ 1.00742679],
       [ 0.49326358],
       [-0.484038  ]])]
delta w updated: [array([[-0.00787842, -0.00269794,  0.00768164],
       [-0.21448997, -0.07345148,  0.2091325 ]]), array([[ 0.01350804, -0.69389674],
       [ 0.00661391, -0.33975073],
       [-0.00649021,  0.33339632]])]
input:  [[ 0.75381005]
 [-1.11467609]
 [ 0.32998973]]
activations:  [array([[ 0.75381005],
       [-1.11467609],
       [ 0.32998973]]), array([[ 0.29198849],
       [-2.38977854]]), array([[ 1.36933261],
       [ 0.09755499],
       [ 1.30568681]])]
cost derivative:  [[ 0.61552256]
 [ 1.21223109]
 [ 0.97569708]]
unit step:  1
delta:  [[ 0.61552256]
 [ 1.21223109]
 [ 0.97569708]]
delta b updated:  [array([[ 0.13788406],
       [ 2.00757461]]), array([[ 0.61552256],
       [ 1.21223109],
       [ 0.97569708]])]
delta w updated: [array([[ 0.10393839, -0.15369607,  0.04550032],
       [ 1.51332992, -2.23779543,  0.662479  ]]), array([[ 0.1797255 , -1.4709626 ],
       [ 0.35395752, -2.89696383],
       [ 0.28489232, -2.33169993]])]
input:  [[-0.75549339]
 [-0.01066178]
 [ 1.0795801 ]]
activations:  [array([[-0.75549339],
       [-0.01066178],
       [ 1.0795801 ]]), array([[ 0.0978759 ],
       [-0.58952326]]), array([[ 0.17045906],
       [ 0.11723817],
       [ 0.39126141]])]
cost derivative:  [[ 0.92595246]
 [ 0.12789996]
 [-0.68831868]]
unit step:  1
delta:  [[ 0.92595246]
 [ 0.12789996]
 [-0.68831868]]
delta b updated:  [array([[ 0.06876583],
       [ 0.11188396]]), array([[ 0.92595246],
       [ 0.12789996],
       [-0.68831868]])]
delta w updated: [array([[-0.05195213, -0.00073317,  0.07423822],
       [-0.08452759, -0.00119288,  0.1207877 ]]), array([[ 0.09062843, -0.54587051],
       [ 0.01251832, -0.0754    ],
       [-0.06736981,  0.40577987]])]
input:  [[ 0.85258341]
 [-0.47941491]
 [ 0.77639526]]
activations:  [array([[ 0.85258341],
       [-0.47941491],
       [ 0.77639526]]), array([[ 0.42400998],
       [-2.03714088]]), array([[ 1.35270161],
       [-0.02619437],
       [ 1.22443282]])]
cost derivative:  [[ 0.5001182 ]
 [ 0.45322054]
 [ 0.44803756]]
unit step:  1
delta:  [[ 0.5001182 ]
 [ 0.45322054]
 [ 0.44803756]]
delta b updated:  [array([[ 0.24351522],
       [ 1.00242982]]), array([[ 0.5001182 ],
       [ 0.45322054],
       [ 0.44803756]])]
delta w updated: [array([[ 0.20761704, -0.11674483,  0.18906406],
       [ 0.85465504, -0.4805798 ,  0.77828176]]), array([[ 0.21205511, -1.01881122],
       [ 0.19217003, -0.92327408],
       [ 0.1899724 , -0.91271564]])]
input:  [[ 0.21820126]
 [-0.78523648]
 [ 0.55233957]]
activations:  [array([[ 0.21820126],
       [-0.78523648],
       [ 0.55233957]]), array([[ 0.2122933 ],
       [-1.79454083]]), array([[ 0.950497  ],
       [ 0.11285084],
       [ 0.9925854 ]])]
cost derivative:  [[ 0.73229574]
 [ 0.89808732]
 [ 0.44024583]]
unit step:  1
delta:  [[ 0.73229574]
 [ 0.89808732]
 [ 0.44024583]]
delta b updated:  [array([[ 0.11511189],
       [ 1.1480651 ]]), array([[ 0.73229574],
       [ 0.89808732],
       [ 0.44024583]])]
delta w updated: [array([[ 0.02511756, -0.09039006,  0.06358085],
       [ 0.25050925, -0.90150259,  0.63412178]]), array([[ 0.15546148, -1.3141346 ],
       [ 0.19065792, -1.61165436],
       [ 0.09346124, -0.79003912]])]
input:  [[ 0.79107532]
 [-0.15591211]
 [ 1.00198092]]
activations:  [array([[ 0.79107532],
       [-0.15591211],
       [ 1.00198092]]), array([[ 0.46285885],
       [-1.77922854]]), array([[ 1.26558912],
       [-0.0741062 ],
       [ 1.13122005]])]
cost derivative:  [[ 0.4745138 ]
 [ 0.08180591]
 [ 0.12923913]]
unit step:  1
delta:  [[ 0.4745138 ]
 [ 0.08180591]
 [ 0.12923913]]
delta b updated:  [array([[ 0.29111016],
       [ 0.55457401]]), array([[ 0.4745138 ],
       [ 0.08180591],
       [ 0.12923913]])]
delta w updated: [array([[ 0.23029006, -0.0453876 ,  0.29168683],
       [ 0.43870981, -0.0864648 ,  0.55567258]]), array([[ 0.21963291, -0.8442685 ],
       [ 0.03786459, -0.14555141],
       [ 0.05981948, -0.22994595]])]
input:  [[ 0.59381163]
 [-1.07330163]
 [ 0.35646866]]
activations:  [array([[ 0.59381163],
       [-1.07330163],
       [ 0.35646866]]), array([[ 0.25802813],
       [-2.25322209]]), array([[ 1.24848285],
       [ 0.10805723],
       [ 1.22178722]])]
cost derivative:  [[ 0.65467123]
 [ 1.18135886]
 [ 0.86531856]]
unit step:  1
delta:  [[ 0.65467123]
 [ 1.18135886]
 [ 0.86531856]]
delta b updated:  [array([[ 0.12401119],
       [ 1.81388118]]), array([[ 0.65467123],
       [ 1.18135886],
       [ 0.86531856]])]
delta w updated: [array([[ 0.07363929, -0.13310141,  0.0442061 ],
       [ 1.07710373, -1.94684164,  0.64659179]]), array([[ 0.16892359, -1.47511967],
       [ 0.30482382, -2.66186388],
       [ 0.22327653, -1.9497549 ]])]
input:  [[ 0.35980925]
 [-0.90878401]
 [ 0.46802911]]
activations:  [array([[ 0.35980925],
       [-0.90878401],
       [ 0.46802911]]), array([[ 0.22675641],
       [-1.9795563 ]]), array([[ 1.06330837],
       [ 0.1108491 ],
       [ 1.080639  ]])]
cost derivative:  [[ 0.70349913]
 [ 1.01963311]
 [ 0.61260989]]
unit step:  1
delta:  [[ 0.70349913]
 [ 1.01963311]
 [ 0.61260989]]
delta b updated:  [array([[ 0.11689052],
       [ 1.39806153]]), array([[ 0.70349913],
       [ 1.01963311],
       [ 0.61260989]])]
delta w updated: [array([[ 0.04205829, -0.10622823,  0.05470817],
       [ 0.50303547, -1.27053596,  0.6543335 ]]), array([[ 0.15952294, -1.39261612],
       [ 0.23120834, -2.01842114],
       [ 0.13891322, -1.21269576]])]
input:  [[-0.15797529]
 [-0.43065982]
 [ 0.7947788 ]]
activations:  [array([[-0.15797529],
       [-0.43065982],
       [ 0.7947788 ]]), array([[ 0.17700006],
       [-1.29501831]]), array([[ 0.63945144],
       [ 0.10167672],
       [ 0.74786194]])]
cost derivative:  [[ 0.79742673]
 [ 0.53233654]
 [-0.04691686]]
unit step:  1
delta:  [[ 0.79742673]
 [ 0.53233654]
 [-0.04691686]]
delta b updated:  [array([[ 0.10827875],
       [ 0.55817135]]), array([[ 0.79742673],
       [ 0.53233654],
       [-0.04691686]])]
delta w updated: [array([[-0.01710537, -0.04663131,  0.08605766],
       [-0.08817728, -0.24038197,  0.44362276]]), array([[ 0.14114458, -1.03268222],
       [ 0.0942236 , -0.68938557],
       [-0.00830429,  0.0607582 ]])]
input:  [[ 0.02509018]
 [-0.60471442]
 [ 0.6757454 ]]
activations:  [array([[ 0.02509018],
       [-0.60471442],
       [ 0.6757454 ]]), array([[ 0.19365068],
       [-1.54108342]]), array([[ 0.78898999],
       [ 0.10473932],
       [ 0.86644546]])]
cost derivative:  [[ 0.76389981]
 [ 0.70945374]
 [ 0.19070006]]
unit step:  1
delta:  [[ 0.76389981]
 [ 0.70945374]
 [ 0.19070006]]
delta b updated:  [array([[ 0.11158482],
       [ 0.81610452]]), array([[ 0.76389981],
       [ 0.70945374],
       [ 0.19070006]])]
delta w updated: [array([[ 0.00279968, -0.06747695,  0.07540293],
       [ 0.02047621, -0.49351017,  0.55147887]]), array([[ 0.14792972, -1.17723332],
       [ 0.1373862 , -1.09332739],
       [ 0.0369292 , -0.2938847 ]])]
input:  [[-0.37776181]
 [-0.23174803]
 [ 0.93064673]]
activations:  [array([[-0.37776181],
       [-0.23174803],
       [ 0.93064673]]), array([[ 0.15509944],
       [-1.00755258]]), array([[ 0.45936711],
       [ 0.09825113],
       [ 0.60782745]])]
cost derivative:  [[ 0.83712892]
 [ 0.32999916]
 [-0.32281928]]
unit step:  1
delta:  [[ 0.83712892]
 [ 0.32999916]
 [-0.32281928]]
delta b updated:  [array([[ 0.10102871],
       [ 0.3183113 ]]), array([[ 0.83712892],
       [ 0.32999916],
       [-0.32281928]])]
delta w updated: [array([[-0.03816479, -0.02341321,  0.09402204],
       [-0.12024585, -0.07376802,  0.29623537]]), array([[ 0.12983823, -0.8434514 ],
       [ 0.05118268, -0.3324915 ],
       [-0.05006909,  0.3252574 ]])]
input:  [[-0.66848697]
 [-0.03190354]
 [ 1.06606158]]
activations:  [array([[-0.66848697],
       [-0.03190354],
       [ 1.06606158]]), array([[ 0.11554554],
       [-0.66875349]]), array([[ 0.23063512],
       [ 0.10557056],
       [ 0.43513767]])]
cost derivative:  [[ 0.89912209]
 [ 0.13747411]
 [-0.63092391]]
unit step:  1
delta:  [[ 0.89912209]
 [ 0.13747411]
 [-0.63092391]]
delta b updated:  [array([[ 0.08017878],
       [ 0.1333754 ]]), array([[ 0.89912209],
       [ 0.13747411],
       [-0.63092391]])]
delta w updated: [array([[-0.05359847, -0.00255799,  0.08547552],
       [-0.08915972, -0.00425515,  0.14218639]]), array([[ 0.10388955, -0.60129104],
       [ 0.01588452, -0.09193629],
       [-0.07290044,  0.42193257]])]
input:  [[-0.87822135]
 [-0.1243584 ]
 [ 0.99804596]]
activations:  [array([[-0.87822135],
       [-0.1243584 ],
       [ 0.99804596]]), array([[ 0.047031  ],
       [-0.58252591]]), array([[ 0.09654988],
       [ 0.15051942],
       [ 0.35736363]])]
cost derivative:  [[ 0.97477123]
 [ 0.27487782]
 [-0.64068233]]
unit step:  1
delta:  [[ 0.97477123]
 [ 0.27487782]
 [-0.64068233]]
delta b updated:  [array([[ 0.03220295],
       [ 0.14162291]]), array([[ 0.97477123],
       [ 0.27487782],
       [-0.64068233]])]
delta w updated: [array([[-0.02828132, -0.00400471,  0.03214002],
       [-0.12437626, -0.017612  ,  0.14134617]]), array([[ 0.04584446, -0.5678295 ],
       [ 0.01292778, -0.16012345],
       [-0.03013193,  0.37321406]])]
input:  [[ 0.87704311]
 [-0.67298184]
 [ 0.64122427]]
activations:  [array([[ 0.87704311],
       [-0.67298184],
       [ 0.64122427]]), array([[ 0.39655712],
       [-2.18937941]]), array([[ 1.38704377],
       [-0.00490961],
       [ 1.27252522]])]
cost derivative:  [[ 0.51000066]
 [ 0.66807223]
 [ 0.63130096]]
unit step:  1
delta:  [[ 0.51000066]
 [ 0.66807223]
 [ 0.63130096]]
delta b updated:  [array([[ 0.21214374],
       [ 1.28785535]]), array([[ 0.51000066],
       [ 0.66807223],
       [ 0.63130096]])]
delta w updated: [array([[ 0.1860592 , -0.14276888,  0.13603171],
       [ 1.12950465, -0.86670326,  0.8258041 ]]), array([[ 0.2022444 , -1.11658496],
       [ 0.2649288 , -1.46266358],
       [ 0.25034689, -1.38215732]])]
input:  [[-0.26986321]
 [-0.32695589]
 [ 0.8656565 ]]
activations:  [array([[-0.26986321],
       [-0.32695589],
       [ 0.8656565 ]]), array([[ 0.16594309],
       [-1.1485167 ]]), array([[ 0.54478001],
       [ 0.09799403],
       [ 0.67669848]])]
cost derivative:  [[ 0.81464322]
 [ 0.42494993]
 [-0.18895802]]
unit step:  1
delta:  [[ 0.81464322]
 [ 0.42494993]
 [-0.18895802]]
delta b updated:  [array([[ 0.10456457],
       [ 0.42301388]]), array([[ 0.81464322],
       [ 0.42494993],
       [-0.18895802]])]
delta w updated: [array([[-0.02821813, -0.034188  ,  0.090517  ],
       [-0.11415588, -0.13830688,  0.36618471]]), array([[ 0.13518441, -0.93563135],
       [ 0.0705175 , -0.48806209],
       [-0.03135628,  0.21702144]])]
input:  [[-0.34591249]
 [-0.2591908 ]
 [ 0.91192558]]
activations:  [array([[-0.34591249],
       [-0.2591908 ],
       [ 0.91192558]]), array([[ 0.15816366],
       [-1.0497289 ]]), array([[ 0.48257709],
       [ 0.09716711],
       [ 0.62862903]])]
cost derivative:  [[ 0.82848958]
 [ 0.35635792]
 [-0.28329655]]
unit step:  1
delta:  [[ 0.82848958]
 [ 0.35635792]
 [-0.28329655]]
delta b updated:  [array([[ 0.1017925 ],
       [ 0.34552064]]), array([[ 0.82848958],
       [ 0.35635792],
       [-0.28329655]])]
delta w updated: [array([[-0.0352113 , -0.02638368,  0.09282719],
       [-0.11951991, -0.08955577,  0.31508911]]), array([[ 0.13103695, -0.86968946],
       [ 0.05636287, -0.37407921],
       [-0.04480722,  0.29738457]])]
input:  [[-0.35658302]
 [-0.24992639]
 [ 0.91824693]]
activations:  [array([[-0.35658302],
       [-0.24992639],
       [ 0.91824693]]), array([[ 0.15697167],
       [-1.03622603]]), array([[ 0.47341214],
       [ 0.09694344],
       [ 0.62216296]])]
cost derivative:  [[ 0.82999517]
 [ 0.34686983]
 [-0.29608397]]
unit step:  1
delta:  [[ 0.82999517]
 [ 0.34686983]
 [-0.29608397]]
delta b updated:  [array([[ 0.1012522 ],
       [ 0.33508536]]), array([[ 0.82999517],
       [ 0.34686983],
       [-0.29608397]])]
delta w updated: [array([[-0.03610482, -0.0253056 ,  0.09297452],
       [-0.11948575, -0.08374668,  0.30769111]]), array([[ 0.13028573, -0.86006259],
       [ 0.05444874, -0.35943555],
       [-0.0464768 ,  0.30680992]])]
input:  [[ 0.86272391]
 [-0.54843756]
 [ 0.72821772]]
activations:  [array([[ 0.86272391],
       [-0.54843756],
       [ 0.72821772]]), array([[ 0.41363829],
       [-2.09766749]]), array([[ 1.35753621],
       [-0.02588515],
       [ 1.24152494]])]
cost derivative:  [[ 0.4948123 ]
 [ 0.5225524 ]
 [ 0.51330722]]
unit step:  1
delta:  [[ 0.4948123 ]
 [ 0.5225524 ]
 [ 0.51330722]]
delta b updated:  [array([[ 0.22901002],
       [ 1.08578579]]), array([[ 0.4948123 ],
       [ 0.5225524 ],
       [ 0.51330722]])]
delta w updated: [array([[ 0.19757242, -0.1255977 ,  0.16676915],
       [ 0.93673336, -0.59548571,  0.79068846]]), array([[ 0.20467331, -1.03795168],
       [ 0.21614768, -1.09614118],
       [ 0.21232352, -1.07674787]])]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.77443049]
 [-0.01156442]
 [ 1.07865268]]
dot product : [[-0.47130217]
 [-0.39652308]]
result : [[ 0.09180689]
 [-0.58221768]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.09180689]
 [-0.58221768]]
dot product : [[ 0.42172889]
 [-0.0313404 ]
 [ 0.31085891]]
result : [[ 0.15174562]
 [ 0.11583679]
 [ 0.38315473]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.87164646]
 [-0.96772944]
 [ 0.43473216]]
dot product : [[-0.21820801]
 [-2.19955469]]
result : [[ 0.34490105]
 [-2.38524928]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.34490105]
 [-2.38524928]]
dot product : [[ 1.68738708]
 [-0.1053736 ]
 [ 1.25534845]]
result : [[ 1.41740381]
 [ 0.04180359]
 [ 1.32764427]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.88131382]
 [-0.72870994]
 [ 0.60226519]]
dot product : [[-0.17542075]
 [-2.04657903]]
result : [[ 0.38768832]
 [-2.23227363]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.38768832]
 [-2.23227363]]
dot product : [[ 1.66309984]
 [-0.14648584]
 [ 1.2126574 ]]
result : [[  1.39311657e+00]
 [  6.91349127e-04]
 [  1.28495321e+00]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.87538845]
 [-0.50225611]
 [ 0.73345324]]
dot product : [[-0.57956743]
 [-0.65322863]]
result : [[-0.01645837]
 [-0.83892322]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.01645837]
 [-0.83892322]]
dot product : [[ 0.41533214]
 [ 0.06454273]
 [ 0.36125103]]
result : [[ 0.14534886]
 [ 0.21171992]
 [ 0.43354684]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.82375085]
 [-0.03083545]
 [ 1.0643883 ]]
dot product : [[-0.48697564]
 [-0.37453966]]
result : [[ 0.07613343]
 [-0.56023426]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.07613343]
 [-0.56023426]]
dot product : [[ 0.39002028]
 [-0.02115414]
 [ 0.29200881]]
result : [[ 0.12003701]
 [ 0.12602305]
 [ 0.36430463]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.8615769 ]
 [-1.00628655]
 [ 0.40757408]]
dot product : [[-0.22725322]
 [-2.21821535]]
result : [[ 0.33585584]
 [-2.40390995]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.33585584]
 [-2.40390995]]
dot product : [[ 1.68540256]
 [-0.09753692]
 [ 1.25832691]]
result : [[ 1.41541929]
 [ 0.04964027]
 [ 1.33062272]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.67627288]
 [-1.10732743]
 [ 0.33392676]]
dot product : [[-0.29097541]
 [-2.15476704]]
result : [[ 0.27213366]
 [-2.34046164]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.27213366]
 [-2.34046164]]
dot product : [[ 1.56998172]
 [-0.05450397]
 [ 1.19315093]]
result : [[ 1.29999845]
 [ 0.09267322]
 [ 1.26544674]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.88312225]
 [-0.76350839]
 [ 0.57792449]]
dot product : [[-0.18084024]
 [-2.07112405]]
result : [[ 0.38226883]
 [-2.25681864]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.38226883]
 [-2.25681864]]
dot product : [[ 1.66886623]
 [-0.14095563]
 [ 1.22034959]]
result : [[ 1.39888296]
 [ 0.00622156]
 [ 1.2926454 ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.86435564]
 [-0.99724056]
 [ 0.41395221]]
dot product : [[-0.22502627]
 [-2.21413163]]
result : [[ 0.3380828 ]
 [-2.39982623]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.3380828 ]
 [-2.39982623]]
dot product : [[ 1.68615688]
 [-0.09943444]
 [ 1.2578193 ]]
result : [[ 1.41617361]
 [ 0.04774275]
 [ 1.33011512]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.63582729]
 [-0.0470456 ]
 [ 1.0559671 ]]
dot product : [[-0.44238886]
 [-0.51823483]]
result : [[ 0.1207202 ]
 [-0.70392943]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.1207202 ]
 [-0.70392943]]
dot product : [[ 0.52246124]
 [-0.04506165]
 [ 0.38150778]]
result : [[ 0.25247796]
 [ 0.10211555]
 [ 0.4538036 ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.84875027]
 [-0.45538179]
 [ 0.79316557]]
dot product : [[-0.13747599]
 [-1.84080823]]
result : [[ 0.42563308]
 [-2.02650282]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.42563308]
 [-2.02650282]]
dot product : [[ 1.60507369]
 [-0.18732456]
 [ 1.14380698]]
result : [[ 1.33509042]
 [-0.04014736]
 [ 1.21610279]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.11248479]
 [-0.47366382]
 [ 0.76537305]]
dot product : [[-0.38262359]
 [-1.17346416]]
result : [[ 0.18048547]
 [-1.35915876]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.18048547]
 [-1.35915876]]
dot product : [[ 0.94075563]
 [-0.04820997]
 [ 0.70597133]]
result : [[ 0.67077235]
 [ 0.09896722]
 [ 0.77826715]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.87519723]
 [-0.65344906]
 [ 0.65487403]]
dot product : [[-0.16425502]
 [-1.99193478]]
result : [[ 0.39885404]
 [-2.17762938]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.39885404]
 [-2.17762938]]
dot product : [[ 1.64909888]
 [-0.1581342 ]
 [ 1.19500818]]
result : [[ 1.37911561]
 [-0.01095701]
 [ 1.267304  ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.8641857 ]
 [-0.08405028]
 [ 1.02649209]]
dot product : [[-0.50614213]
 [-0.38153313]]
result : [[ 0.05696693]
 [-0.56722772]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.05696693]
 [-0.56722772]]
dot product : [[ 0.36887574]
 [-0.00658163]
 [ 0.28393248]]
result : [[ 0.09889247]
 [ 0.14059557]
 [ 0.35622829]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.81047671]
 [-1.08986298]
 [ 0.34824972]]
dot product : [[-0.25423133]
 [-2.2379687 ]]
result : [[ 0.30887773]
 [-2.42366329]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.30887773]
 [-2.42366329]]
dot product : [[ 1.66079762]
 [-0.07640613]
 [ 1.2513394 ]]
result : [[ 1.39081435]
 [ 0.07077106]
 [ 1.32363521]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.8708618 ]
 [-0.61292545]
 [ 0.68318458]]
dot product : [[-0.15850532]
 [-1.96177536]]
result : [[ 0.40460374]
 [-2.14746996]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.40460374]
 [-2.14746996]]
dot product : [[ 1.64083747]
 [-0.16425865]
 [ 1.18502657]]
result : [[ 1.3708542 ]
 [-0.01708146]
 [ 1.25732239]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.64455448]
 [-1.09661287]
 [ 0.3409354 ]]
dot product : [[-0.29715393]
 [-2.12517914]]
result : [[ 0.26595513]
 [-2.31087373]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.26595513]
 [-2.31087373]]
dot product : [[ 1.54659334]
 [-0.05179543]
 [ 1.17647173]]
result : [[ 1.27661007]
 [ 0.09538176]
 [ 1.24876755]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.76277979]
 [-0.03044527]
 [ 1.08940248]]
dot product : [[-0.08738482]
 [-1.49591366]]
result : [[ 0.47572424]
 [-1.68160825]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.47572424]
 [-1.68160825]]
dot product : [[ 1.49034764]
 [-0.24581201]
 [ 1.02053511]]
result : [[ 1.22036437]
 [-0.09863482]
 [ 1.09283093]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.16203029]
 [-0.7336841 ]
 [ 0.58756508]]
dot product : [[-0.35739267]
 [-1.54139051]]
result : [[ 0.2057164]
 [-1.7270851]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.2057164]
 [-1.7270851]]
dot product : [[ 1.16486775]
 [-0.04383529]
 [ 0.88331222]]
result : [[ 0.89488448]
 [ 0.10334191]
 [ 0.95560804]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.77743051]
 [-0.09431641]
 [ 1.04490281]]
dot product : [[-0.09447857]
 [-1.54897605]]
result : [[ 0.46863049]
 [-1.73467064]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.46863049]
 [-1.73467064]]
dot product : [[ 1.50879082]
 [-0.23726563]
 [ 1.0398577 ]]
result : [[ 1.23880755]
 [-0.09008844]
 [ 1.11215351]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.04803713]
 [-0.62653231]
 [ 0.66082445]]
dot product : [[-0.36800872]
 [-1.3891579 ]]
result : [[ 0.19510035]
 [-1.57485249]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.19510035]
 [-1.57485249]]
dot product : [[ 1.07191119]
 [-0.04551515]
 [ 0.80983308]]
result : [[ 0.80192792]
 [ 0.10166205]
 [ 0.88212889]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.87312378]
 [-0.10708939]
 [ 1.01021872]]
dot product : [[-0.51228256]
 [-0.39061826]]
result : [[ 0.05082651]
 [-0.57631286]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.05082651]
 [-0.57631286]]
dot product : [[ 0.36566386]
 [-0.00148543]
 [ 0.28437066]]
result : [[ 0.09568059]
 [ 0.14569176]
 [ 0.35666647]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.34920177]
 [-0.89994823]
 [ 0.47405128]]
dot product : [[-0.33832836]
 [-1.7848812 ]]
result : [[ 0.22478071]
 [-1.97057579]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.22478071]
 [-1.97057579]]
dot product : [[ 1.31624372]
 [-0.04268564]
 [ 1.002054  ]]
result : [[ 1.04626045]
 [ 0.10449155]
 [ 1.07434981]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.27353785]
 [-0.83480259]
 [ 0.51849199]]
dot product : [[-0.34638397]
 [-1.68783197]]
result : [[ 0.2167251 ]
 [-1.87352656]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.2167251 ]
 [-1.87352656]]
dot product : [[ 1.25531806]
 [-0.04280677]
 [ 0.95446021]]
result : [[ 0.98533479]
 [ 0.10437042]
 [ 1.02675603]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.37036119]
 [-0.91749063]
 [ 0.46209653]]
dot product : [[-0.33596155]
 [-1.81156932]]
result : [[ 0.22714752]
 [-1.99726392]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.22714752]
 [-1.99726392]]
dot product : [[ 1.33319398]
 [-0.0427641 ]
 [ 1.01523039]]
result : [[ 1.06321071]
 [ 0.10441309]
 [ 1.0875262 ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.55803192]
 [-1.05329141]
 [ 0.36992359]]
dot product : [[-0.3116285 ]
 [-2.03504495]]
result : [[ 0.25148057]
 [-2.22073954]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.25148057]
 [-2.22073954]]
dot product : [[ 1.48096621]
 [-0.04675051]
 [ 1.12819456]]
result : [[ 1.21098294]
 [ 0.10042668]
 [ 1.20049038]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.88021093]
 [-0.91040425]
 [ 0.47500981]]
dot product : [[-0.20637328]
 [-2.1672815 ]]
result : [[ 0.35673579]
 [-2.35297609]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.35673579]
 [-2.35297609]]
dot product : [[ 1.68589416]
 [-0.11611793]
 [ 1.24797804]]
result : [[ 1.41591089]
 [ 0.03105926]
 [ 1.32027386]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.88956859]
 [-0.37070946]
 [ 0.82535253]]
dot product : [[-0.56092977]
 [-0.55525057]]
result : [[ 0.0021793 ]
 [-0.74094516]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.0021793 ]
 [-0.74094516]]
dot product : [[ 0.38844025]
 [ 0.04467678]
 [ 0.32880005]]
result : [[ 0.11845698]
 [ 0.19185397]
 [ 0.40109587]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.26254751]
 [-0.82507121]
 [ 0.52513537]]
dot product : [[-0.34750868]
 [-1.67355561]]
result : [[ 0.21560039]
 [-1.85925021]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.21560039]
 [-1.85925021]]
dot product : [[ 1.24643362]
 [-0.04286906]
 [ 0.9474941 ]]
result : [[ 0.97645035]
 [ 0.10430813]
 [ 1.01978992]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.84591795]
 [-0.68208683]
 [ 0.60797968]]
dot product : [[-0.60250626]
 [-0.79429965]]
result : [[-0.03939719]
 [-0.97999424]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.03939719]
 [-0.97999424]]
dot product : [[ 0.45908975]
 [ 0.09027273]
 [ 0.41024482]]
result : [[ 0.18910648]
 [ 0.23744992]
 [ 0.48254063]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.71414978]
 [-0.01651868]
 [ 1.07612332]]
dot product : [[-0.45695851]
 [-0.44245239]]
result : [[ 0.10615055]
 [-0.62814699]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.10615055]
 [-0.62814699]]
dot product : [[ 0.46418047]
 [-0.03905009]
 [ 0.33951931]]
result : [[ 0.1941972 ]
 [ 0.1081271 ]
 [ 0.41181513]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.14663269]
 [-0.44135029]
 [ 0.78746928]]
dot product : [[-0.38576744]
 [-1.12771744]]
result : [[ 0.17734162]
 [-1.31341204]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.17734162]
 [-1.31341204]]
dot product : [[ 0.91288159]
 [-0.04874894]
 [ 0.68391745]]
result : [[ 0.64289832]
 [ 0.09842825]
 [ 0.75621326]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.86696128]
 [-0.9878016 ]
 [ 0.42060282]]
dot product : [[-0.22277656]
 [-2.20966279]]
result : [[ 0.3403325 ]
 [-2.39535738]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.3403325 ]
 [-2.39535738]]
dot product : [[ 1.6867402 ]
 [-0.10137279]
 [ 1.25715472]]
result : [[ 1.41675693]
 [ 0.0458044 ]
 [ 1.32945053]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.39871286]
 [-0.21406246]
 [ 0.94270499]]
dot product : [[-0.41087484]
 [-0.79753713]]
result : [[ 0.15223422]
 [-0.98323173]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.15223422]
 [-0.98323173]]
dot product : [[ 0.70857398]
 [-0.05085687]
 [ 0.52333393]]
result : [[ 0.43859071]
 [ 0.09632032]
 [ 0.59562975]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.48228053]
 [-1.0036456 ]
 [ 0.40350862]]
dot product : [[-0.32232292]
 [-1.94829717]]
result : [[ 0.24078615]
 [-2.13399177]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.24078615]
 [-2.13399177]]
dot product : [[ 1.42198966]
 [-0.04428197]
 [ 1.08361692]]
result : [[ 1.15200639]
 [ 0.10289522]
 [ 1.15591273]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.49203326]
 [-1.01050411]
 [ 0.39885779]]
dot product : [[-0.32102485]
 [-1.95977774]]
result : [[ 0.24208421]
 [-2.14547233]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.24208421]
 [-2.14547233]]
dot product : [[ 1.4296432 ]
 [-0.04452217]
 [ 1.08944818]]
result : [[ 1.15965993]
 [ 0.10265502]
 [ 1.16174399]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.11663588]
 [-0.69133326]
 [ 0.61651493]]
dot product : [[-0.36167409]
 [-1.48098178]]
result : [[ 0.20143498]
 [-1.66667638]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.20143498]
 [-1.66667638]]
dot product : [[ 1.12789193]
 [-0.04445116]
 [ 0.85411426]]
result : [[ 0.85790866]
 [ 0.10272603]
 [ 0.92641008]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.80545352]
 [-1.09380872]
 [ 0.34540823]]
dot product : [[-0.25616244]
 [-2.2370556 ]]
result : [[ 0.30694663]
 [-2.42275019]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.30694663]
 [-2.42275019]]
dot product : [[ 1.65782528]
 [-0.07503895]
 [ 1.24981057]]
result : [[ 1.38784201]
 [ 0.07213824]
 [ 1.32210638]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.85738571]
 [-0.07055587]
 [ 1.03604809]]
dot product : [[-0.50215152]
 [-0.37731808]]
result : [[ 0.06095754]
 [-0.56301268]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.06095754]
 [-0.56301268]]
dot product : [[ 0.37184231]
 [-0.00978807]
 [ 0.28439445]]
result : [[ 0.10185903]
 [ 0.13738912]
 [ 0.35669026]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.61112977]
 [-1.08199651]
 [ 0.35064981]]
dot product : [[-0.30310342]
 [-2.09177615]]
result : [[ 0.26000565]
 [-2.27747075]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.26000565]
 [-2.27747075]]
dot product : [[ 1.52151557]
 [-0.04949413]
 [ 1.15823956]]
result : [[ 1.2515323 ]
 [ 0.09768306]
 [ 1.23053537]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.88477696]
 [-0.42422919]
 [ 0.78794808]]
dot product : [[-0.56875867]
 [-0.59442182]]
result : [[-0.0056496 ]
 [-0.78011641]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.0056496 ]
 [-0.78011641]]
dot product : [[ 0.3987032 ]
 [ 0.05289762]
 [ 0.34155379]]
result : [[ 0.12871993]
 [ 0.20007481]
 [ 0.4138496 ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.72734629]
 [-1.11595321]
 [ 0.32868269]]
dot product : [[-0.27957021]
 [-2.19664184]]
result : [[ 0.28353886]
 [-2.38233643]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.28353886]
 [-2.38233643]]
dot product : [[ 1.60652341]
 [-0.06029976]
 [ 1.2183069 ]]
result : [[ 1.33654014]
 [ 0.08687743]
 [ 1.29060271]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.88371162]
 [-0.85694283]
 [ 0.51250275]]
dot product : [[-0.19646602]
 [-2.13401168]]
result : [[ 0.36664304]
 [-2.31970628]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.36664304]
 [-2.31970628]]
dot product : [[ 1.68139011]
 [-0.12550296]
 [ 1.23904399]]
result : [[ 1.41140684]
 [ 0.02167423]
 [ 1.31133981]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.3062507 ]
 [-0.86339003]
 [ 0.49898272]]
dot product : [[-0.34297244]
 [-1.73007285]]
result : [[ 0.22013663]
 [-1.91576744]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.22013663]
 [-1.91576744]]
dot product : [[ 1.28171364]
 [-0.04268421]
 [ 0.97512033]]
result : [[ 1.01173036]
 [ 0.10449298]
 [ 1.04741615]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.88430752]
 [-0.82759425]
 [ 0.53306447]]
dot product : [[-0.19136115]
 [-2.11481028]]
result : [[ 0.37174792]
 [-2.30050488]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.37174792]
 [-2.30050488]]
dot product : [[ 1.67799795]
 [-0.13046734]
 [ 1.23353059]]
result : [[ 1.40801468]
 [ 0.01670985]
 [ 1.30582641]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.80372785]
 [-0.21526295]
 [ 0.9606156 ]]
dot product : [[-0.10827526]
 [-1.64843333]]
result : [[ 0.4548338 ]
 [-1.83412792]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.4548338 ]
 [-1.83412792]]
dot product : [[ 1.54271243]
 [-0.22087758]
 [ 1.07578324]]
result : [[ 1.27272916]
 [-0.07370039]
 [ 1.14807906]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.56711552]
 [-1.05861197]
 [ 0.36633933]]
dot product : [[-0.31023929]
 [-2.04502417]]
result : [[ 0.25286978]
 [-2.23071876]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.25286978]
 [-2.23071876]]
dot product : [[ 1.48795625]
 [-0.04715171]
 [ 1.13341527]]
result : [[ 1.21797298]
 [ 0.10002548]
 [ 1.20571108]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.59269937]
 [-0.07103919]
 [ 1.03983725]]
dot product : [[-0.43557901]
 [-0.56476742]]
result : [[ 0.12753006]
 [-0.75046201]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.12753006]
 [-0.75046201]]
dot product : [[ 0.5554848 ]
 [-0.04717733]
 [ 0.40604513]]
result : [[ 0.28550153]
 [ 0.09999986]
 [ 0.47834094]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.61963995]
 [-1.08600301]
 [ 0.34797682]]
dot product : [[-0.30163676]
 [-2.1004714 ]]
result : [[ 0.26147231]
 [-2.28616599]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.26147231]
 [-2.28616599]]
dot product : [[ 1.52793752]
 [-0.05003266]
 [ 1.16293781]]
result : [[ 1.25795425]
 [ 0.09714453]
 [ 1.23523363]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.8411984 ]
 [-0.70686931]
 [ 0.59069842]]
dot product : [[-0.6055017]
 [-0.814206 ]]
result : [[-0.04239264]
 [-0.99990059]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.04239264]
 [-0.99990059]]
dot product : [[ 0.46557652]
 [ 0.0937254 ]
 [ 0.41729894]]
result : [[ 0.19559325]
 [ 0.24090259]
 [ 0.48959476]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.88234155]
 [-0.88453597]
 [ 0.49315826]]
dot product : [[-0.20146949]
 [-2.15149206]]
result : [[ 0.36163958]
 [-2.33718665]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.36163958]
 [-2.33718665]]
dot product : [[ 1.68401771]
 [-0.12072087]
 [ 1.24385571]]
result : [[ 1.41403444]
 [ 0.02645632]
 [ 1.31615153]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.8773334 ]
 [-0.93457826]
 [ 0.45803619]]
dot product : [[-0.21117912]
 [-2.18141008]]
result : [[ 0.35192995]
 [-2.36710468]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.35192995]
 [-2.36710468]]
dot product : [[ 1.68703288]
 [-0.11169097]
 [ 1.25142327]]
result : [[ 1.41704961]
 [ 0.03548622]
 [ 1.32371909]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.89352823]
 [-0.26187376]
 [ 0.90150702]]
dot product : [[-0.54355256]
 [-0.47968285]]
result : [[ 0.01955651]
 [-0.66537745]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.01955651]
 [-0.66537745]]
dot product : [[ 0.37158185]
 [ 0.02714032]
 [ 0.305521  ]]
result : [[ 0.10159857]
 [ 0.17431751]
 [ 0.37781681]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.86939212]
 [-0.97796583]
 [ 0.42752859]]
dot product : [[-0.22050388]
 [-2.20480506]]
result : [[ 0.34260518]
 [-2.39049966]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.34260518]
 [-2.39049966]]
dot product : [[ 1.68715082]
 [-0.10335238]
 [ 1.25633161]]
result : [[ 1.41716755]
 [ 0.04382481]
 [ 1.32862743]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.46006334]
 [-0.16426831]
 [ 0.97661847]]
dot product : [[-0.41791774]
 [-0.72087125]]
result : [[ 0.14519133]
 [-0.90656584]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.14519133]
 [-0.90656584]]
dot product : [[ 0.65956631]
 [-0.05045163]
 [ 0.48534056]]
result : [[ 0.38958304]
 [ 0.09672556]
 [ 0.55763638]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.66063379]
 [-1.10247317]
 [ 0.33708225]]
dot product : [[-0.29409416]
 [-2.14046502]]
result : [[ 0.2690149 ]
 [-2.32615962]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.2690149 ]
 [-2.32615962]]
dot product : [[ 1.55850541]
 [-0.05309722]
 [ 1.1850116 ]]
result : [[ 1.28852214]
 [ 0.09407997]
 [ 1.25730741]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.49957509]
 [-0.13409692]
 [ 0.99713094]]
dot product : [[-0.42277398]
 [-0.67276467]]
result : [[ 0.14033508]
 [-0.85845926]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.14033508]
 [-0.85845926]]
dot product : [[ 0.6282498 ]
 [-0.0498751 ]
 [ 0.46124576]]
result : [[ 0.35826652]
 [ 0.09730209]
 [ 0.53354157]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.88818223]
 [-0.38808078]
 [ 0.81320924]]
dot product : [[-0.56351339]
 [-0.56784528]]
result : [[ -4.04325703e-04]
 [ -7.53539879e-01]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ -4.04325703e-04]
 [ -7.53539879e-01]]
dot product : [[ 0.39165423]
 [ 0.04736899]
 [ 0.33286207]]
result : [[ 0.12167096]
 [ 0.19454618]
 [ 0.40515788]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.46254887]
 [-0.98940729]
 [ 0.41317183]]
dot product : [[-0.324888  ]
 [-1.92482757]]
result : [[ 0.23822107]
 [-2.11052217]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.23822107]
 [-2.11052217]]
dot product : [[ 1.40645807]
 [-0.04385623]
 [ 1.07174773]]
result : [[ 1.1364748 ]
 [ 0.10332096]
 [ 1.14404354]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.25151697]
 [-0.81524509]
 [ 0.53184446]]
dot product : [[-0.34862751]
 [-1.6591875 ]]
result : [[ 0.21448156]
 [-1.84488209]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.21448156]
 [-1.84488209]]
dot product : [[ 1.23750902]
 [-0.04294142]
 [ 0.94049086]]
result : [[ 0.96752575]
 [ 0.10423577]
 [ 1.01278667]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.72135026]
 [-0.01485856]
 [ 1.07717359]]
dot product : [[-0.45849149]
 [-0.43625187]]
result : [[ 0.10461757]
 [-0.62194647]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.10461757]
 [-0.62194647]]
dot product : [[ 0.45897113]
 [-0.03830681]
 [ 0.33588519]]
result : [[ 0.18898786]
 [ 0.10887038]
 [ 0.408181  ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.76009975]
 [-1.11361334]
 [ 0.33083205]]
dot product : [[-0.2709271]
 [-2.2182332]]
result : [[ 0.29218196]
 [-2.4039278 ]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.29218196]
 [-2.4039278 ]]
dot product : [[ 1.62893699]
 [-0.06532549]
 [ 1.23288731]]
result : [[ 1.35895372]
 [ 0.0818517 ]
 [ 1.30518312]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.8841156 ]
 [-0.79645963]
 [ 0.55486465]]
dot product : [[-0.18615313]
 [-2.09385777]]
result : [[ 0.37695594]
 [-2.27955236]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.37695594]
 [-2.27955236]]
dot product : [[ 1.67382779]
 [-0.13561718]
 [ 1.22730322]]
result : [[ 1.40384452]
 [ 0.01156001]
 [ 1.29959904]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.85956852]
 [-0.52593896]
 [ 0.74392399]]
dot product : [[-0.14666362]
 [-1.8956315 ]]
result : [[ 0.41644545]
 [-2.08132609]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.41644545]
 [-2.08132609]]
dot product : [[ 1.6217257]
 [-0.1771239]
 [ 1.1626879]]
result : [[ 1.35174243]
 [-0.02994671]
 [ 1.23498372]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.39129169]
 [-0.9345011 ]
 [ 0.45051071]]
dot product : [[-0.33356258]
 [-1.83773996]]
result : [[ 0.22954648]
 [-2.02343455]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.22954648]
 [-2.02343455]]
dot product : [[ 1.3499165 ]
 [-0.0428986 ]
 [ 1.02819676]]
result : [[ 1.07993323]
 [ 0.10427859]
 [ 1.10049258]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.891427  ]
 [-0.20937399]
 [ 0.9383047 ]]
dot product : [[-0.53416007]
 [-0.44606663]]
result : [[ 0.02894899]
 [-0.63176122]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.02894899]
 [-0.63176122]]
dot product : [[ 0.36623186]
 [ 0.01811331]
 [ 0.29613388]]
result : [[ 0.09624859]
 [ 0.1652905 ]
 [ 0.36842969]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.31706324]
 [-0.8727042 ]
 [ 0.49262874]]
dot product : [[-0.34182207]
 [-1.74394455]]
result : [[ 0.221287  ]
 [-1.92963914]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.221287  ]
 [-1.92963914]]
dot product : [[ 1.29042066]
 [-0.04266612]
 [ 0.98192252]]
result : [[ 1.02043739]
 [ 0.10451108]
 [ 1.05421833]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.8624718 ]
 [-0.58812709]
 [ 0.67352033]]
dot product : [[-0.59081201]
 [-0.71977433]]
result : [[-0.02770295]
 [-0.90546893]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.02770295]
 [-0.90546893]]
dot product : [[ 0.4354252 ]
 [ 0.07699269]
 [ 0.38411526]]
result : [[ 0.16544193]
 [ 0.22416988]
 [ 0.45641107]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.8756188 ]
 [-0.94603947]
 [ 0.44998331]]
dot product : [[-0.21354585]
 [-2.18786096]]
result : [[ 0.34956322]
 [-2.37355556]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.34956322]
 [-2.37355556]]
dot product : [[ 1.68732979]
 [-0.1095425 ]
 [ 1.25289582]]
result : [[ 1.41734651]
 [ 0.03763469]
 [ 1.32519163]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.38826665]
 [-0.22284173]
 [ 0.93671988]]
dot product : [[-0.40972642]
 [-0.81079221]]
result : [[ 0.15338264]
 [-0.99648681]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.15338264]
 [-0.99648681]]
dot product : [[ 0.71695757]
 [-0.05087586]
 [ 0.52986241]]
result : [[ 0.4469743 ]
 [ 0.09630133]
 [ 0.60215823]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.8608687 ]
 [-0.07711913]
 [ 1.03139762]]
dot product : [[-0.50413667]
 [-0.37924394]]
result : [[ 0.05897239]
 [-0.56493854]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.05897239]
 [-0.56493854]]
dot product : [[ 0.37027761]
 [-0.00820369]
 [ 0.28408908]]
result : [[ 0.10029434]
 [ 0.1389735 ]
 [ 0.35638489]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.80968627]
 [-0.24410611]
 [ 0.94051003]]
dot product : [[-0.11164428]
 [-1.67193052]]
result : [[ 0.45146478]
 [-1.85762512]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.45146478]
 [-1.85762512]]
dot product : [[ 1.55058497]
 [-0.21692508]
 [ 1.084207  ]]
result : [[ 1.2806017 ]
 [-0.06974789]
 [ 1.15650282]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.3027292 ]
 [-0.29732748]
 [ 0.88589238]]
dot product : [[-0.40076128]
 [-0.92106664]]
result : [[ 0.16234778]
 [-1.10676123]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.16234778]
 [-1.10676123]]
dot product : [[ 0.78594235]
 [-0.0505994 ]
 [ 0.58383226]]
result : [[ 0.51595908]
 [ 0.09657779]
 [ 0.65612808]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.76193823]
 [-0.01066996]
 [ 1.07947387]]
dot product : [[-0.46800533]
 [-0.40475673]]
result : [[ 0.09510374]
 [-0.59045133]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.09510374]
 [-0.59045133]]
dot product : [[ 0.43027723]
 [-0.03325756]
 [ 0.31641952]]
result : [[ 0.16029395]
 [ 0.11391963]
 [ 0.38871534]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.69145814]
 [-1.11114508]
 [ 0.33149012]]
dot product : [[-0.28779593]
 [-2.16805512]]
result : [[ 0.27531314]
 [-2.35374972]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.27531314]
 [-2.35374972]]
dot product : [[ 1.58100885]
 [-0.05601884]
 [ 1.20087743]]
result : [[ 1.31102558]
 [ 0.09115835]
 [ 1.27317324]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.74083576]
 [-1.11590179]
 [ 0.32892906]]
dot product : [[-0.27616457]
 [-2.20614415]]
result : [[ 0.2869445 ]
 [-2.39183875]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.2869445 ]
 [-2.39183875]]
dot product : [[ 1.61587271]
 [-0.06221791]
 [ 1.2244917 ]]
result : [[ 1.34588944]
 [ 0.08495928]
 [ 1.29678752]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.81535065]
 [-1.08557778]
 [ 0.35132659]]
dot product : [[-0.25228051]
 [-2.23854934]]
result : [[ 0.31082856]
 [-2.42424393]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.31082856]
 [-2.42424393]]
dot product : [[ 1.66362243]
 [-0.07780863]
 [ 1.25273275]]
result : [[ 1.39363916]
 [ 0.06936856]
 [ 1.32502857]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.64415088]
 [-0.04291088]
 [ 1.05873279]]
dot product : [[-0.44378688]
 [-0.50958577]]
result : [[ 0.11932218]
 [-0.69528037]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.11932218]
 [-0.69528037]]
dot product : [[ 0.51615208]
 [-0.04457085]
 [ 0.37686993]]
result : [[ 0.24616881]
 [ 0.10260634]
 [ 0.44916575]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.10106781]
 [-0.48450296]
 [ 0.75796058]]
dot product : [[-0.38157847]
 [-1.18878279]]
result : [[ 0.1815306 ]
 [-1.37447739]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.1815306 ]
 [-1.37447739]]
dot product : [[ 0.95007961]
 [-0.04802387]
 [ 0.7133518 ]]
result : [[ 0.68009633]
 [ 0.09915332]
 [ 0.78564762]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.88431089]
 [-0.8122521 ]
 [ 0.54380843]]
dot product : [[-0.18877014]
 [-2.10455479]]
result : [[ 0.37433893]
 [-2.29024939]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.37433893]
 [-2.29024939]]
dot product : [[ 1.67601096]
 [-0.13301888]
 [ 1.23050692]]
result : [[ 1.40602769]
 [ 0.01415831]
 [ 1.30280274]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.78075027]
 [-0.98418159]
 [ 0.39744286]]
dot product : [[-0.63709711]
 [-1.04235427]]
result : [[-0.07398805]
 [-1.22804887]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.07398805]
 [-1.22804887]]
dot product : [[ 0.54345931]
 [ 0.13127918]
 [ 0.49974076]]
result : [[ 0.27347604]
 [ 0.27845638]
 [ 0.57203658]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.28086071]
 [-0.31698969]
 [ 0.8724642 ]]
dot product : [[-0.39857379]
 [-0.94967339]]
result : [[ 0.16453527]
 [-1.13536798]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.16453527]
 [-1.13536798]]
dot product : [[ 0.80365927]
 [-0.05042575]
 [ 0.59775229]]
result : [[ 0.533676  ]
 [ 0.09675144]
 [ 0.6700481 ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.83586808]
 [-0.38015222]
 [ 0.84564697]]
dot product : [[-0.12801928]
 [-1.78140181]]
result : [[ 0.43508978]
 [-1.96709641]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.43508978]
 [-1.96709641]]
dot product : [[ 1.58638434]
 [-0.19800995]
 [ 1.12305688]]
result : [[ 1.31640106]
 [-0.05083276]
 [ 1.1953527 ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.88232077]
 [-0.74634198]
 [ 0.58993341]]
dot product : [[-0.17814393]
 [-2.05907983]]
result : [[ 0.38496514]
 [-2.24477443]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.38496514]
 [-2.24477443]]
dot product : [[ 1.66608448]
 [-0.14369657]
 [ 1.21659658]]
result : [[ 1.3961012 ]
 [ 0.00348062]
 [ 1.28889239]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.2844863 ]
 [-0.84443541]
 [ 0.51191699]]
dot product : [[-0.34525317]
 [-1.7020128 ]]
result : [[ 0.21785589]
 [-1.88770739]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.21785589]
 [-1.88770739]]
dot product : [[ 1.26416066]
 [-0.04275493]
 [ 0.96138764]]
result : [[ 0.99417739]
 [ 0.10442226]
 [ 1.03368346]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.83110741]
 [-0.35401954]
 [ 0.86387311]]
dot product : [[-0.12480624]
 [-1.76056364]]
result : [[ 0.43830282]
 [-1.94625824]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.43830282]
 [-1.94625824]]
dot product : [[ 1.57969398]
 [-0.20168131]
 [ 1.11571764]]
result : [[ 1.30971071]
 [-0.05450412]
 [ 1.18801346]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.8199447 ]
 [-0.81128412]
 [ 0.51790952]]
dot product : [[-0.61777751]
 [-0.89904432]]
result : [[-0.05466845]
 [-1.08473891]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.05466845]
 [-1.08473891]]
dot product : [[ 0.49385642]
 [ 0.10807858]
 [ 0.44764845]]
result : [[ 0.22387315]
 [ 0.25525577]
 [ 0.51994426]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.23663819]
 [-0.35734895]
 [ 0.84489076]]
dot product : [[-0.39425125]
 [-1.00792203]]
result : [[ 0.16885781]
 [-1.19361663]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.16885781]
 [-1.19361663]]
dot product : [[ 0.83956406]
 [-0.04997514]
 [ 0.62601936]]
result : [[ 0.56958079]
 [ 0.09720205]
 [ 0.69831517]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.48980896]
 [-0.14139571]
 [ 0.99217199]]
dot product : [[-0.42154687]
 [-0.68454909]]
result : [[ 0.14156219]
 [-0.87024368]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.14156219]
 [-0.87024368]]
dot product : [[ 0.63596973]
 [-0.05004398]
 [ 0.46716999]]
result : [[ 0.36598646]
 [ 0.09713321]
 [ 0.5394658 ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.1280158 ]
 [-0.70199809]
 [ 0.60922395]]
dot product : [[-0.36060886]
 [-1.49615767]]
result : [[ 0.2025002 ]
 [-1.68185226]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.2025002 ]
 [-1.68185226]]
dot product : [[ 1.13716761]
 [-0.04428881]
 [ 0.86144334]]
result : [[ 0.86718434]
 [ 0.10288839]
 [ 0.93373916]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.88275463]
 [-0.44301392]
 [ 0.77482491]]
dot product : [[-0.57142076]
 [-0.60841116]]
result : [[-0.0083117 ]
 [-0.79410576]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.0083117 ]
 [-0.79410576]]
dot product : [[ 0.40254155]
 [ 0.05573483]
 [ 0.34618657]]
result : [[ 0.13255827]
 [ 0.20291202]
 [ 0.41848238]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.00212559]
 [-0.58283873]
 [ 0.69070654]]
dot product : [[-0.37219367]
 [-1.32748581]]
result : [[ 0.19091539]
 [-1.5131804 ]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.19091539]
 [-1.5131804 ]]
dot product : [[ 1.0344026 ]
 [-0.04628108]
 [ 0.78013286]]
result : [[ 0.76441933]
 [ 0.10089611]
 [ 0.85242867]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.84468781]
 [-0.43082952]
 [ 0.81029585]]
dot product : [[-0.13435394]
 [-1.82152034]]
result : [[ 0.42875513]
 [-2.00721494]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.42875513]
 [-2.00721494]]
dot product : [[ 1.59907251]
 [-0.19083197]
 [ 1.13710001]]
result : [[ 1.32908924]
 [-0.04365478]
 [ 1.20939583]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.69939058]
 [-0.02062908]
 [ 1.07347501]]
dot product : [[-0.45393575]
 [-0.455635  ]]
result : [[ 0.10917331]
 [-0.6413296 ]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.10917331]
 [-0.6413296 ]]
dot product : [[ 0.47495006]
 [-0.04045597]
 [ 0.34710788]]
result : [[ 0.20496678]
 [ 0.10672122]
 [ 0.41940369]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.62740077]
 [-0.05140675]
 [ 1.05304444]]
dot product : [[-0.44100314]
 [-0.52710806]]
result : [[ 0.12210592]
 [-0.71280265]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.12210592]
 [-0.71280265]]
dot product : [[ 0.52887115]
 [-0.04552936]
 [ 0.38623755]]
result : [[ 0.25888788]
 [ 0.10164783]
 [ 0.45853337]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.01360924]
 [-0.59378189]
 [ 0.68322227]]
dot product : [[-0.37114932]
 [-1.34292112]]
result : [[ 0.19195975]
 [-1.52861571]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.19195975]
 [-1.52861571]]
dot product : [[ 1.04378631]
 [-0.04608713]
 [ 0.78756446]]
result : [[ 0.77380304]
 [ 0.10109006]
 [ 0.85986027]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.87313736]
 [-0.63343154]
 [ 0.66885992]]
dot product : [[-0.16139426]
 [-1.97709465]]
result : [[ 0.40171481]
 [-2.16278924]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.40171481]
 [-2.16278924]]
dot product : [[ 1.64507465]
 [-0.16117107]
 [ 1.19011507]]
result : [[ 1.37509138]
 [-0.01399388]
 [ 1.26241089]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.31359679]
 [-0.2876391 ]
 [ 0.89250755]]
dot product : [[-0.40186234]
 [-0.90690582]]
result : [[ 0.16124673]
 [-1.09260042]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.16124673]
 [-1.09260042]]
dot product : [[ 0.77714862]
 [-0.05067192]
 [ 0.57693101]]
result : [[ 0.50716535]
 [ 0.09650527]
 [ 0.64922682]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.56567595]
 [-0.08795369]
 [ 1.02841365]]
dot product : [[-0.4316295 ]
 [-0.59518141]]
result : [[ 0.13147956]
 [-0.78087601]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.13147956]
 [-0.78087601]]
dot product : [[ 0.57642077]
 [-0.04819031]
 [ 0.4217907 ]]
result : [[ 0.30643749]
 [ 0.09898688]
 [ 0.49408652]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.5017083 ]
 [-1.01718375]
 [ 0.39433099]]
dot product : [[-0.31971615]
 [-1.9710838 ]]
result : [[ 0.24339291]
 [-2.15677839]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.24339291]
 [-2.15677839]]
dot product : [[ 1.43721969]
 [-0.04478112]
 [ 1.09520849]]
result : [[ 1.16723641]
 [ 0.10239607]
 [ 1.1675043 ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.88785181]
 [-0.17443756]
 [ 0.96282598]]
dot product : [[-0.52736156]
 [-0.42523543]]
result : [[ 0.0357475 ]
 [-0.61093003]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.0357475 ]
 [-0.61093003]]
dot product : [[ 0.36418152]
 [ 0.01179803]
 [ 0.29088687]]
result : [[ 0.09419825]
 [ 0.15897522]
 [ 0.36318268]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.03232454]
 [-0.54998373]
 [ 0.71317725]]
dot product : [[-0.37532221]
 [-1.28116338]]
result : [[ 0.18778685]
 [-1.46685797]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.18778685]
 [-1.46685797]]
dot product : [[ 1.00624873]
 [-0.04686731]
 [ 0.75783341]]
result : [[ 0.73626546]
 [ 0.10030988]
 [ 0.83012922]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.07095282]
 [-0.6482618 ]
 [ 0.64596492]]
dot product : [[-0.36590653]
 [-1.41988718]]
result : [[ 0.19720253]
 [-1.60558177]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.19720253]
 [-1.60558177]]
dot product : [[ 1.09062248]
 [-0.045146  ]
 [ 0.82464165]]
result : [[ 0.82063921]
 [ 0.10203119]
 [ 0.89693746]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.85040337]
 [-0.65782519]
 [ 0.62489984]]
dot product : [[-0.59953978]
 [-0.77490706]]
result : [[-0.03643072]
 [-0.96060166]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.03643072]
 [-0.96060166]]
dot product : [[ 0.45283291]
 [ 0.08687352]
 [ 0.40340093]]
result : [[ 0.18284964]
 [ 0.23405071]
 [ 0.47569674]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.71335526]
 [-1.11486096]
 [ 0.32922941]]
dot product : [[-0.28290907]
 [-2.18602027]]
result : [[ 0.2802    ]
 [-2.37171486]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.2802    ]
 [-2.37171486]]
dot product : [[ 1.59667796]
 [-0.05850078]
 [ 1.21166624]]
result : [[ 1.32669469]
 [ 0.08867641]
 [ 1.28396205]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.24775025]
 [-0.34713934]
 [ 0.85186713]]
dot product : [[-0.39532588]
 [-0.99323988]]
result : [[ 0.16778319]
 [-1.17893447]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.16778319]
 [-1.17893447]]
dot product : [[ 0.83053319]
 [-0.05009972]
 [ 0.61890305]]
result : [[ 0.56054992]
 [ 0.09707747]
 [ 0.69119887]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.70682931]
 [-0.01844346]
 [ 1.07488957]]
dot product : [[-0.45544001]
 [-0.44891469]]
result : [[ 0.10766906]
 [-0.63460928]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.10766906]
 [-0.63460928]]
dot product : [[ 0.46950734]
 [-0.03976634]
 [ 0.34326072]]
result : [[ 0.19952406]
 [ 0.10741085]
 [ 0.41555653]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.53784878]
 [-0.10663077]
 [ 1.01576828]]
dot product : [[-0.42777516]
 [-0.62734212]]
result : [[ 0.1353339 ]
 [-0.81303672]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.1353339 ]
 [-0.81303672]]
dot product : [[ 0.59814275]
 [-0.049024  ]
 [ 0.43825296]]
result : [[ 0.32815948]
 [ 0.09815319]
 [ 0.51054877]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.32441767]
 [-0.27805098]
 [ 0.89905324]]
dot product : [[-0.40296856]
 [-0.89284506]]
result : [[ 0.16014051]
 [-1.07853965]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.16014051]
 [-1.07853965]]
dot product : [[ 0.76840029]
 [-0.05073438]
 [ 0.57007098]]
result : [[ 0.49841702]
 [ 0.09644281]
 [ 0.64236679]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.81540173]
 [-0.27239952]
 [ 0.92078564]]
dot product : [[-0.11498168]
 [-1.69488839]]
result : [[ 0.44812739]
 [-1.88058298]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.44812739]
 [-1.88058298]]
dot product : [[ 1.55821772]
 [-0.2130296 ]
 [ 1.09241079]]
result : [[ 1.28823445]
 [-0.06585241]
 [ 1.1647066 ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.66850921]
 [-1.10502797]
 [ 0.33541597]]
dot product : [[-0.29254227]
 [-2.1477409 ]]
result : [[ 0.2705668 ]
 [-2.33343549]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.2705668 ]
 [-2.33343549]]
dot product : [[ 1.56429888]
 [-0.05378727]
 [ 1.1891321 ]]
result : [[ 1.29431561]
 [ 0.09338992]
 [ 1.26142791]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.89286411]
 [-0.23476572]
 [ 0.92050079]]
dot product : [[-0.53880876]
 [-0.46202773]]
result : [[ 0.0243003 ]
 [-0.64772233]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.0243003 ]
 [-0.64772233]]
dot product : [[ 0.36852752]
 [ 0.02253883]
 [ 0.30048073]]
result : [[ 0.09854425]
 [ 0.16971602]
 [ 0.37277655]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.41942256]
 [-0.19690025]
 [ 0.95440051]]
dot product : [[-0.41319259]
 [-0.77142115]]
result : [[ 0.14991648]
 [-0.95711575]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.14991648]
 [-0.95711575]]
dot product : [[ 0.69198494]
 [-0.05077886]
 [ 0.51043904]]
result : [[ 0.42200166]
 [ 0.09639833]
 [ 0.58273486]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.05949974]
 [-0.63741001]
 [ 0.65338569]]
dot product : [[-0.36695861]
 [-1.40453457]]
result : [[ 0.19615045]
 [-1.59022916]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.19615045]
 [-1.59022916]]
dot product : [[ 1.08127182]
 [-0.04532909]
 [ 0.81724211]]
result : [[ 0.81128855]
 [ 0.1018481 ]
 [ 0.88953792]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.45257334]
 [-0.98203513]
 [ 0.41817889]]
dot product : [[-0.32615545]
 [-1.91284606]]
result : [[ 0.23695361]
 [-2.09854065]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.23695361]
 [-2.09854065]]
dot product : [[ 1.39858339]
 [-0.0436699 ]
 [ 1.06571287]]
result : [[ 1.12860012]
 [ 0.10350729]
 [ 1.13800868]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.29539115]
 [-0.85396583]
 [ 0.50541302]]
dot product : [[-0.34411607]
 [-1.71609434]]
result : [[ 0.218993  ]
 [-1.90178894]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.218993  ]
 [-1.90178894]]
dot product : [[ 1.27295974]
 [-0.04271394]
 [ 0.96827486]]
result : [[ 1.00297647]
 [ 0.10446325]
 [ 1.04057068]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.18059023]
 [-0.40942288]
 [ 0.80929809]]
dot product : [[-0.38892854]
 [-1.08236345]]
result : [[ 0.17418052]
 [-1.26805805]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.17418052]
 [-1.26805805]]
dot product : [[ 0.88518964]
 [-0.04925066]
 [ 0.66202712]]
result : [[ 0.61520637]
 [ 0.09792653]
 [ 0.73432293]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.25882582]
 [-0.33700705]
 [ 0.85878993]]
dot product : [[-0.39640436]
 [-0.97863521]]
result : [[ 0.1667047 ]
 [-1.16432981]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.1667047 ]
 [-1.16432981]]
dot product : [[ 0.82153765]
 [-0.05021662]
 [ 0.61181875]]
result : [[ 0.55155438]
 [ 0.09696057]
 [ 0.68411456]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.66048242]
 [-0.03533603]
 [ 1.06378268]]
dot product : [[-0.4466207 ]
 [-0.49297521]]
result : [[ 0.11648836]
 [-0.6786698 ]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.11648836]
 [-0.6786698 ]]
dot product : [[ 0.50384274]
 [-0.04351845]
 [ 0.36787615]]
result : [[ 0.23385947]
 [ 0.10365874]
 [ 0.44017196]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.24044795]
 [-0.80532804]
 [ 0.53861663]]
dot product : [[-0.34974068]
 [-1.64473138]]
result : [[ 0.21336838]
 [-1.83042598]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.21336838]
 [-1.83042598]]
dot product : [[ 1.22854594]
 [-0.04302346]
 [ 0.93345201]]
result : [[ 0.95856266]
 [ 0.10415374]
 [ 1.00574782]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.85867859]
 [-0.61084914]
 [ 0.65766752]]
dot product : [[-0.59369288]
 [-0.73764817]]
result : [[-0.03058381]
 [-0.92334276]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.03058381]
 [-0.92334276]]
dot product : [[ 0.44100231]
 [ 0.08023389]
 [ 0.39033768]]
result : [[ 0.17101904]
 [ 0.22741108]
 [ 0.4626335 ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.38085591]
 [-0.92606427]
 [ 0.45625618]]
dot product : [[-0.33476619]
 [-1.82472121]]
result : [[ 0.22834287]
 [-2.0104158 ]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.22834287]
 [-2.0104158 ]]
dot product : [[ 1.34158455]
 [-0.04282414]
 [ 1.02174059]]
result : [[ 1.07160128]
 [ 0.10435305]
 [ 1.09403641]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.67638176]
 [-0.02871278]
 [ 1.06817291]]
dot product : [[-0.44950634]
 [-0.47730644]]
result : [[ 0.11360272]
 [-0.66300104]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.11360272]
 [-0.66300104]]
dot product : [[ 0.49195656]
 [-0.04236901]
 [ 0.35926849]]
result : [[ 0.22197329]
 [ 0.10480818]
 [ 0.43156431]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.61024572]
 [-0.06079305]
 [ 1.04673886]]
dot product : [[-0.43826776]
 [-0.54551197]]
result : [[ 0.1248413 ]
 [-0.73120656]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.1248413 ]
 [-0.73120656]]
dot product : [[ 0.54198653]
 [-0.04639713]
 [ 0.39596671]]
result : [[ 0.27200326]
 [ 0.10078006]
 [ 0.46826253]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.85550694]
 [-1.02321488]
 [ 0.39562474]]
dot product : [[-0.23163973]
 [-2.22524246]]
result : [[ 0.33146934]
 [-2.41093706]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.33146934]
 [-2.41093706]]
dot product : [[ 1.68338759]
 [-0.09386284]
 [ 1.25887731]]
result : [[ 1.41340432]
 [ 0.05331435]
 [ 1.33117312]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.05527359]
 [-0.52809735]
 [ 0.72814612]]
dot product : [[-0.37740631]
 [-1.25030563]]
result : [[ 0.18570275]
 [-1.43600022]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.18570275]
 [-1.43600022]]
dot product : [[ 0.98749397]
 [-0.04725782]
 [ 0.74297858]]
result : [[ 0.7175107 ]
 [ 0.09991938]
 [ 0.8152744 ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.40166683]
 [-0.94279731]
 [ 0.44486278]]
dot product : [[-0.3323505 ]
 [-1.85062182]]
result : [[ 0.23075856]
 [-2.03631641]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.23075856]
 [-2.03631641]]
dot product : [[ 1.35818817]
 [-0.04298785]
 [ 1.03459735]]
result : [[ 1.08820489]
 [ 0.10418934]
 [ 1.10689316]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.79777761]
 [-0.01697286]
 [ 1.07450114]]
dot product : [[-0.47809461]
 [-0.38363341]]
result : [[ 0.08501446]
 [-0.56932801]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.08501446]
 [-0.56932801]]
dot product : [[ 0.40623719]
 [-0.02713602]
 [ 0.30120336]]
result : [[ 0.13625392]
 [ 0.12004117]
 [ 0.37349918]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.4324114 ]
 [-0.96680394]
 [ 0.42853068]]
dot product : [[-0.32866127]
 [-1.88840841]]
result : [[ 0.2344478 ]
 [-2.07410301]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.2344478 ]
 [-2.07410301]]
dot product : [[ 1.38262463]
 [-0.04334834]
 [ 1.05345029]]
result : [[ 1.11264135]
 [ 0.10382885]
 [ 1.12574611]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.88050667]
 [-0.13357725]
 [ 0.99155448]]
dot product : [[-0.51861359]
 [-0.40310874]]
result : [[ 0.04449548]
 [-0.58880334]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.04449548]
 [-0.58880334]]
dot product : [[ 0.3639778 ]
 [ 0.00396406]
 [ 0.28620309]]
result : [[ 0.09399453]
 [ 0.15114125]
 [ 0.35849891]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.69887632]
 [-1.1126556 ]
 [ 0.330548  ]]
dot product : [[-0.28618288]
 [-2.17430953]]
result : [[ 0.27692619]
 [-2.36000412]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.27692619]
 [-2.36000412]]
dot product : [[ 1.58634978]
 [-0.05681781]
 [ 1.20458203]]
result : [[ 1.31636651]
 [ 0.09035939]
 [ 1.27687784]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.77227571]
 [-1.11056888]
 [ 0.33315392]]
dot product : [[-0.26734693]
 [-2.22480574]]
result : [[ 0.29576214]
 [-2.41050033]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.29576214]
 [-2.41050033]]
dot product : [[ 1.63698718]
 [-0.06755537]
 [ 1.23787872]]
result : [[ 1.36700391]
 [ 0.07962182]
 [ 1.31017454]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.54721097]
 [-0.10021561]
 [ 1.02011474]]
dot product : [[-0.42904973]
 [-0.61643408]]
result : [[ 0.13405933]
 [-0.80212867]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.13405933]
 [-0.80212867]]
dot product : [[ 0.59081755]
 [-0.04876537]
 [ 0.43268847]]
result : [[ 0.32083428]
 [ 0.09841182]
 [ 0.50498428]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.07819255]
 [-0.50626023]
 [ 0.74308096]]
dot product : [[-0.37949115]
 [-1.21950207]]
result : [[ 0.18361791]
 [-1.40519666]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.18361791]
 [-1.40519666]]
dot product : [[ 0.96876645]
 [-0.04764439]
 [ 0.72814728]]
result : [[ 0.69878318]
 [ 0.0995328 ]
 [ 0.8004431 ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.84039431]
 [-0.40575427]
 [ 0.82778877]]
dot product : [[-0.13120177]
 [-1.80171946]]
result : [[ 0.43190729]
 [-1.98741405]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.43190729]
 [-1.98741405]]
dot product : [[ 1.59284329]
 [-0.19439364]
 [ 1.13018383]]
result : [[ 1.32286001]
 [-0.04721644]
 [ 1.20247964]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.00935906]
 [-0.57188877]
 [ 0.69819556]]
dot product : [[-0.37323713]
 [-1.31204524]]
result : [[ 0.18987194]
 [-1.49773983]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.18987194]
 [-1.49773983]]
dot product : [[ 1.02501732]
 [-0.04647603]
 [ 0.77269946]]
result : [[ 0.75503405]
 [ 0.10070116]
 [ 0.84499528]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.88261408]
 [-0.14319077]
 [ 0.98478939]]
dot product : [[-0.5207673 ]
 [-0.40804653]]
result : [[ 0.04234177]
 [-0.59374112]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.04234177]
 [-0.59374112]]
dot product : [[ 0.36376269]
 [ 0.00586091]
 [ 0.28713091]]
result : [[ 0.09377941]
 [ 0.1530381 ]
 [ 0.35942672]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.81402889]
 [-0.83872816]
 [ 0.49878306]]
dot product : [[-0.62092105]
 [-0.92157593]]
result : [[-0.05781199]
 [-1.10727053]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.05781199]
 [-1.10727053]]
dot product : [[ 0.50151799]
 [ 0.11180446]
 [ 0.45577676]]
result : [[ 0.23153472]
 [ 0.25898165]
 [ 0.52807257]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.80860522]
 [-0.02154802]
 [ 1.07112836]]
dot product : [[-0.48159365]
 [-0.37903757]]
result : [[ 0.08151541]
 [-0.56473216]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.08151541]
 [-0.56473216]]
dot product : [[ 0.39932066]
 [-0.02484249]
 [ 0.29713301]]
result : [[ 0.12933739]
 [ 0.1223347 ]
 [ 0.36942882]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.85373844]
 [-0.0643567 ]
 [ 1.04044617]]
dot product : [[-0.50018647]
 [-0.37575179]]
result : [[ 0.06292259]
 [-0.56144638]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.06292259]
 [-0.56144638]]
dot product : [[ 0.37356815]
 [-0.01133518]
 [ 0.28484706]]
result : [[ 0.10358488]
 [ 0.13584201]
 [ 0.35714287]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.74891835]
 [-0.01094122]
 [ 1.07948694]]
dot product : [[-0.46477242]
 [-0.41414281]]
result : [[ 0.09833665]
 [-0.5998374 ]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.09833665]
 [-0.5998374 ]]
dot product : [[ 0.43934266]
 [-0.03505558]
 [ 0.3224523 ]]
result : [[ 0.16935939]
 [ 0.11212161]
 [ 0.39474812]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.13526893]
 [-0.45208366]
 [ 0.78013005]]
dot product : [[-0.38471786]
 [-1.14292773]]
result : [[ 0.1783912 ]
 [-1.32862232]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.1783912 ]
 [-1.32862232]]
dot product : [[ 0.92215494]
 [-0.0485729 ]
 [ 0.69125262]]
result : [[ 0.65217167]
 [ 0.09860429]
 [ 0.76354843]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.10523791]
 [-0.6806234 ]
 [ 0.62383717]]
dot product : [[-0.36273625]
 [-1.46576303]]
result : [[ 0.20037282]
 [-1.65145762]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.20037282]
 [-1.65145762]]
dot product : [[ 1.1185979 ]
 [-0.04461846]
 [ 0.84676802]]
result : [[ 0.84861463]
 [ 0.10255873]
 [ 0.91906383]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.84992859]
 [-0.05851777]
 [ 1.04459451]]
dot product : [[-0.4982413]
 [-0.3745413]]
result : [[ 0.06486776]
 [-0.56023589]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.06486776]
 [-0.56023589]]
dot product : [[ 0.37545346]
 [-0.01284539]
 [ 0.28544536]]
result : [[ 0.10547019]
 [ 0.1343318 ]
 [ 0.35774118]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.85862676]
 [-1.01494338]
 [ 0.40146581]]
dot product : [[-0.22945763]
 [-2.22191771]]
result : [[ 0.33365143]
 [-2.4076123 ]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.33365143]
 [-2.4076123 ]]
dot product : [[ 1.6844789 ]
 [-0.09567985]
 [ 1.25867906]]
result : [[ 1.41449563]
 [ 0.05149734]
 [ 1.33097488]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.7804745 ]
 [-0.01245835]
 [ 1.07793242]]
dot product : [[-0.47297512]
 [-0.39284782]]
result : [[ 0.09013395]
 [-0.57854242]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.09013395]
 [-0.57854242]]
dot product : [[ 0.41765283]
 [-0.03033615]
 [ 0.30825951]]
result : [[ 0.14766955]
 [ 0.11684104]
 [ 0.38055533]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.88051691]
 [-0.46227744]
 [ 0.76136981]]
dot product : [[-0.57410944]
 [-0.6228729 ]]
result : [[-0.01100038]
 [-0.8085675 ]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.01100038]
 [-0.8085675 ]]
dot product : [[ 0.40659136]
 [ 0.05862115]
 [ 0.35101268]]
result : [[ 0.13660809]
 [ 0.20579834]
 [ 0.42330849]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.89171727]
 [-0.33735345]
 [ 0.84867781]]
dot product : [[-0.55583948]
 [-0.53142944]]
result : [[ 0.00726958]
 [-0.71712403]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.00726958]
 [-0.71712403]]
dot product : [[ 0.3826249 ]
 [ 0.03943458]
 [ 0.32123603]]
result : [[ 0.11264163]
 [ 0.18661177]
 [ 0.39353184]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.6280486 ]
 [-1.08977712]
 [ 0.34546499]]
dot product : [[-0.30015644]
 [-2.10893949]]
result : [[ 0.26295263]
 [-2.29463408]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.26295263]
 [-2.29463408]]
dot product : [[ 1.53425892]
 [-0.05059546]
 [ 1.16754362]]
result : [[ 1.26427565]
 [ 0.09658173]
 [ 1.23983944]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.60251976]
 [-1.07776145]
 [ 0.35348131]]
dot product : [[-0.30455662]
 [-2.08285751]]
result : [[ 0.25855244]
 [-2.2685521 ]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.25855244]
 [-2.2685521 ]]
dot product : [[ 1.51499475]
 [-0.04897948]
 [ 1.15345038]]
result : [[ 1.24501148]
 [ 0.09819771]
 [ 1.2257462 ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.06673768]
 [-0.51717072]
 [ 0.73561912]]
dot product : [[-0.37844853]
 [-1.23489519]]
result : [[ 0.18466053]
 [-1.42058979]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.18466053]
 [-1.42058979]]
dot product : [[ 0.97812597]
 [-0.04745179]
 [ 0.73555923]]
result : [[ 0.7081427 ]
 [ 0.0997254 ]
 [ 0.80785504]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.89356616]
 [-0.27608096]
 [ 0.89155731]]
dot product : [[-0.54596066]
 [-0.48915507]]
result : [[ 0.01714841]
 [-0.67484967]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.01714841]
 [-0.67484967]]
dot product : [[ 0.3733977 ]
 [ 0.02950804]
 [ 0.30830501]]
result : [[ 0.10341443]
 [ 0.17668523]
 [ 0.38060082]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.53025033]
 [-1.03611129]
 [ 0.38152138]]
dot product : [[-0.31572408]
 [-2.00391734]]
result : [[ 0.24738498]
 [-2.18961194]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.24738498]
 [-2.18961194]]
dot product : [[ 1.45946995]
 [-0.04567436]
 [ 1.11204842]]
result : [[ 1.18948668]
 [ 0.10150283]
 [ 1.18434423]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.82561786]
 [-0.78438004]
 [ 0.53666163]]
dot product : [[-0.61466402]
 [-0.87704528]]
result : [[-0.05155496]
 [-1.06273987]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.05155496]
 [-1.06273987]]
dot product : [[ 0.48643316]
 [ 0.10440812]
 [ 0.43973804]]
result : [[ 0.21644989]
 [ 0.25158531]
 [ 0.51203386]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.80028279]
 [-1.09741885]
 [ 0.34279947]]
dot product : [[-0.25807403]
 [-2.23581378]]
result : [[ 0.30503504]
 [-2.42150838]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.30503504]
 [-2.42150838]]
dot product : [[ 1.6547071 ]
 [-0.07370668]
 [ 1.24814781]]
result : [[ 1.38472383]
 [ 0.07347051]
 [ 1.32044362]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.79214976]
 [-0.01515875]
 [ 1.0758593 ]]
dot product : [[-0.47637111]
 [-0.38639922]]
result : [[ 0.08673795]
 [-0.57209382]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.08673795]
 [-0.57209382]]
dot product : [[ 0.4099053 ]
 [-0.02823435]
 [ 0.3034302 ]]
result : [[ 0.13992203]
 [ 0.11894284]
 [ 0.37572602]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.2918166 ]
 [-0.30711228]
 [ 0.87921038]]
dot product : [[-0.39966517]
 [-0.93532375]]
result : [[ 0.16344389]
 [-1.12101834]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.16344389]
 [-1.12101834]]
dot product : [[ 0.79477979]
 [-0.05051721]
 [ 0.5907732 ]]
result : [[ 0.52479652]
 [ 0.09665998]
 [ 0.66306902]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.86565678]
 [-0.57043228]
 [ 0.71286083]]
dot product : [[-0.1526421]
 [-1.9296843]]
result : [[ 0.41046696]
 [-2.11537889]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.41046696]
 [-2.11537889]]
dot product : [[ 1.63171755]
 [-0.1705875 ]
 [ 1.17425725]]
result : [[ 1.36173428]
 [-0.02341031]
 [ 1.24655306]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.82464401]
 [-1.07597374]
 [ 0.3581971 ]]
dot product : [[-0.24831881]
 [-2.23869816]]
result : [[ 0.31479025]
 [-2.42439275]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.31479025]
 [-2.42439275]]
dot product : [[ 1.66882277]
 [-0.08072116]
 [ 1.2551069 ]]
result : [[ 1.3988395 ]
 [ 0.06645603]
 [ 1.32740272]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.81380157]
 [-0.02431671]
 [ 1.06910845]]
dot product : [[-0.48336964]
 [-0.37721506]]
result : [[ 0.07973942]
 [-0.56290965]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.07973942]
 [-0.56290965]]
dot product : [[ 0.39607561]
 [-0.02364651]
 [ 0.29529256]]
result : [[ 0.12609233]
 [ 0.12353068]
 [ 0.36758837]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.78638149]
 [-0.01365519]
 [ 1.07700217]]
dot product : [[-0.47466469]
 [-0.38947195]]
result : [[ 0.08844437]
 [-0.57516654]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.08844437]
 [-0.57516654]]
dot product : [[ 0.41371107]
 [-0.02930093]
 [ 0.30578276]]
result : [[ 0.1437278 ]
 [ 0.11787626]
 [ 0.37807858]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.7843778 ]
 [-0.12539678]
 [ 1.02324597]]
dot product : [[-0.09797627]
 [-1.57466816]]
result : [[ 0.4651328 ]
 [-1.76036276]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.4651328 ]
 [-1.76036276]]
dot product : [[ 1.5176393 ]
 [-0.23308112]
 [ 1.04917673]]
result : [[ 1.24765603]
 [-0.08590393]
 [ 1.12147254]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.87575982]
 [-0.11553038]
 [ 1.00426649]]
dot product : [[-0.51437143]
 [-0.39439837]]
result : [[ 0.04873763]
 [-0.58009296]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.04873763]
 [-0.58009296]]
dot product : [[  3.64930068e-01]
 [  2.91284539e-04]
 [  2.84824504e-01]]
result : [[ 0.0949468 ]
 [ 0.14746848]
 [ 0.35712032]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.88312251]
 [-0.87095692]
 [ 0.50267967]]
dot product : [[-0.19898032]
 [-2.14296512]]
result : [[ 0.36412874]
 [-2.32865971]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.36412874]
 [-2.32865971]]
dot product : [[ 1.68279864]
 [-0.12308933]
 [ 1.24153679]]
result : [[ 1.41281537]
 [ 0.02408786]
 [ 1.31383261]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.87806208]
 [-0.48202356]
 [ 0.74758014]]
dot product : [[-0.57682493]
 [-0.6378108 ]]
result : [[-0.01371586]
 [-0.8235054 ]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.01371586]
 [-0.8235054 ]]
dot product : [[ 0.41085433]
 [ 0.06155699]
 [ 0.35603365]]
result : [[ 0.14087106]
 [ 0.20873418]
 [ 0.42832947]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.22549134]
 [-0.36763205]
 [ 0.83786346]]
dot product : [[-0.39318028]
 [-1.02267791]]
result : [[ 0.16992878]
 [-1.2083725 ]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.16992878]
 [-1.2083725 ]]
dot product : [[ 0.84862858]
 [-0.04984326]
 [ 0.63316613]]
result : [[ 0.57864531]
 [ 0.09733393]
 [ 0.70546194]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.86937796]
 [-0.5441958 ]
 [ 0.70417715]]
dot product : [[-0.58513438]
 [-0.68551907]]
result : [[-0.02202532]
 [-0.87121367]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.02202532]
 [-0.87121367]]
dot product : [[ 0.42493894]
 [ 0.07066553]
 [ 0.37228112]]
result : [[ 0.15495567]
 [ 0.21784272]
 [ 0.44457694]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.84136483]
 [-1.05252402]
 [ 0.37487938]]
dot product : [[-0.24014919]
 [-2.23484068]]
result : [[ 0.32295987]
 [-2.42053527]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.32295987]
 [-2.42053527]]
dot product : [[ 1.67737932]
 [-0.08698738]
 [ 1.25816193]]
result : [[ 1.40739605]
 [ 0.06018981]
 [ 1.33045774]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.87031495]
 [-0.09903159]
 [ 1.01590529]]
dot product : [[-0.51021486]
 [-0.38721653]]
result : [[ 0.05289421]
 [-0.57291112]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.05289421]
 [-0.57291112]]
dot product : [[ 0.36656719]
 [-0.00322289]
 [ 0.28407173]]
result : [[ 0.09658392]
 [ 0.1439543 ]
 [ 0.35636754]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.22934215]
 [-0.7953239 ]
 [ 0.54544921]]
dot product : [[-0.35084842]
 [-1.63019103]]
result : [[ 0.21226065]
 [-1.81588562]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.21226065]
 [-1.81588562]]
dot product : [[ 1.21954605]
 [-0.04311476]
 [ 0.92637909]]
result : [[ 0.94956278]
 [ 0.10406243]
 [ 0.9986749 ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.74221482]
 [-0.01150444]
 [ 1.07919707]]
dot product : [[-0.4631794]
 [-0.4192586]]
result : [[ 0.09992966]
 [-0.6049532 ]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.09992966]
 [-0.6049532 ]]
dot product : [[ 0.44406509]
 [-0.0359109 ]
 [ 0.32564191]]
result : [[ 0.17408182]
 [ 0.1112663 ]
 [ 0.39793773]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.51130396]
 [-1.02368072]
 [ 0.38993089]]
dot product : [[-0.3183966 ]
 [-1.98221159]]
result : [[ 0.24471246]
 [-2.16790619]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.24471246]
 [-2.16790619]]
dot product : [[ 1.44471742]
 [-0.0450592 ]
 [ 1.10089633]]
result : [[ 1.17473415]
 [ 0.10211799]
 [ 1.17319214]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.04380197]
 [-0.53903629]
 [ 0.72066461]]
dot product : [[-0.37636428]
 [-1.26572961]]
result : [[ 0.18674479]
 [-1.4514242 ]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.18674479]
 [-1.4514242 ]]
dot product : [[ 0.99686878]
 [-0.04706286]
 [ 0.75040382]]
result : [[ 0.72688551]
 [ 0.10011433]
 [ 0.82269964]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.83105005]
 [-0.75801209]
 [ 0.55504205]]
dot product : [[-0.61158037]
 [-0.85557505]]
result : [[-0.0484713 ]
 [-1.04126965]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.0484713 ]
 [-1.04126965]]
dot product : [[ 0.47924654]
 [ 0.10079271]
 [ 0.43204402]]
result : [[ 0.20926327]
 [ 0.2479699 ]
 [ 0.50433983]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.6841651 ]
 [-0.02576757]
 [ 1.07011403]]
dot product : [[-0.45096914]
 [-0.46983464]]
result : [[ 0.11213993]
 [-0.65552924]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.11213993]
 [-0.65552924]]
dot product : [[ 0.48617635]
 [-0.0417569 ]
 [ 0.3551133 ]]
result : [[ 0.21619307]
 [ 0.10542029]
 [ 0.42740911]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.19185916]
 [-0.39888405]
 [ 0.81650256]]
dot product : [[-0.38998709]
 [-1.06735029]]
result : [[ 0.17312198]
 [-1.25304488]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.17312198]
 [-1.25304488]]
dot product : [[ 0.87600729]
 [-0.04940778]
 [ 0.65477386]]
result : [[ 0.60602402]
 [ 0.09776941]
 [ 0.72706967]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.54885873]
 [-1.04776523]
 [ 0.37365046]]
dot product : [[-0.31300555]
 [-2.0248649 ]]
result : [[ 0.25010351]
 [-2.21055949]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.25010351]
 [-2.21055949]]
dot product : [[ 1.47388736]
 [-0.04637081]
 [ 1.12289216]]
result : [[ 1.20390409]
 [ 0.10080638]
 [ 1.19518798]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.88923054]
 [-0.18566798]
 [ 0.95493997]]
dot product : [[-0.52960475]
 [-0.43176945]]
result : [[ 0.03350431]
 [-0.61746404]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.03350431]
 [-0.61746404]]
dot product : [[ 0.36468145]
 [ 0.01386058]
 [ 0.29246815]]
result : [[ 0.09469818]
 [ 0.16103777]
 [ 0.36476397]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.58500707]
 [-1.0686209 ]
 [ 0.35960921]]
dot product : [[-0.30742356]
 [-2.06436507]]
result : [[ 0.25568551]
 [-2.25005966]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.25568551]
 [-2.25005966]]
dot product : [[ 1.50166319]
 [-0.04802021]
 [ 1.14360544]]
result : [[ 1.23167992]
 [ 0.09915698]
 [ 1.21590125]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.0896365]
 [-0.4953697]
 [ 0.750529 ]]
dot product : [[-0.38053439]
 [-1.20413001]]
result : [[ 0.18257467]
 [-1.38982461]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.18257467]
 [-1.38982461]]
dot product : [[ 0.95941711]
 [-0.04783521]
 [ 0.7207443 ]]
result : [[ 0.68943384]
 [ 0.09934198]
 [ 0.79304011]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.8800997 ]
 [-0.71060845]
 [ 0.6149225 ]]
dot product : [[-0.17267048]
 [-2.03361789]]
result : [[ 0.39043858]
 [-2.21931249]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.39043858]
 [-2.21931249]]
dot product : [[ 1.65991063]
 [-0.14932385]
 [ 1.2085305 ]]
result : [[ 1.38992736]
 [-0.00214666]
 [ 1.28082631]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.73538449]
 [-0.01234762]
 [ 1.07871312]]
dot product : [[-0.46160172]
 [-0.42465122]]
result : [[ 0.10150735]
 [-0.61034581]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.10150735]
 [-0.61034581]]
dot product : [[ 0.44891177]
 [-0.03673761]
 [ 0.32894495]]
result : [[ 0.1789285 ]
 [ 0.11043958]
 [ 0.40124077]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.8261106 ]
 [-0.32735242]
 [ 0.88246983]]
dot product : [[-0.12156244]
 [-1.73920119]]
result : [[ 0.44154663]
 [-1.92489578]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.44154663]
 [-1.92489578]]
dot product : [[ 1.57277054]
 [-0.20540811]
 [ 1.10816457]]
result : [[ 1.30278727]
 [-0.05823092]
 [ 1.18046039]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.78390241]
 [-1.10627369]
 [ 0.3363431 ]]
dot product : [[-0.26369391]
 [-2.23015371]]
result : [[ 0.29941515]
 [-2.4158483 ]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.29941515]
 [-2.4158483 ]]
dot product : [[ 1.64449424]
 [-0.06991547]
 [ 1.24237126]]
result : [[ 1.37451097]
 [ 0.07726172]
 [ 1.31466708]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.77815857]
 [-1.10857954]
 [ 0.33463877]]
dot product : [[-0.26552963]
 [-2.22763467]]
result : [[ 0.29757943]
 [-2.41332927]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.29757943]
 [-2.41332927]]
dot product : [[ 1.64080944]
 [-0.06871895]
 [ 1.24018812]]
result : [[ 1.37082617]
 [ 0.07845824]
 [ 1.31248393]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.76625553]
 [-1.11224554]
 [ 0.33188589]]
dot product : [[-0.26914601]
 [-2.22167066]]
result : [[ 0.29396305]
 [-2.40736526]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.29396305]
 [-2.40736526]]
dot product : [[ 1.63302914]
 [-0.06642435]
 [ 1.23544461]]
result : [[ 1.36304587]
 [ 0.08075284]
 [ 1.30774042]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.6015206 ]
 [-0.06581055]
 [ 1.04336123]]
dot product : [[-0.43691767]
 [-0.55503513]]
result : [[ 0.1261914 ]
 [-0.74072973]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.1261914 ]
 [-0.74072973]]
dot product : [[ 0.54868864]
 [-0.04679798]
 [ 0.40096303]]
result : [[ 0.27870537]
 [ 0.10037921]
 [ 0.47325885]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.84182799]
 [-0.0479054 ]
 [ 1.05215254]]
dot product : [[-0.49440973]
 [-0.3731727 ]]
result : [[ 0.06869933]
 [-0.55886729]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.06869933]
 [-0.55886729]]
dot product : [[ 0.37969579]
 [-0.01575674]
 [ 0.28707292]]
result : [[ 0.10971252]
 [ 0.13142045]
 [ 0.35936874]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.85618893]
 [-0.50293269]
 [ 0.75998228]]
dot product : [[-0.14363061]
 [-1.87786005]]
result : [[ 0.41947846]
 [-2.06355464]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.41947846]
 [-2.06355464]]
dot product : [[ 1.6163986 ]
 [-0.18047092]
 [ 1.15659939]]
result : [[ 1.34641533]
 [-0.03329372]
 [ 1.2288952 ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.87867669]
 [-0.69203369]
 [ 0.62790797]]
dot product : [[-0.16989292]
 [-2.02019264]]
result : [[ 0.39321615]
 [-2.20588724]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.39321615]
 [-2.20588724]]
dot product : [[ 1.65651519]
 [-0.15221098]
 [ 1.20421436]]
result : [[ 1.38653192]
 [-0.00503379]
 [ 1.27651017]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.51887351]
 [-0.1200104 ]
 [ 1.00669461]]
dot product : [[-0.42525559]
 [-0.64970285]]
result : [[ 0.13785348]
 [-0.83539744]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.13785348]
 [-0.83539744]]
dot product : [[ 0.61303838]
 [-0.04948545]
 [ 0.44960546]]
result : [[ 0.34305511]
 [ 0.09769174]
 [ 0.52190128]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.09382361]
 [-0.66987231]
 [ 0.63118801]]
dot product : [[-0.36379556]
 [-1.45050517]]
result : [[ 0.1993135 ]
 [-1.63619977]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.1993135 ]
 [-1.63619977]]
dot product : [[ 1.1092872 ]
 [-0.04479029]
 [ 0.83940614]]
result : [[ 0.83930393]
 [ 0.1023869 ]
 [ 0.91170196]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.80786871]
 [-0.86671599]
 [ 0.47927961]]
dot product : [[-0.62409486]
 [-0.94464388]]
result : [[-0.0609858 ]
 [-1.13033848]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.0609858 ]
 [-1.13033848]]
dot product : [[ 0.50941956]
 [ 0.11558618]
 [ 0.46412452]]
result : [[ 0.23943628]
 [ 0.26276337]
 [ 0.53642033]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.72041262]
 [-1.11554813]
 [ 0.32885824]]
dot product : [[-0.28124788]
 [-2.19146908]]
result : [[ 0.28186119]
 [-2.37716367]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.28186119]
 [-2.37716367]]
dot product : [[ 1.60166187]
 [-0.05938557]
 [ 1.21504278]]
result : [[ 1.3316786 ]
 [ 0.08779162]
 [ 1.28733859]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.84514637]
 [-1.04575562]
 [ 0.37967818]]
dot product : [[-0.23805423]
 [-2.23298872]]
result : [[ 0.32505484]
 [-2.41868332]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.32505484]
 [-2.41868332]]
dot product : [[ 1.67912449]
 [-0.08864814]
 [ 1.25856396]]
result : [[ 1.40914122]
 [ 0.05852905]
 [ 1.33085977]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.42222839]
 [-0.95895256]
 [ 0.43387011]]
dot product : [[-0.32990006]
 [-1.8759598 ]]
result : [[ 0.233209 ]
 [-2.0616544]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.233209 ]
 [-2.0616544]]
dot product : [[ 1.3745439 ]
 [-0.04321233]
 [ 1.04722565]]
result : [[ 1.10456063]
 [ 0.10396486]
 [ 1.11952147]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.83309753]
 [-0.03868815]
 [ 1.0587434 ]]
dot product : [[-0.49065509]
 [-0.37318218]]
result : [[ 0.07245398]
 [-0.55887677]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.07245398]
 [-0.55887677]]
dot product : [[ 0.38455587]
 [-0.01852527]
 [ 0.28926484]]
result : [[ 0.1145726 ]
 [ 0.12865192]
 [ 0.36156065]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.80326333]
 [-0.01910134]
 [ 1.07292504]]
dot product : [[-0.47983538]
 [-0.38117827]]
result : [[ 0.08327368]
 [-0.56687287]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.08327368]
 [-0.56687287]]
dot product : [[ 0.40270842]
 [-0.02600553]
 [ 0.29910379]]
result : [[ 0.13272515]
 [ 0.12117167]
 [ 0.3713996 ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.53959763]
 [-1.04203725]
 [ 0.37751727]]
dot product : [[-0.31437068]
 [-2.01448777]]
result : [[ 0.24873839]
 [-2.20018237]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.24873839]
 [-2.20018237]]
dot product : [[ 1.46672138]
 [-0.04601223]
 [ 1.1175096 ]]
result : [[ 1.19673811]
 [ 0.10116496]
 [ 1.18980542]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.65236982]
 [-0.03900642]
 [ 1.06133886]]
dot product : [[-0.44519742]
 [-0.50116464]]
result : [[ 0.11791164]
 [-0.68685924]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.11791164]
 [-0.68685924]]
dot product : [[ 0.50994536]
 [-0.04405659]
 [ 0.37232554]]
result : [[ 0.23996208]
 [ 0.1031206 ]
 [ 0.44462136]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.20310013]
 [-0.38840343]
 [ 0.82366671]]
dot product : [[-0.39104841]
 [-1.0523958 ]]
result : [[ 0.17206065]
 [-1.23809039]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.17206065]
 [-1.23809039]]
dot product : [[ 0.86685187]
 [-0.04955918]
 [ 0.64754491]]
result : [[ 0.5968686 ]
 [ 0.09761801]
 [ 0.71984073]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.52081854]
 [-1.02999117]
 [ 0.38566014]]
dot product : [[-0.31706599]
 [-1.99315736]]
result : [[ 0.24604308]
 [-2.17885196]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.24604308]
 [-2.17885196]]
dot product : [[ 1.45213473]
 [-0.04535681]
 [ 1.10651015]]
result : [[ 1.18215146]
 [ 0.10182038]
 [ 1.17880596]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.61887301]
 [-0.05599051]
 [ 1.04996748]]
dot product : [[-0.43962952]
 [-0.53620169]]
result : [[ 0.12347955]
 [-0.72189628]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.12347955]
 [-0.72189628]]
dot product : [[ 0.53538014]
 [-0.04597439]
 [ 0.39105771]]
result : [[ 0.26539687]
 [ 0.1012028 ]
 [ 0.46335352]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.03656671]
 [-0.6156325 ]
 [ 0.66827857]]
dot product : [[-0.36905706]
 [-1.37376092]]
result : [[ 0.19405201]
 [-1.55945552]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.19405201]
 [-1.55945552]]
dot product : [[ 1.06254228]
 [-0.04570376]
 [ 0.8024161 ]]
result : [[ 0.79255901]
 [ 0.10147343]
 [ 0.87471192]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.72842907]
 [-0.01346693]
 [ 1.07803774]]
dot product : [[-0.46003915]
 [-0.43031689]]
result : [[ 0.10306991]
 [-0.61601149]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.10306991]
 [-0.61601149]]
dot product : [[ 0.45388101]
 [-0.03753612]
 [ 0.33235989]]
result : [[ 0.18389774]
 [ 0.10964107]
 [ 0.40465571]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.44252695]
 [-0.97449941]
 [ 0.42329939]]
dot product : [[-0.32741314]
 [-1.90070509]]
result : [[ 0.23569593]
 [-2.08639968]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.23569593]
 [-2.08639968]]
dot product : [[ 1.39063835]
 [-0.04350074]
 [ 1.05961321]]
result : [[ 1.12065507]
 [ 0.10367645]
 [ 1.13190902]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.87886468]
 [-0.92270113]
 [ 0.46637747]]
dot product : [[-0.20878833]
 [-2.17455151]]
result : [[ 0.35432073]
 [-2.36024611]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.35432073]
 [-2.36024611]]
dot product : [[ 1.68655489]
 [-0.11388265]
 [ 1.24978453]]
result : [[ 1.41657162]
 [ 0.03329454]
 [ 1.32208034]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.69183527]
 [-0.02307173]
 [ 1.07188228]]
dot product : [[-0.45244553]
 [-0.46260958]]
result : [[ 0.11066353]
 [-0.64830417]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.11066353]
 [-0.64830417]]
dot product : [[ 0.48050695]
 [-0.04111935]
 [ 0.35105925]]
result : [[ 0.21052368]
 [ 0.10605784]
 [ 0.42335507]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.79496623]
 [-1.10069716]
 [ 0.3404208 ]]
dot product : [[-0.25996633]
 [-2.23424702]]
result : [[ 0.30314274]
 [-2.41994162]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.30314274]
 [-2.41994162]]
dot product : [[ 1.65144475]
 [-0.07240894]
 [ 1.24635264]]
result : [[ 1.38146147]
 [ 0.07476825]
 [ 1.31864846]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.57477534]
 [-0.08211458]
 [ 1.03236081]]
dot product : [[-0.43293514]
 [-0.58484432]]
result : [[ 0.13017392]
 [-0.77053892]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.13017392]
 [-0.77053892]]
dot product : [[ 0.56935254]
 [-0.0478731 ]
 [ 0.4164605 ]]
result : [[ 0.29936927]
 [ 0.09930409]
 [ 0.48875631]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.87249431]
 [-0.52297891]
 [ 0.71898646]]
dot product : [[-0.58233718]
 [-0.66913013]]
result : [[-0.01922811]
 [-0.85482472]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.01922811]
 [-0.85482472]]
dot product : [[ 0.42002645]
 [ 0.06757878]
 [ 0.36666634]]
result : [[ 0.15004317]
 [ 0.21475597]
 [ 0.43896215]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.88454188]
 [-0.15320278]
 [ 0.97774804]]
dot product : [[-0.52294305]
 [-0.41337773]]
result : [[ 0.04016601]
 [-0.59907233]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.04016601]
 [-0.59907233]]
dot product : [[ 0.36372381]
 [ 0.00779859]
 [ 0.28821978]]
result : [[ 0.09374054]
 [ 0.15497578]
 [ 0.3605156 ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.88410719]
 [-0.84248988]
 [ 0.52263013]]
dot product : [[-0.19392637]
 [-2.12462799]]
result : [[ 0.3691827 ]
 [-2.31032259]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.3691827 ]
 [-2.31032259]]
dot product : [[ 1.67979044]
 [-0.12796217]
 [ 1.23637577]]
result : [[ 1.40980717]
 [ 0.01921503]
 [ 1.30867159]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.36720003]
 [-0.24077752]
 [ 0.9244882 ]]
dot product : [[-0.4074494 ]
 [-0.83767776]]
result : [[ 0.15565967]
 [-1.02337235]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.15565967]
 [-1.02337235]]
dot product : [[ 0.73389449]
 [-0.05087577]
 [ 0.54307376]]
result : [[ 0.46391121]
 [ 0.09630142]
 [ 0.61536957]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.86603769]
 [-0.56591058]
 [ 0.68902265]]
dot product : [[-0.58795925]
 [-0.70239922]]
result : [[-0.02485019]
 [-0.88809381]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.02485019]
 [-0.88809381]]
dot product : [[ 0.4300713 ]
 [ 0.07380336]
 [ 0.37809692]]
result : [[ 0.16008803]
 [ 0.22098055]
 [ 0.45039273]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.33854048]
 [-0.89098712]
 [ 0.48016037]]
dot product : [[-0.33950024]
 [-1.77135248]]
result : [[ 0.22360882]
 [-1.95704708]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.22360882]
 [-1.95704708]]
dot product : [[ 1.30768738]
 [-0.04266643]
 [ 0.99539089]]
result : [[ 1.03770411]
 [ 0.10451076]
 [ 1.0676867 ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.58378371]
 [-0.07647514]
 [ 1.03616955]]
dot product : [[-0.43425157]
 [-0.57470507]]
result : [[ 0.12885749]
 [-0.76039966]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.12885749]
 [-0.76039966]]
dot product : [[ 0.56237332]
 [-0.04753557]
 [ 0.41121146]]
result : [[ 0.29239005]
 [ 0.09964162]
 [ 0.48350728]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.77334271]
 [-1.01494568]
 [ 0.37601468]]
dot product : [[-0.64042551]
 [-1.06816032]]
result : [[-0.07731644]
 [-1.25385491]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.07731644]
 [-1.25385491]]
dot product : [[ 0.55258601]
 [ 0.13534595]
 [ 0.50920881]]
result : [[ 0.28260274]
 [ 0.28252314]
 [ 0.58150462]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.81885068]
 [-0.02741125]
 [ 1.06686264]]
dot product : [[-0.48516357]
 [-0.3757145 ]]
result : [[ 0.0779455]
 [-0.5614091]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.0779455]
 [-0.5614091]]
dot product : [[ 0.39297492]
 [-0.02241719]
 [ 0.29358398]]
result : [[ 0.12299165]
 [ 0.12476   ]
 [ 0.3658798 ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.40909873]
 [-0.20541402]
 [ 0.94859942]]
dot product : [[-0.41203016]
 [-0.78441219]]
result : [[ 0.1510789 ]
 [-0.97010679]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.1510789 ]
 [-0.97010679]]
dot product : [[ 0.70024921]
 [-0.05082467]
 [ 0.51685896]]
result : [[ 0.43026594]
 [ 0.09635252]
 [ 0.58915478]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.21431142]
 [-0.37798482]
 [ 0.8307879 ]]
dot product : [[-0.39211274]
 [-1.03750375]]
result : [[ 0.17099632]
 [-1.22319835]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.17099632]
 [-1.22319835]]
dot product : [[ 0.85772508]
 [-0.04970447]
 [ 0.64034182]]
result : [[ 0.58774181]
 [ 0.09747272]
 [ 0.71263764]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.13937598]
 [-0.71261405]
 [ 0.60196689]]
dot product : [[-0.35954036]
 [-1.51128692]]
result : [[ 0.2035687 ]
 [-1.69698152]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.2035687 ]
 [-1.69698152]]
dot product : [[ 1.14642325]
 [-0.04413178]
 [ 0.86875372]]
result : [[ 0.87643998]
 [ 0.10304541]
 [ 0.94104953]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.82007365]
 [-1.08094931]
 [ 0.3546415 ]]
dot product : [[-0.25030974]
 [-2.23879374]]
result : [[ 0.31279933]
 [-2.42448834]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.31279933]
 [-2.42448834]]
dot product : [[ 1.66629804]
 [-0.07924685]
 [ 1.2539891 ]]
result : [[ 1.39631477]
 [ 0.06793034]
 [ 1.32628492]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.88628836]
 [-0.1636171 ]
 [ 0.97042779]]
dot product : [[-0.52514107]
 [-0.41910611]]
result : [[ 0.03796799]
 [-0.60480071]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.03796799]
 [-0.60480071]]
dot product : [[ 0.36386287]
 [ 0.0097775 ]
 [ 0.28947126]]
result : [[ 0.09387959]
 [ 0.15695469]
 [ 0.36176707]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.82087594]
 [-0.30014702]
 [ 0.90143979]]
dot product : [[-0.11828765]
 [-1.71731069]]
result : [[ 0.44482141]
 [-1.90300529]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.44482141]
 [-1.90300529]]
dot product : [[ 1.56561235]
 [-0.20919074]
 [ 1.10039613]]
result : [[ 1.29562908]
 [-0.06201355]
 [ 1.17269195]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.85221913]
 [-1.03110487]
 [ 0.39004821]]
dot product : [[-0.23379971]
 [-2.22819337]]
result : [[ 0.32930935]
 [-2.41388797]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.32930935]
 [-2.41388797]]
dot product : [[ 1.6821303 ]
 [-0.09208547]
 [ 1.25892318]]
result : [[ 1.41214703]
 [ 0.05509172]
 [ 1.331219  ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.17332101]
 [-0.74413054]
 [ 0.58042565]]
dot product : [[-0.35631304]
 [-1.55635731]]
result : [[ 0.20679603]
 [-1.74205191]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.20679603]
 [-1.74205191]]
dot product : [[ 1.17405324]
 [-0.04369661]
 [ 0.89055728]]
result : [[ 0.90406997]
 [ 0.10348058]
 [ 0.96285309]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.83331994]
 [-1.06496602]
 [ 0.36604096]]
dot product : [[-0.24427562]
 [-2.23747197]]
result : [[ 0.31883345]
 [-2.42316656]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.31883345]
 [-2.42316656]]
dot product : [[ 1.67341287]
 [-0.08377969]
 [ 1.25692072]]
result : [[ 1.4034296 ]
 [ 0.0633975 ]
 [ 1.32921654]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.88371996]
 [-0.780213  ]
 [ 0.56623579]]
dot product : [[-0.1835099 ]
 [-2.08271544]]
result : [[ 0.37959916]
 [-2.26841003]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.37959916]
 [-2.26841003]]
dot product : [[ 1.67144678]
 [-0.13826263]
 [ 1.22391795]]
result : [[ 1.40146351]
 [ 0.00891456]
 [ 1.29621377]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.08239468]
 [-0.65908384]
 [ 0.63856482]]
dot product : [[-0.36485225]
 [-1.43521197]]
result : [[ 0.19825681]
 [-1.62090656]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.19825681]
 [-1.62090656]]
dot product : [[ 1.0999615 ]
 [-0.04496627]
 [ 0.83203017]]
result : [[ 0.82997823]
 [ 0.10221092]
 [ 0.90432599]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.87372259]
 [-0.95708859]
 [ 0.44221619]]
dot product : [[-0.21588874]
 [-2.19390791]]
result : [[ 0.34722032]
 [-2.3796025 ]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.34722032]
 [-2.3796025 ]]
dot product : [[ 1.68744729]
 [-0.10743684]
 [ 1.2542037 ]]
result : [[ 1.41746402]
 [ 0.03974035]
 [ 1.32649952]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.5761078 ]
 [-1.06372307]
 [ 0.36290032]]
dot product : [[-0.30883771]
 [-2.0547988 ]]
result : [[ 0.25427135]
 [-2.24049339]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.25427135]
 [-2.24049339]]
dot product : [[ 1.4948558 ]
 [-0.04757481]
 [ 1.13855274]]
result : [[ 1.22487253]
 [ 0.09960238]
 [ 1.21084855]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.32782706]
 [-0.8819045 ]
 [ 0.48635374]]
dot product : [[-0.34066474]
 [-1.75770568]]
result : [[ 0.22244432]
 [-1.94340027]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.22244432]
 [-1.94340027]]
dot product : [[ 1.29907913]
 [-0.04266006]
 [ 0.98867988]]
result : [[ 1.02909586]
 [ 0.10451713]
 [ 1.0609757 ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.45000473]
 [-0.17220518]
 [ 0.97121724]]
dot product : [[-0.4167247 ]
 [-0.73328906]]
result : [[ 0.14638436]
 [-0.91898366]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.14638436]
 [-0.91898366]]
dot product : [[ 0.66757184]
 [-0.05055583]
 [ 0.49152493]]
result : [[ 0.39758857]
 [ 0.09662137]
 [ 0.56382074]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.89329364]
 [-0.24810329]
 [ 0.91115396]]
dot product : [[-0.54116866]
 [-0.47064166]]
result : [[ 0.0219404 ]
 [-0.65633625]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.0219404 ]
 [-0.65633625]]
dot product : [[ 0.36995901]
 [ 0.02481739]
 [ 0.30291342]]
result : [[ 0.09997574]
 [ 0.17199458]
 [ 0.37520923]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.84595787]
 [-0.05303528]
 [ 1.04849575]]
dot product : [[-0.49631579]
 [-0.37368286]]
result : [[ 0.06679327]
 [-0.55937745]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.06679327]
 [-0.55937745]]
dot product : [[ 0.37749657]
 [-0.01431912]
 [ 0.28618783]]
result : [[ 0.1075133 ]
 [ 0.13285808]
 [ 0.35848364]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.33519014]
 [-0.26856694]
 [ 0.9055268 ]]
dot product : [[-0.40408016]
 [-0.87888811]]
result : [[ 0.15902891]
 [-1.06458271]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.15902891]
 [-1.06458271]]
dot product : [[ 0.75969904]
 [-0.0507864 ]
 [ 0.5632537 ]]
result : [[ 0.48971577]
 [ 0.09639079]
 [ 0.63554951]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.6839231 ]
 [-1.10936775]
 [ 0.33261725]]
dot product : [[-0.28939337]
 [-2.16153971]]
result : [[ 0.2737157]
 [-2.3472343]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.2737157]
 [-2.3472343]]
dot product : [[ 1.57555228]
 [-0.05524769]
 [ 1.19706655]]
result : [[ 1.305569  ]
 [ 0.0919295 ]
 [ 1.26936236]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.79480844]
 [-0.92433828]
 [ 0.43913113]]
dot product : [[-0.63053415]
 [-0.99240384]]
result : [[-0.06742509]
 [-1.17809843]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.06742509]
 [-1.17809843]]
dot product : [[ 0.52594938]
 [ 0.12331866]
 [ 0.48148453]]
result : [[ 0.25596611]
 [ 0.27049585]
 [ 0.55378034]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.836243  ]
 [-0.73217645]
 [ 0.57305343]]
dot product : [[-0.60852633]
 [-0.83462988]]
result : [[-0.04541727]
 [-1.02032447]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.04541727]
 [-1.02032447]]
dot product : [[ 0.47229489]
 [ 0.09723193]
 [ 0.42456483]]
result : [[ 0.20231162]
 [ 0.24440912]
 [ 0.49686064]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.83742212]
 [-1.05892622]
 [ 0.37033453]]
dot product : [[-0.24222292]
 [-2.23633384]]
result : [[ 0.32088615]
 [-2.42202844]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.32088615]
 [-2.42202844]]
dot product : [[ 1.67547489]
 [-0.08536469]
 [ 1.25761367]]
result : [[ 1.40549162]
 [ 0.0618125 ]
 [ 1.32990949]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.79752477]
 [-0.18586622]
 [ 0.98110502]]
dot product : [[-0.1048744 ]
 [-1.62439304]]
result : [[ 0.45823466]
 [-1.81008764]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.45823466]
 [-1.81008764]]
dot product : [[ 1.53459843]
 [-0.22488749]
 [ 1.06713797]]
result : [[ 1.26461516]
 [-0.0777103 ]
 [ 1.13943378]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.12388573]
 [-0.46285611]
 [ 0.77276375]]
dot product : [[-0.38366999]
 [-1.15817789]]
result : [[ 0.17943908]
 [-1.34387248]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.17943908]
 [-1.34387248]]
dot product : [[ 0.93144684]
 [-0.04839311]
 [ 0.69860442]]
result : [[ 0.66146357]
 [ 0.09878408]
 [ 0.77090024]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.41197964]
 [-0.95094907]
 [ 0.43931503]]
dot product : [[-0.33112973]
 [-1.86336302]]
result : [[ 0.23197933]
 [-2.04905761]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.23197933]
 [-2.04905761]]
dot product : [[ 1.36639786]
 [-0.04309229]
 [ 1.04094083]]
result : [[ 1.09641459]
 [ 0.1040849 ]
 [ 1.11323664]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.80146246]
 [-0.89525142]
 [ 0.45939652]]
dot product : [[-0.62729915]
 [-0.96825193]]
result : [[-0.06419009]
 [-1.15394653]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.06419009]
 [-1.15394653]]
dot product : [[ 0.51756279]
 [ 0.11942411]
 [ 0.47269326]]
result : [[ 0.24757952]
 [ 0.2666013 ]
 [ 0.54498908]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.77023174]
 [-0.06266718]
 [ 1.0669541 ]]
dot product : [[-0.09094816]
 [-1.5227258 ]]
result : [[ 0.4721609 ]
 [-1.70842039]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.4721609 ]
 [-1.70842039]]
dot product : [[ 1.49969416]
 [-0.24150913]
 [ 1.030311  ]]
result : [[ 1.22971089]
 [-0.09433194]
 [ 1.10260682]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.89340573]
 [-0.2907287 ]
 [ 0.88130219]]
dot product : [[-0.54839319]
 [-0.49906208]]
result : [[ 0.01471588]
 [-0.68475668]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.01471588]
 [-0.68475668]]
dot product : [[ 0.37540826]
 [ 0.03192093]
 [ 0.31126698]]
result : [[ 0.10542499]
 [ 0.17909812]
 [ 0.38356279]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.78950553]
 [-1.1036475 ]
 [ 0.33826956]]
dot product : [[-0.26183955]
 [-2.23235908]]
result : [[ 0.30126951]
 [-2.41805367]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.30126951]
 [-2.41805367]]
dot product : [[ 1.6480399 ]
 [-0.07114534]
 [ 1.24442662]]
result : [[ 1.37805663]
 [ 0.07603185]
 [ 1.31672243]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.89074637]
 [-0.35380162]
 [ 0.83717451]]
dot product : [[-0.55837187]
 [-0.54311321]]
result : [[ 0.00473719]
 [-0.7288078 ]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.00473719]
 [-0.7288078 ]]
dot product : [[ 0.38543103]
 [ 0.04203211]
 [ 0.32492522]]
result : [[ 0.11544776]
 [ 0.1892093 ]
 [ 0.39722103]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.89224133]
 [-0.22185723]
 [ 0.92955015]]
dot product : [[-0.53647264]
 [-0.45383731]]
result : [[ 0.02663643]
 [-0.6395319 ]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.02663643]
 [-0.6395319 ]]
dot product : [[ 0.3672857 ]
 [ 0.02030427]
 [ 0.2982214 ]]
result : [[ 0.09730243]
 [ 0.16748146]
 [ 0.37051721]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.65264831]
 [-1.09966686]
 [ 0.33892295]]
dot product : [[-0.29563131]
 [-2.13294318]]
result : [[ 0.26747775]
 [-2.31863778]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.26747775]
 [-2.31863778]]
dot product : [[ 1.55260301]
 [-0.0524334 ]
 [ 1.18079096]]
result : [[ 1.28261974]
 [ 0.09474379]
 [ 1.25308678]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.42968263]
 [-0.18852497]
 [ 0.96010561]]
dot product : [[-0.41436234]
 [-0.75856778]]
result : [[ 0.14874672]
 [-0.94426237]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.14874672]
 [-0.94426237]]
dot product : [[ 0.68378283]
 [-0.05071904]
 [ 0.50407571]]
result : [[ 0.41379956]
 [ 0.09645815]
 [ 0.57637152]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.86836884]
 [-0.59192698]
 [ 0.69785067]]
dot product : [[-0.15558801]
 [-1.94597317]]
result : [[ 0.40752105]
 [-2.13166776]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.40752105]
 [-2.13166776]]
dot product : [[ 1.63638566]
 [-0.16739733]
 [ 1.17974114]]
result : [[ 1.36640239]
 [-0.02022014]
 [ 1.25203696]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.76825116]
 [-0.01096956]
 [ 1.07916561]]
dot product : [[-0.46964565]
 [-0.40049398]]
result : [[ 0.09346341]
 [-0.58618857]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.09346341]
 [-0.58618857]]
dot product : [[ 0.42593758]
 [-0.03231407]
 [ 0.31357943]]
result : [[ 0.15595431]
 [ 0.11486312]
 [ 0.38587524]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.78790495]
 [-0.95398039]
 [ 0.41848079]]
dot product : [[-0.63380006]
 [-1.01710337]]
result : [[-0.070691  ]
 [-1.20279796]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.070691  ]
 [-1.20279796]]
dot product : [[ 0.53458099]
 [ 0.12727022]
 [ 0.49049985]]
result : [[ 0.26459772]
 [ 0.27444741]
 [ 0.56279566]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.82850036]
 [-0.03459315]
 [ 1.06168277]]
dot product : [[-0.48880607]
 [-0.3736943 ]]
result : [[ 0.07430299]
 [-0.5593889 ]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.07430299]
 [-0.5593889 ]]
dot product : [[ 0.38721338]
 [-0.01985696]
 [ 0.29056858]]
result : [[ 0.11723011]
 [ 0.12732023]
 [ 0.3628644 ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.15071471]
 [-0.72317733]
 [ 0.59474638]]
dot product : [[-0.35846837]
 [-1.52636579]]
result : [[ 0.20464069]
 [-1.71206039]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.20464069]
 [-1.71206039]]
dot product : [[ 1.15565719]
 [-0.04398047]
 [ 0.87604386]]
result : [[ 0.88567392]
 [ 0.10319672]
 [ 0.94833967]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.89042284]
 [-0.19731218]
 [ 0.94676709]]
dot product : [[-0.53187085]
 [-0.43871193]]
result : [[ 0.03123822]
 [-0.62440652]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.03123822]
 [-0.62440652]]
dot product : [[ 0.36536434]
 [ 0.01596554]
 [ 0.29421664]]
result : [[ 0.09538107]
 [ 0.16314273]
 [ 0.36651246]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.84876504]
 [-1.03861718]
 [ 0.38473357]]
dot product : [[-0.23593781]
 [-2.23077421]]
result : [[ 0.32717126]
 [-2.4164688 ]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.32717126]
 [-2.4164688 ]]
dot product : [[ 1.6807087 ]
 [-0.09034737]
 [ 1.25881822]]
result : [[ 1.41072543]
 [ 0.05682982]
 [ 1.33111403]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.47996716]
 [-0.14885975]
 [ 0.98709849]]
dot product : [[-0.42032861]
 [-0.6964975 ]]
result : [[ 0.14278046]
 [-0.88219209]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.14278046]
 [-0.88219209]]
dot product : [[ 0.64376358]
 [-0.05019611]
 [ 0.47316155]]
result : [[ 0.37378031]
 [ 0.09698108]
 [ 0.54545737]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.88658559]
 [-0.40591942]
 [ 0.80074197]]
dot product : [[-0.56612295]
 [-0.58090111]]
result : [[-0.00301389]
 [-0.76659571]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.00301389]
 [-0.76659571]]
dot product : [[ 0.39507466]
 [ 0.05010914]
 [ 0.3371128 ]]
result : [[ 0.12509139]
 [ 0.19728633]
 [ 0.40940861]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.55648726]
 [-0.09398864]
 [ 1.02433075]]
dot product : [[-0.43033444]
 [-0.60571259]]
result : [[ 0.13277463]
 [-0.79140718]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.13277463]
 [-0.79140718]]
dot product : [[ 0.58357633]
 [-0.04848761]
 [ 0.42720054]]
result : [[ 0.31359306]
 [ 0.09868958]
 [ 0.49949635]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.89248299]
 [-0.32136112]
 [ 0.85986509]]
dot product : [[-0.55333238]
 [-0.5201955 ]]
result : [[ 0.00977668]
 [-0.7058901 ]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.00977668]
 [-0.7058901 ]]
dot product : [[ 0.38002018]
 [ 0.0368838 ]
 [ 0.31773095]]
result : [[ 0.11003691]
 [ 0.18406099]
 [ 0.39002677]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.86733502]
 [-0.09135316]
 [ 1.02132887]]
dot product : [[-0.50816812]
 [-0.3841894 ]]
result : [[ 0.05494094]
 [-0.569884  ]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.05494094]
 [-0.569884  ]]
dot product : [[ 0.36763837]
 [-0.00492149]
 [ 0.28392618]]
result : [[ 0.0976551 ]
 [ 0.1422557 ]
 [ 0.35622199]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.63635401]
 [-1.09331501]
 [ 0.34311697]]
dot product : [[-0.29866223]
 [-2.11717665]]
result : [[ 0.26444683]
 [-2.30287125]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.26444683]
 [-2.30287125]]
dot product : [[ 1.54047808]
 [-0.05118292]
 [ 1.17205544]]
result : [[ 1.27049481]
 [ 0.09599427]
 [ 1.24435125]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.82906   ]
 [-1.07064725]
 [ 0.36199604]]
dot product : [[-0.24630751]
 [-2.23825882]]
result : [[ 0.31680155]
 [-2.42395341]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.31680155]
 [-2.42395341]]
dot product : [[ 1.67119494]
 [-0.08223198]
 [ 1.25608462]]
result : [[ 1.40121167]
 [ 0.06494521]
 [ 1.32838044]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.73415457]
 [-1.11607237]
 [ 0.32870542]]
dot product : [[-0.27787584]
 [-2.20153478]]
result : [[ 0.28523322]
 [-2.38722938]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.28523322]
 [-2.38722938]]
dot product : [[ 1.61126092]
 [-0.06124374]
 [ 1.22145705]]
result : [[ 1.34127765]
 [ 0.08593345]
 [ 1.29375286]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.16929504]
 [-0.42001607]
 [ 0.80205595]]
dot product : [[-0.38787257]
 [-1.09743154]]
result : [[ 0.1752365 ]
 [-1.28312614]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.1752365 ]
 [-1.28312614]]
dot product : [[ 0.89439726]
 [-0.04908822]
 [ 0.66930316]]
result : [[ 0.62441399]
 [ 0.09808897]
 [ 0.74159897]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.50926384]
 [-0.12696721]
 [ 1.0019727 ]]
dot product : [[-0.42401015]
 [-0.661148  ]]
result : [[ 0.13909892]
 [-0.8468426 ]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.13909892]
 [-0.8468426 ]]
dot product : [[ 0.62060545]
 [-0.04968905]
 [ 0.4553904 ]]
result : [[ 0.35062218]
 [ 0.09748814]
 [ 0.52768622]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.19582107]
 [-0.76482712]
 [ 0.56628298]]
dot product : [[-0.35414113]
 [-1.58610214]]
result : [[ 0.20896793]
 [-1.77179674]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.20896793]
 [-1.77179674]]
dot product : [[ 1.19234233]
 [-0.04344039]
 [ 0.9049713 ]]
result : [[ 0.92235905]
 [ 0.1037368 ]
 [ 0.97726711]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.47245184]
 [-0.99661205]
 [ 0.40828086]]
dot product : [[-0.32361056]
 [-1.93664586]]
result : [[ 0.23949851]
 [-2.12234046]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.23949851]
 [-2.12234046]]
dot product : [[ 1.41426072]
 [-0.04406013]
 [ 1.07771626]]
result : [[ 1.14427745]
 [ 0.10311706]
 [ 1.15001207]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.74738816]
 [-1.11543764]
 [ 0.32935628]]
dot product : [[-0.27443616]
 [-2.21046619]]
result : [[ 0.2886729 ]
 [-2.39616078]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.2886729 ]
 [-2.39616078]]
dot product : [[ 1.6203571 ]
 [-0.06322266]
 [ 1.22740932]]
result : [[ 1.35037383]
 [ 0.08395453]
 [ 1.29970514]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.02084301]
 [-0.56093583]
 [ 0.70568668]]
dot product : [[-0.3742799 ]
 [-1.29660318]]
result : [[ 0.18882916]
 [-1.48229777]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.18882916]
 [-1.48229777]]
dot product : [[ 1.01563213]
 [-0.04667157]
 [ 0.7652658 ]]
result : [[ 0.74564886]
 [ 0.10050562]
 [ 0.83756161]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.52840239]
 [-0.11323031]
 [ 1.01129402]]
dot product : [[-0.42651052]
 [-0.63843297]]
result : [[ 0.13659854]
 [-0.82412756]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.13659854]
 [-0.82412756]]
dot product : [[ 0.60555025]
 [-0.0492639 ]
 [ 0.44389247]]
result : [[ 0.33556698]
 [ 0.09791329]
 [ 0.51618828]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.85465634]
 [-0.63408057]
 [ 0.64146157]]
dot product : [[-0.59660206]
 [-0.75602449]]
result : [[-0.033493  ]
 [-0.94171909]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.033493  ]
 [-0.94171909]]
dot product : [[ 0.44680433]
 [ 0.08352737]
 [ 0.39676573]]
result : [[ 0.17682106]
 [ 0.23070456]
 [ 0.46906154]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.207027  ]
 [-0.77506961]
 [ 0.55928504]]
dot product : [[-0.35304843]
 [-1.60087265]]
result : [[ 0.21006064]
 [-1.78656724]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.21006064]
 [-1.78656724]]
dot product : [[ 1.20144256]
 [-0.04332362]
 [ 0.9121372 ]]
result : [[ 0.93145929]
 [ 0.10385357]
 [ 0.98443301]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.47005138]
 [-0.15648523]
 [ 0.9819131 ]]
dot product : [[-0.41911897]
 [-0.70860614]]
result : [[ 0.1439901 ]
 [-0.89430073]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.1439901 ]
 [-0.89430073]]
dot product : [[ 0.65162967]
 [-0.05033186]
 [ 0.47921893]]
result : [[ 0.3816464 ]
 [ 0.09684533]
 [ 0.55151474]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.43987726]
 [-0.18029201]
 [ 0.96571207]]
dot product : [[-0.41553964]
 [-0.74585583]]
result : [[ 0.14756942]
 [-0.93155042]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.14756942]
 [-0.93155042]]
dot product : [[ 0.67564457]
 [-0.05064483]
 [ 0.49777049]]
result : [[ 0.4056613 ]
 [ 0.09653236]
 [ 0.5700663 ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.83754064]
 [-0.04312429]
 [ 1.05556754]]
dot product : [[-0.4925229 ]
 [-0.37300706]]
result : [[ 0.07058616]
 [-0.55870165]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.07058616]
 [-0.55870165]]
dot product : [[ 0.38204945]
 [-0.01715866]
 [ 0.2880991 ]]
result : [[ 0.11206618]
 [ 0.13001853]
 [ 0.36039492]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.18458517]
 [-0.75451282]
 [ 0.57333073]]
dot product : [[-0.35522927]
 [-1.57126245]]
result : [[ 0.2078798 ]
 [-1.75695704]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.2078798 ]
 [-1.75695704]]
dot product : [[ 1.18321199]
 [-0.04356485]
 [ 0.89777748]]
result : [[ 0.91322872]
 [ 0.10361234]
 [ 0.97007329]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.88137046]
 [-0.8976838 ]
 [ 0.48393586]]
dot product : [[-0.20393373]
 [-2.15959626]]
result : [[ 0.35917533]
 [-2.34529086]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.35917533]
 [-2.34529086]]
dot product : [[ 1.68504899]
 [-0.11839721]
 [ 1.24600228]]
result : [[ 1.41506572]
 [ 0.02877998]
 [ 1.3182981 ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.70617593]
 [-1.1138955 ]
 [ 0.32979354]]
dot product : [[-0.284554  ]
 [-2.18029916]]
result : [[ 0.27855507]
 [-2.36599376]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.27855507]
 [-2.36599376]]
dot product : [[ 1.59157337]
 [-0.05764499]
 [ 1.20817881]]
result : [[ 1.3215901 ]
 [ 0.0895322 ]
 [ 1.28047462]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.89304525]
 [-0.30582081]
 [ 0.870739  ]]
dot product : [[-0.55085035]
 [-0.50940764]]
result : [[ 0.01225871]
 [-0.69510223]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.01225871]
 [-0.69510223]]
dot product : [[ 0.37761519]
 [ 0.03437938]
 [ 0.31440844]]
result : [[ 0.10763192]
 [ 0.18155657]
 [ 0.38670426]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.75381005]
 [-1.11467609]
 [ 0.32998973]]
dot product : [[-0.27269041]
 [-2.21449712]]
result : [[ 0.29041865]
 [-2.40019172]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.29041865]
 [-2.40019172]]
dot product : [[ 1.62471242]
 [-0.06425839]
 [ 1.23020837]]
result : [[ 1.35472915]
 [ 0.0829188 ]
 [ 1.30250418]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.75549339]
 [-0.01066178]
 [ 1.0795801 ]]
dot product : [[-0.46638099]
 [-0.4093076 ]]
result : [[ 0.09672807]
 [-0.59500219]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.09672807]
 [-0.59500219]]
dot product : [[ 0.43474614]
 [-0.03417126]
 [ 0.31937766]]
result : [[ 0.16476287]
 [ 0.11300593]
 [ 0.39167347]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.85258341]
 [-0.47941491]
 [ 0.77639526]]
dot product : [[-0.14056814]
 [-1.85958688]]
result : [[ 0.42254093]
 [-2.04528147]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.42254093]
 [-2.04528147]]
dot product : [[ 1.61084849]
 [-0.183871  ]
 [ 1.15030626]]
result : [[ 1.34086522]
 [-0.03669381]
 [ 1.22260207]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.21820126]
 [-0.78523648]
 [ 0.55233957]]
dot product : [[-0.35195093]
 [-1.6155702 ]]
result : [[ 0.21115814]
 [-1.80126479]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.21115814]
 [-1.80126479]]
dot product : [[ 1.21051103]
 [-0.04321495]
 [ 0.91927364]]
result : [[ 0.94052776]
 [ 0.10396224]
 [ 0.99156945]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.79107532]
 [-0.15591211]
 [ 1.00198092]]
dot product : [[-0.10144147]
 [-1.59980591]]
result : [[ 0.46166759]
 [-1.7855005 ]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.46166759]
 [-1.7855005 ]]
dot product : [[ 1.52624127]
 [-0.22895521]
 [ 1.05826964]]
result : [[ 1.256258  ]
 [-0.08177801]
 [ 1.13056546]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.59381163]
 [-1.07330163]
 [ 0.35646866]]
dot product : [[-0.3059966 ]
 [-2.07371923]]
result : [[ 0.25711247]
 [-2.25941382]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.25711247]
 [-2.25941382]]
dot product : [[ 1.50837673]
 [-0.0484883 ]
 [ 1.14857183]]
result : [[ 1.23839346]
 [ 0.09868889]
 [ 1.22086765]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.35980925]
 [-0.90878401]
 [ 0.46802911]]
dot product : [[-0.33714886]
 [-1.79828807]]
result : [[ 0.2259602 ]
 [-1.98398266]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.2259602 ]
 [-1.98398266]]
dot product : [[ 1.32474648]
 [-0.04271806]
 [ 1.00866768]]
result : [[ 1.05476321]
 [ 0.10445913]
 [ 1.08096349]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.15797529]
 [-0.43065982]
 [ 0.7947788 ]]
dot product : [[-0.38681894]
 [-1.11255079]]
result : [[ 0.17629013]
 [-1.29824539]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.17629013]
 [-1.29824539]]
dot product : [[ 0.90362847]
 [-0.04892085]
 [ 0.67660045]]
result : [[ 0.6336452 ]
 [ 0.09825634]
 [ 0.74889626]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.02509018]
 [-0.60471442]
 [ 0.6757454 ]]
dot product : [[-0.37010385]
 [-1.35834741]]
result : [[ 0.19300521]
 [-1.544042  ]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.19300521]
 [-1.544042  ]]
dot product : [[ 1.05316676]
 [-0.04589456]
 [ 0.79499272]]
result : [[ 0.78318349]
 [ 0.10128263]
 [ 0.86728853]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.37776181]
 [-0.23174803]
 [ 0.93064673]]
dot product : [[-0.40858468]
 [-0.82417368]]
result : [[ 0.15452439]
 [-1.00986827]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.15452439]
 [-1.00986827]]
dot product : [[ 0.7253983 ]
 [-0.05088203]
 [ 0.53644287]]
result : [[ 0.45541503]
 [ 0.09629516]
 [ 0.60873868]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.66848697]
 [-0.03190354]
 [ 1.06606158]]
dot product : [[-0.44805694]
 [-0.48502122]]
result : [[ 0.11505213]
 [-0.67071581]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.11505213]
 [-0.67071581]]
dot product : [[ 0.49784592]
 [-0.04295606]
 [ 0.36352329]]
result : [[ 0.22786265]
 [ 0.10422113]
 [ 0.4358191 ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.87822135]
 [-0.1243584 ]
 [ 0.99804596]]
dot product : [[-0.51648171]
 [-0.39856061]]
result : [[ 0.04662736]
 [-0.5842552 ]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.04662736]
 [-0.5842552 ]]
dot product : [[ 0.36436749]
 [ 0.00210765]
 [ 0.2854348 ]]
result : [[ 0.09438422]
 [ 0.14928484]
 [ 0.35773062]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.87704311]
 [-0.67298184]
 [ 0.64122427]]
dot product : [[-0.16708783]
 [-2.00629953]]
result : [[ 0.39602123]
 [-2.19199412]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.39602123]
 [-2.19199412]]
dot product : [[ 1.65291183]
 [-0.15514763]
 [ 1.19970743]]
result : [[ 1.38292856]
 [-0.00797044]
 [ 1.27200324]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.26986321]
 [-0.32695589]
 [ 0.8656565 ]]
dot product : [[-0.39748693]
 [-0.9641118 ]]
result : [[ 0.16562213]
 [-1.14980639]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.16562213]
 [-1.14980639]]
dot product : [[ 0.81257912]
 [-0.05032543]
 [ 0.60476798]]
result : [[ 0.54259585]
 [ 0.09685177]
 [ 0.67706379]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.34591249]
 [-0.2591908 ]
 [ 0.91192558]]
dot product : [[-0.40519735]
 [-0.86503874]]
result : [[ 0.15791171]
 [-1.05073333]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.15791171]
 [-1.05073333]]
dot product : [[ 0.75104653]
 [-0.05082756]
 [ 0.55648071]]
result : [[ 0.48106326]
 [ 0.09634963]
 [ 0.62877652]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.35658302]
 [-0.24992639]
 [ 0.91824693]]
dot product : [[-0.40632036]
 [-0.8513007 ]]
result : [[ 0.1567887 ]
 [-1.03699529]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.1567887 ]
 [-1.03699529]]
dot product : [[ 0.74244446]
 [-0.05085749]
 [ 0.54975355]]
result : [[ 0.47246119]
 [ 0.09631971]
 [ 0.62204936]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.86272391]
 [-0.54843756]
 [ 0.72821772]]
dot product : [[-0.14966737]
 [-1.912905  ]]
result : [[ 0.41344169]
 [-2.09859959]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.41344169]
 [-2.09859959]]
dot product : [[ 1.62683145]
 [-0.17382956]
 [ 1.16857334]]
result : [[ 1.35684818]
 [-0.02665237]
 [ 1.24086916]]
Total Cost [ 234.66776832] for Epoch 7 complete
Axis-wise Cost is [[ 91.58264408]
 [ 87.15012869]
 [ 55.93499555]] 
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.77443049]
 [-0.01156442]
 [ 1.07865268]]
dot product : [[-0.47130217]
 [-0.39652308]]
result : [[ 0.09180689]
 [-0.58221768]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.09180689]
 [-0.58221768]]
dot product : [[ 0.42172889]
 [-0.0313404 ]
 [ 0.31085891]]
result : [[ 0.15174562]
 [ 0.11583679]
 [ 0.38315473]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.87164646]
 [-0.96772944]
 [ 0.43473216]]
dot product : [[-0.21820801]
 [-2.19955469]]
result : [[ 0.34490105]
 [-2.38524928]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.34490105]
 [-2.38524928]]
dot product : [[ 1.68738708]
 [-0.1053736 ]
 [ 1.25534845]]
result : [[ 1.41740381]
 [ 0.04180359]
 [ 1.32764427]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.88131382]
 [-0.72870994]
 [ 0.60226519]]
dot product : [[-0.17542075]
 [-2.04657903]]
result : [[ 0.38768832]
 [-2.23227363]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.38768832]
 [-2.23227363]]
dot product : [[ 1.66309984]
 [-0.14648584]
 [ 1.2126574 ]]
result : [[  1.39311657e+00]
 [  6.91349127e-04]
 [  1.28495321e+00]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.87538845]
 [-0.50225611]
 [ 0.73345324]]
dot product : [[-0.57956743]
 [-0.65322863]]
result : [[-0.01645837]
 [-0.83892322]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.01645837]
 [-0.83892322]]
dot product : [[ 0.41533214]
 [ 0.06454273]
 [ 0.36125103]]
result : [[ 0.14534886]
 [ 0.21171992]
 [ 0.43354684]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.82375085]
 [-0.03083545]
 [ 1.0643883 ]]
dot product : [[-0.48697564]
 [-0.37453966]]
result : [[ 0.07613343]
 [-0.56023426]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.07613343]
 [-0.56023426]]
dot product : [[ 0.39002028]
 [-0.02115414]
 [ 0.29200881]]
result : [[ 0.12003701]
 [ 0.12602305]
 [ 0.36430463]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.8615769 ]
 [-1.00628655]
 [ 0.40757408]]
dot product : [[-0.22725322]
 [-2.21821535]]
result : [[ 0.33585584]
 [-2.40390995]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.33585584]
 [-2.40390995]]
dot product : [[ 1.68540256]
 [-0.09753692]
 [ 1.25832691]]
result : [[ 1.41541929]
 [ 0.04964027]
 [ 1.33062272]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.67627288]
 [-1.10732743]
 [ 0.33392676]]
dot product : [[-0.29097541]
 [-2.15476704]]
result : [[ 0.27213366]
 [-2.34046164]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.27213366]
 [-2.34046164]]
dot product : [[ 1.56998172]
 [-0.05450397]
 [ 1.19315093]]
result : [[ 1.29999845]
 [ 0.09267322]
 [ 1.26544674]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.88312225]
 [-0.76350839]
 [ 0.57792449]]
dot product : [[-0.18084024]
 [-2.07112405]]
result : [[ 0.38226883]
 [-2.25681864]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.38226883]
 [-2.25681864]]
dot product : [[ 1.66886623]
 [-0.14095563]
 [ 1.22034959]]
result : [[ 1.39888296]
 [ 0.00622156]
 [ 1.2926454 ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.86435564]
 [-0.99724056]
 [ 0.41395221]]
dot product : [[-0.22502627]
 [-2.21413163]]
result : [[ 0.3380828 ]
 [-2.39982623]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.3380828 ]
 [-2.39982623]]
dot product : [[ 1.68615688]
 [-0.09943444]
 [ 1.2578193 ]]
result : [[ 1.41617361]
 [ 0.04774275]
 [ 1.33011512]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.63582729]
 [-0.0470456 ]
 [ 1.0559671 ]]
dot product : [[-0.44238886]
 [-0.51823483]]
result : [[ 0.1207202 ]
 [-0.70392943]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.1207202 ]
 [-0.70392943]]
dot product : [[ 0.52246124]
 [-0.04506165]
 [ 0.38150778]]
result : [[ 0.25247796]
 [ 0.10211555]
 [ 0.4538036 ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.84875027]
 [-0.45538179]
 [ 0.79316557]]
dot product : [[-0.13747599]
 [-1.84080823]]
result : [[ 0.42563308]
 [-2.02650282]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.42563308]
 [-2.02650282]]
dot product : [[ 1.60507369]
 [-0.18732456]
 [ 1.14380698]]
result : [[ 1.33509042]
 [-0.04014736]
 [ 1.21610279]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.11248479]
 [-0.47366382]
 [ 0.76537305]]
dot product : [[-0.38262359]
 [-1.17346416]]
result : [[ 0.18048547]
 [-1.35915876]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.18048547]
 [-1.35915876]]
dot product : [[ 0.94075563]
 [-0.04820997]
 [ 0.70597133]]
result : [[ 0.67077235]
 [ 0.09896722]
 [ 0.77826715]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.87519723]
 [-0.65344906]
 [ 0.65487403]]
dot product : [[-0.16425502]
 [-1.99193478]]
result : [[ 0.39885404]
 [-2.17762938]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.39885404]
 [-2.17762938]]
dot product : [[ 1.64909888]
 [-0.1581342 ]
 [ 1.19500818]]
result : [[ 1.37911561]
 [-0.01095701]
 [ 1.267304  ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.8641857 ]
 [-0.08405028]
 [ 1.02649209]]
dot product : [[-0.50614213]
 [-0.38153313]]
result : [[ 0.05696693]
 [-0.56722772]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.05696693]
 [-0.56722772]]
dot product : [[ 0.36887574]
 [-0.00658163]
 [ 0.28393248]]
result : [[ 0.09889247]
 [ 0.14059557]
 [ 0.35622829]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.81047671]
 [-1.08986298]
 [ 0.34824972]]
dot product : [[-0.25423133]
 [-2.2379687 ]]
result : [[ 0.30887773]
 [-2.42366329]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.30887773]
 [-2.42366329]]
dot product : [[ 1.66079762]
 [-0.07640613]
 [ 1.2513394 ]]
result : [[ 1.39081435]
 [ 0.07077106]
 [ 1.32363521]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.8708618 ]
 [-0.61292545]
 [ 0.68318458]]
dot product : [[-0.15850532]
 [-1.96177536]]
result : [[ 0.40460374]
 [-2.14746996]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.40460374]
 [-2.14746996]]
dot product : [[ 1.64083747]
 [-0.16425865]
 [ 1.18502657]]
result : [[ 1.3708542 ]
 [-0.01708146]
 [ 1.25732239]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.64455448]
 [-1.09661287]
 [ 0.3409354 ]]
dot product : [[-0.29715393]
 [-2.12517914]]
result : [[ 0.26595513]
 [-2.31087373]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.26595513]
 [-2.31087373]]
dot product : [[ 1.54659334]
 [-0.05179543]
 [ 1.17647173]]
result : [[ 1.27661007]
 [ 0.09538176]
 [ 1.24876755]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.76277979]
 [-0.03044527]
 [ 1.08940248]]
dot product : [[-0.08738482]
 [-1.49591366]]
result : [[ 0.47572424]
 [-1.68160825]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.47572424]
 [-1.68160825]]
dot product : [[ 1.49034764]
 [-0.24581201]
 [ 1.02053511]]
result : [[ 1.22036437]
 [-0.09863482]
 [ 1.09283093]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.16203029]
 [-0.7336841 ]
 [ 0.58756508]]
dot product : [[-0.35739267]
 [-1.54139051]]
result : [[ 0.2057164]
 [-1.7270851]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.2057164]
 [-1.7270851]]
dot product : [[ 1.16486775]
 [-0.04383529]
 [ 0.88331222]]
result : [[ 0.89488448]
 [ 0.10334191]
 [ 0.95560804]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.77743051]
 [-0.09431641]
 [ 1.04490281]]
dot product : [[-0.09447857]
 [-1.54897605]]
result : [[ 0.46863049]
 [-1.73467064]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.46863049]
 [-1.73467064]]
dot product : [[ 1.50879082]
 [-0.23726563]
 [ 1.0398577 ]]
result : [[ 1.23880755]
 [-0.09008844]
 [ 1.11215351]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.04803713]
 [-0.62653231]
 [ 0.66082445]]
dot product : [[-0.36800872]
 [-1.3891579 ]]
result : [[ 0.19510035]
 [-1.57485249]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.19510035]
 [-1.57485249]]
dot product : [[ 1.07191119]
 [-0.04551515]
 [ 0.80983308]]
result : [[ 0.80192792]
 [ 0.10166205]
 [ 0.88212889]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.87312378]
 [-0.10708939]
 [ 1.01021872]]
dot product : [[-0.51228256]
 [-0.39061826]]
result : [[ 0.05082651]
 [-0.57631286]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.05082651]
 [-0.57631286]]
dot product : [[ 0.36566386]
 [-0.00148543]
 [ 0.28437066]]
result : [[ 0.09568059]
 [ 0.14569176]
 [ 0.35666647]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.34920177]
 [-0.89994823]
 [ 0.47405128]]
dot product : [[-0.33832836]
 [-1.7848812 ]]
result : [[ 0.22478071]
 [-1.97057579]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.22478071]
 [-1.97057579]]
dot product : [[ 1.31624372]
 [-0.04268564]
 [ 1.002054  ]]
result : [[ 1.04626045]
 [ 0.10449155]
 [ 1.07434981]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.27353785]
 [-0.83480259]
 [ 0.51849199]]
dot product : [[-0.34638397]
 [-1.68783197]]
result : [[ 0.2167251 ]
 [-1.87352656]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.2167251 ]
 [-1.87352656]]
dot product : [[ 1.25531806]
 [-0.04280677]
 [ 0.95446021]]
result : [[ 0.98533479]
 [ 0.10437042]
 [ 1.02675603]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.37036119]
 [-0.91749063]
 [ 0.46209653]]
dot product : [[-0.33596155]
 [-1.81156932]]
result : [[ 0.22714752]
 [-1.99726392]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.22714752]
 [-1.99726392]]
dot product : [[ 1.33319398]
 [-0.0427641 ]
 [ 1.01523039]]
result : [[ 1.06321071]
 [ 0.10441309]
 [ 1.0875262 ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.55803192]
 [-1.05329141]
 [ 0.36992359]]
dot product : [[-0.3116285 ]
 [-2.03504495]]
result : [[ 0.25148057]
 [-2.22073954]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.25148057]
 [-2.22073954]]
dot product : [[ 1.48096621]
 [-0.04675051]
 [ 1.12819456]]
result : [[ 1.21098294]
 [ 0.10042668]
 [ 1.20049038]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.88021093]
 [-0.91040425]
 [ 0.47500981]]
dot product : [[-0.20637328]
 [-2.1672815 ]]
result : [[ 0.35673579]
 [-2.35297609]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.35673579]
 [-2.35297609]]
dot product : [[ 1.68589416]
 [-0.11611793]
 [ 1.24797804]]
result : [[ 1.41591089]
 [ 0.03105926]
 [ 1.32027386]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.88956859]
 [-0.37070946]
 [ 0.82535253]]
dot product : [[-0.56092977]
 [-0.55525057]]
result : [[ 0.0021793 ]
 [-0.74094516]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.0021793 ]
 [-0.74094516]]
dot product : [[ 0.38844025]
 [ 0.04467678]
 [ 0.32880005]]
result : [[ 0.11845698]
 [ 0.19185397]
 [ 0.40109587]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.26254751]
 [-0.82507121]
 [ 0.52513537]]
dot product : [[-0.34750868]
 [-1.67355561]]
result : [[ 0.21560039]
 [-1.85925021]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.21560039]
 [-1.85925021]]
dot product : [[ 1.24643362]
 [-0.04286906]
 [ 0.9474941 ]]
result : [[ 0.97645035]
 [ 0.10430813]
 [ 1.01978992]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.84591795]
 [-0.68208683]
 [ 0.60797968]]
dot product : [[-0.60250626]
 [-0.79429965]]
result : [[-0.03939719]
 [-0.97999424]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.03939719]
 [-0.97999424]]
dot product : [[ 0.45908975]
 [ 0.09027273]
 [ 0.41024482]]
result : [[ 0.18910648]
 [ 0.23744992]
 [ 0.48254063]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.71414978]
 [-0.01651868]
 [ 1.07612332]]
dot product : [[-0.45695851]
 [-0.44245239]]
result : [[ 0.10615055]
 [-0.62814699]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.10615055]
 [-0.62814699]]
dot product : [[ 0.46418047]
 [-0.03905009]
 [ 0.33951931]]
result : [[ 0.1941972 ]
 [ 0.1081271 ]
 [ 0.41181513]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.14663269]
 [-0.44135029]
 [ 0.78746928]]
dot product : [[-0.38576744]
 [-1.12771744]]
result : [[ 0.17734162]
 [-1.31341204]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.17734162]
 [-1.31341204]]
dot product : [[ 0.91288159]
 [-0.04874894]
 [ 0.68391745]]
result : [[ 0.64289832]
 [ 0.09842825]
 [ 0.75621326]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.86696128]
 [-0.9878016 ]
 [ 0.42060282]]
dot product : [[-0.22277656]
 [-2.20966279]]
result : [[ 0.3403325 ]
 [-2.39535738]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.3403325 ]
 [-2.39535738]]
dot product : [[ 1.6867402 ]
 [-0.10137279]
 [ 1.25715472]]
result : [[ 1.41675693]
 [ 0.0458044 ]
 [ 1.32945053]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.39871286]
 [-0.21406246]
 [ 0.94270499]]
dot product : [[-0.41087484]
 [-0.79753713]]
result : [[ 0.15223422]
 [-0.98323173]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.15223422]
 [-0.98323173]]
dot product : [[ 0.70857398]
 [-0.05085687]
 [ 0.52333393]]
result : [[ 0.43859071]
 [ 0.09632032]
 [ 0.59562975]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.48228053]
 [-1.0036456 ]
 [ 0.40350862]]
dot product : [[-0.32232292]
 [-1.94829717]]
result : [[ 0.24078615]
 [-2.13399177]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.24078615]
 [-2.13399177]]
dot product : [[ 1.42198966]
 [-0.04428197]
 [ 1.08361692]]
result : [[ 1.15200639]
 [ 0.10289522]
 [ 1.15591273]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.49203326]
 [-1.01050411]
 [ 0.39885779]]
dot product : [[-0.32102485]
 [-1.95977774]]
result : [[ 0.24208421]
 [-2.14547233]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.24208421]
 [-2.14547233]]
dot product : [[ 1.4296432 ]
 [-0.04452217]
 [ 1.08944818]]
result : [[ 1.15965993]
 [ 0.10265502]
 [ 1.16174399]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.11663588]
 [-0.69133326]
 [ 0.61651493]]
dot product : [[-0.36167409]
 [-1.48098178]]
result : [[ 0.20143498]
 [-1.66667638]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.20143498]
 [-1.66667638]]
dot product : [[ 1.12789193]
 [-0.04445116]
 [ 0.85411426]]
result : [[ 0.85790866]
 [ 0.10272603]
 [ 0.92641008]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.80545352]
 [-1.09380872]
 [ 0.34540823]]
dot product : [[-0.25616244]
 [-2.2370556 ]]
result : [[ 0.30694663]
 [-2.42275019]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.30694663]
 [-2.42275019]]
dot product : [[ 1.65782528]
 [-0.07503895]
 [ 1.24981057]]
result : [[ 1.38784201]
 [ 0.07213824]
 [ 1.32210638]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.85738571]
 [-0.07055587]
 [ 1.03604809]]
dot product : [[-0.50215152]
 [-0.37731808]]
result : [[ 0.06095754]
 [-0.56301268]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.06095754]
 [-0.56301268]]
dot product : [[ 0.37184231]
 [-0.00978807]
 [ 0.28439445]]
result : [[ 0.10185903]
 [ 0.13738912]
 [ 0.35669026]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.61112977]
 [-1.08199651]
 [ 0.35064981]]
dot product : [[-0.30310342]
 [-2.09177615]]
result : [[ 0.26000565]
 [-2.27747075]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.26000565]
 [-2.27747075]]
dot product : [[ 1.52151557]
 [-0.04949413]
 [ 1.15823956]]
result : [[ 1.2515323 ]
 [ 0.09768306]
 [ 1.23053537]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.88477696]
 [-0.42422919]
 [ 0.78794808]]
dot product : [[-0.56875867]
 [-0.59442182]]
result : [[-0.0056496 ]
 [-0.78011641]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.0056496 ]
 [-0.78011641]]
dot product : [[ 0.3987032 ]
 [ 0.05289762]
 [ 0.34155379]]
result : [[ 0.12871993]
 [ 0.20007481]
 [ 0.4138496 ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.72734629]
 [-1.11595321]
 [ 0.32868269]]
dot product : [[-0.27957021]
 [-2.19664184]]
result : [[ 0.28353886]
 [-2.38233643]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.28353886]
 [-2.38233643]]
dot product : [[ 1.60652341]
 [-0.06029976]
 [ 1.2183069 ]]
result : [[ 1.33654014]
 [ 0.08687743]
 [ 1.29060271]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.88371162]
 [-0.85694283]
 [ 0.51250275]]
dot product : [[-0.19646602]
 [-2.13401168]]
result : [[ 0.36664304]
 [-2.31970628]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.36664304]
 [-2.31970628]]
dot product : [[ 1.68139011]
 [-0.12550296]
 [ 1.23904399]]
result : [[ 1.41140684]
 [ 0.02167423]
 [ 1.31133981]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.3062507 ]
 [-0.86339003]
 [ 0.49898272]]
dot product : [[-0.34297244]
 [-1.73007285]]
result : [[ 0.22013663]
 [-1.91576744]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.22013663]
 [-1.91576744]]
dot product : [[ 1.28171364]
 [-0.04268421]
 [ 0.97512033]]
result : [[ 1.01173036]
 [ 0.10449298]
 [ 1.04741615]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.88430752]
 [-0.82759425]
 [ 0.53306447]]
dot product : [[-0.19136115]
 [-2.11481028]]
result : [[ 0.37174792]
 [-2.30050488]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.37174792]
 [-2.30050488]]
dot product : [[ 1.67799795]
 [-0.13046734]
 [ 1.23353059]]
result : [[ 1.40801468]
 [ 0.01670985]
 [ 1.30582641]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.80372785]
 [-0.21526295]
 [ 0.9606156 ]]
dot product : [[-0.10827526]
 [-1.64843333]]
result : [[ 0.4548338 ]
 [-1.83412792]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.4548338 ]
 [-1.83412792]]
dot product : [[ 1.54271243]
 [-0.22087758]
 [ 1.07578324]]
result : [[ 1.27272916]
 [-0.07370039]
 [ 1.14807906]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.56711552]
 [-1.05861197]
 [ 0.36633933]]
dot product : [[-0.31023929]
 [-2.04502417]]
result : [[ 0.25286978]
 [-2.23071876]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.25286978]
 [-2.23071876]]
dot product : [[ 1.48795625]
 [-0.04715171]
 [ 1.13341527]]
result : [[ 1.21797298]
 [ 0.10002548]
 [ 1.20571108]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.59269937]
 [-0.07103919]
 [ 1.03983725]]
dot product : [[-0.43557901]
 [-0.56476742]]
result : [[ 0.12753006]
 [-0.75046201]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.12753006]
 [-0.75046201]]
dot product : [[ 0.5554848 ]
 [-0.04717733]
 [ 0.40604513]]
result : [[ 0.28550153]
 [ 0.09999986]
 [ 0.47834094]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.61963995]
 [-1.08600301]
 [ 0.34797682]]
dot product : [[-0.30163676]
 [-2.1004714 ]]
result : [[ 0.26147231]
 [-2.28616599]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.26147231]
 [-2.28616599]]
dot product : [[ 1.52793752]
 [-0.05003266]
 [ 1.16293781]]
result : [[ 1.25795425]
 [ 0.09714453]
 [ 1.23523363]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.8411984 ]
 [-0.70686931]
 [ 0.59069842]]
dot product : [[-0.6055017]
 [-0.814206 ]]
result : [[-0.04239264]
 [-0.99990059]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.04239264]
 [-0.99990059]]
dot product : [[ 0.46557652]
 [ 0.0937254 ]
 [ 0.41729894]]
result : [[ 0.19559325]
 [ 0.24090259]
 [ 0.48959476]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.88234155]
 [-0.88453597]
 [ 0.49315826]]
dot product : [[-0.20146949]
 [-2.15149206]]
result : [[ 0.36163958]
 [-2.33718665]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.36163958]
 [-2.33718665]]
dot product : [[ 1.68401771]
 [-0.12072087]
 [ 1.24385571]]
result : [[ 1.41403444]
 [ 0.02645632]
 [ 1.31615153]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.8773334 ]
 [-0.93457826]
 [ 0.45803619]]
dot product : [[-0.21117912]
 [-2.18141008]]
result : [[ 0.35192995]
 [-2.36710468]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.35192995]
 [-2.36710468]]
dot product : [[ 1.68703288]
 [-0.11169097]
 [ 1.25142327]]
result : [[ 1.41704961]
 [ 0.03548622]
 [ 1.32371909]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.89352823]
 [-0.26187376]
 [ 0.90150702]]
dot product : [[-0.54355256]
 [-0.47968285]]
result : [[ 0.01955651]
 [-0.66537745]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.01955651]
 [-0.66537745]]
dot product : [[ 0.37158185]
 [ 0.02714032]
 [ 0.305521  ]]
result : [[ 0.10159857]
 [ 0.17431751]
 [ 0.37781681]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.86939212]
 [-0.97796583]
 [ 0.42752859]]
dot product : [[-0.22050388]
 [-2.20480506]]
result : [[ 0.34260518]
 [-2.39049966]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.34260518]
 [-2.39049966]]
dot product : [[ 1.68715082]
 [-0.10335238]
 [ 1.25633161]]
result : [[ 1.41716755]
 [ 0.04382481]
 [ 1.32862743]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.46006334]
 [-0.16426831]
 [ 0.97661847]]
dot product : [[-0.41791774]
 [-0.72087125]]
result : [[ 0.14519133]
 [-0.90656584]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.14519133]
 [-0.90656584]]
dot product : [[ 0.65956631]
 [-0.05045163]
 [ 0.48534056]]
result : [[ 0.38958304]
 [ 0.09672556]
 [ 0.55763638]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.66063379]
 [-1.10247317]
 [ 0.33708225]]
dot product : [[-0.29409416]
 [-2.14046502]]
result : [[ 0.2690149 ]
 [-2.32615962]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.2690149 ]
 [-2.32615962]]
dot product : [[ 1.55850541]
 [-0.05309722]
 [ 1.1850116 ]]
result : [[ 1.28852214]
 [ 0.09407997]
 [ 1.25730741]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.49957509]
 [-0.13409692]
 [ 0.99713094]]
dot product : [[-0.42277398]
 [-0.67276467]]
result : [[ 0.14033508]
 [-0.85845926]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.14033508]
 [-0.85845926]]
dot product : [[ 0.6282498 ]
 [-0.0498751 ]
 [ 0.46124576]]
result : [[ 0.35826652]
 [ 0.09730209]
 [ 0.53354157]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.88818223]
 [-0.38808078]
 [ 0.81320924]]
dot product : [[-0.56351339]
 [-0.56784528]]
result : [[ -4.04325703e-04]
 [ -7.53539879e-01]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ -4.04325703e-04]
 [ -7.53539879e-01]]
dot product : [[ 0.39165423]
 [ 0.04736899]
 [ 0.33286207]]
result : [[ 0.12167096]
 [ 0.19454618]
 [ 0.40515788]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.46254887]
 [-0.98940729]
 [ 0.41317183]]
dot product : [[-0.324888  ]
 [-1.92482757]]
result : [[ 0.23822107]
 [-2.11052217]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.23822107]
 [-2.11052217]]
dot product : [[ 1.40645807]
 [-0.04385623]
 [ 1.07174773]]
result : [[ 1.1364748 ]
 [ 0.10332096]
 [ 1.14404354]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.25151697]
 [-0.81524509]
 [ 0.53184446]]
dot product : [[-0.34862751]
 [-1.6591875 ]]
result : [[ 0.21448156]
 [-1.84488209]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.21448156]
 [-1.84488209]]
dot product : [[ 1.23750902]
 [-0.04294142]
 [ 0.94049086]]
result : [[ 0.96752575]
 [ 0.10423577]
 [ 1.01278667]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.72135026]
 [-0.01485856]
 [ 1.07717359]]
dot product : [[-0.45849149]
 [-0.43625187]]
result : [[ 0.10461757]
 [-0.62194647]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.10461757]
 [-0.62194647]]
dot product : [[ 0.45897113]
 [-0.03830681]
 [ 0.33588519]]
result : [[ 0.18898786]
 [ 0.10887038]
 [ 0.408181  ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.76009975]
 [-1.11361334]
 [ 0.33083205]]
dot product : [[-0.2709271]
 [-2.2182332]]
result : [[ 0.29218196]
 [-2.4039278 ]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.29218196]
 [-2.4039278 ]]
dot product : [[ 1.62893699]
 [-0.06532549]
 [ 1.23288731]]
result : [[ 1.35895372]
 [ 0.0818517 ]
 [ 1.30518312]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.8841156 ]
 [-0.79645963]
 [ 0.55486465]]
dot product : [[-0.18615313]
 [-2.09385777]]
result : [[ 0.37695594]
 [-2.27955236]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.37695594]
 [-2.27955236]]
dot product : [[ 1.67382779]
 [-0.13561718]
 [ 1.22730322]]
result : [[ 1.40384452]
 [ 0.01156001]
 [ 1.29959904]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.85956852]
 [-0.52593896]
 [ 0.74392399]]
dot product : [[-0.14666362]
 [-1.8956315 ]]
result : [[ 0.41644545]
 [-2.08132609]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.41644545]
 [-2.08132609]]
dot product : [[ 1.6217257]
 [-0.1771239]
 [ 1.1626879]]
result : [[ 1.35174243]
 [-0.02994671]
 [ 1.23498372]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.39129169]
 [-0.9345011 ]
 [ 0.45051071]]
dot product : [[-0.33356258]
 [-1.83773996]]
result : [[ 0.22954648]
 [-2.02343455]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.22954648]
 [-2.02343455]]
dot product : [[ 1.3499165 ]
 [-0.0428986 ]
 [ 1.02819676]]
result : [[ 1.07993323]
 [ 0.10427859]
 [ 1.10049258]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.891427  ]
 [-0.20937399]
 [ 0.9383047 ]]
dot product : [[-0.53416007]
 [-0.44606663]]
result : [[ 0.02894899]
 [-0.63176122]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.02894899]
 [-0.63176122]]
dot product : [[ 0.36623186]
 [ 0.01811331]
 [ 0.29613388]]
result : [[ 0.09624859]
 [ 0.1652905 ]
 [ 0.36842969]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.31706324]
 [-0.8727042 ]
 [ 0.49262874]]
dot product : [[-0.34182207]
 [-1.74394455]]
result : [[ 0.221287  ]
 [-1.92963914]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.221287  ]
 [-1.92963914]]
dot product : [[ 1.29042066]
 [-0.04266612]
 [ 0.98192252]]
result : [[ 1.02043739]
 [ 0.10451108]
 [ 1.05421833]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.8624718 ]
 [-0.58812709]
 [ 0.67352033]]
dot product : [[-0.59081201]
 [-0.71977433]]
result : [[-0.02770295]
 [-0.90546893]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.02770295]
 [-0.90546893]]
dot product : [[ 0.4354252 ]
 [ 0.07699269]
 [ 0.38411526]]
result : [[ 0.16544193]
 [ 0.22416988]
 [ 0.45641107]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.8756188 ]
 [-0.94603947]
 [ 0.44998331]]
dot product : [[-0.21354585]
 [-2.18786096]]
result : [[ 0.34956322]
 [-2.37355556]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.34956322]
 [-2.37355556]]
dot product : [[ 1.68732979]
 [-0.1095425 ]
 [ 1.25289582]]
result : [[ 1.41734651]
 [ 0.03763469]
 [ 1.32519163]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.38826665]
 [-0.22284173]
 [ 0.93671988]]
dot product : [[-0.40972642]
 [-0.81079221]]
result : [[ 0.15338264]
 [-0.99648681]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.15338264]
 [-0.99648681]]
dot product : [[ 0.71695757]
 [-0.05087586]
 [ 0.52986241]]
result : [[ 0.4469743 ]
 [ 0.09630133]
 [ 0.60215823]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.8608687 ]
 [-0.07711913]
 [ 1.03139762]]
dot product : [[-0.50413667]
 [-0.37924394]]
result : [[ 0.05897239]
 [-0.56493854]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.05897239]
 [-0.56493854]]
dot product : [[ 0.37027761]
 [-0.00820369]
 [ 0.28408908]]
result : [[ 0.10029434]
 [ 0.1389735 ]
 [ 0.35638489]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.80968627]
 [-0.24410611]
 [ 0.94051003]]
dot product : [[-0.11164428]
 [-1.67193052]]
result : [[ 0.45146478]
 [-1.85762512]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.45146478]
 [-1.85762512]]
dot product : [[ 1.55058497]
 [-0.21692508]
 [ 1.084207  ]]
result : [[ 1.2806017 ]
 [-0.06974789]
 [ 1.15650282]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.3027292 ]
 [-0.29732748]
 [ 0.88589238]]
dot product : [[-0.40076128]
 [-0.92106664]]
result : [[ 0.16234778]
 [-1.10676123]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.16234778]
 [-1.10676123]]
dot product : [[ 0.78594235]
 [-0.0505994 ]
 [ 0.58383226]]
result : [[ 0.51595908]
 [ 0.09657779]
 [ 0.65612808]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.76193823]
 [-0.01066996]
 [ 1.07947387]]
dot product : [[-0.46800533]
 [-0.40475673]]
result : [[ 0.09510374]
 [-0.59045133]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.09510374]
 [-0.59045133]]
dot product : [[ 0.43027723]
 [-0.03325756]
 [ 0.31641952]]
result : [[ 0.16029395]
 [ 0.11391963]
 [ 0.38871534]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.69145814]
 [-1.11114508]
 [ 0.33149012]]
dot product : [[-0.28779593]
 [-2.16805512]]
result : [[ 0.27531314]
 [-2.35374972]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.27531314]
 [-2.35374972]]
dot product : [[ 1.58100885]
 [-0.05601884]
 [ 1.20087743]]
result : [[ 1.31102558]
 [ 0.09115835]
 [ 1.27317324]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.74083576]
 [-1.11590179]
 [ 0.32892906]]
dot product : [[-0.27616457]
 [-2.20614415]]
result : [[ 0.2869445 ]
 [-2.39183875]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.2869445 ]
 [-2.39183875]]
dot product : [[ 1.61587271]
 [-0.06221791]
 [ 1.2244917 ]]
result : [[ 1.34588944]
 [ 0.08495928]
 [ 1.29678752]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.81535065]
 [-1.08557778]
 [ 0.35132659]]
dot product : [[-0.25228051]
 [-2.23854934]]
result : [[ 0.31082856]
 [-2.42424393]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.31082856]
 [-2.42424393]]
dot product : [[ 1.66362243]
 [-0.07780863]
 [ 1.25273275]]
result : [[ 1.39363916]
 [ 0.06936856]
 [ 1.32502857]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.64415088]
 [-0.04291088]
 [ 1.05873279]]
dot product : [[-0.44378688]
 [-0.50958577]]
result : [[ 0.11932218]
 [-0.69528037]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.11932218]
 [-0.69528037]]
dot product : [[ 0.51615208]
 [-0.04457085]
 [ 0.37686993]]
result : [[ 0.24616881]
 [ 0.10260634]
 [ 0.44916575]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.10106781]
 [-0.48450296]
 [ 0.75796058]]
dot product : [[-0.38157847]
 [-1.18878279]]
result : [[ 0.1815306 ]
 [-1.37447739]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.1815306 ]
 [-1.37447739]]
dot product : [[ 0.95007961]
 [-0.04802387]
 [ 0.7133518 ]]
result : [[ 0.68009633]
 [ 0.09915332]
 [ 0.78564762]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.88431089]
 [-0.8122521 ]
 [ 0.54380843]]
dot product : [[-0.18877014]
 [-2.10455479]]
result : [[ 0.37433893]
 [-2.29024939]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.37433893]
 [-2.29024939]]
dot product : [[ 1.67601096]
 [-0.13301888]
 [ 1.23050692]]
result : [[ 1.40602769]
 [ 0.01415831]
 [ 1.30280274]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.78075027]
 [-0.98418159]
 [ 0.39744286]]
dot product : [[-0.63709711]
 [-1.04235427]]
result : [[-0.07398805]
 [-1.22804887]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.07398805]
 [-1.22804887]]
dot product : [[ 0.54345931]
 [ 0.13127918]
 [ 0.49974076]]
result : [[ 0.27347604]
 [ 0.27845638]
 [ 0.57203658]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.28086071]
 [-0.31698969]
 [ 0.8724642 ]]
dot product : [[-0.39857379]
 [-0.94967339]]
result : [[ 0.16453527]
 [-1.13536798]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.16453527]
 [-1.13536798]]
dot product : [[ 0.80365927]
 [-0.05042575]
 [ 0.59775229]]
result : [[ 0.533676  ]
 [ 0.09675144]
 [ 0.6700481 ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.83586808]
 [-0.38015222]
 [ 0.84564697]]
dot product : [[-0.12801928]
 [-1.78140181]]
result : [[ 0.43508978]
 [-1.96709641]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.43508978]
 [-1.96709641]]
dot product : [[ 1.58638434]
 [-0.19800995]
 [ 1.12305688]]
result : [[ 1.31640106]
 [-0.05083276]
 [ 1.1953527 ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.88232077]
 [-0.74634198]
 [ 0.58993341]]
dot product : [[-0.17814393]
 [-2.05907983]]
result : [[ 0.38496514]
 [-2.24477443]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.38496514]
 [-2.24477443]]
dot product : [[ 1.66608448]
 [-0.14369657]
 [ 1.21659658]]
result : [[ 1.3961012 ]
 [ 0.00348062]
 [ 1.28889239]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.2844863 ]
 [-0.84443541]
 [ 0.51191699]]
dot product : [[-0.34525317]
 [-1.7020128 ]]
result : [[ 0.21785589]
 [-1.88770739]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.21785589]
 [-1.88770739]]
dot product : [[ 1.26416066]
 [-0.04275493]
 [ 0.96138764]]
result : [[ 0.99417739]
 [ 0.10442226]
 [ 1.03368346]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.83110741]
 [-0.35401954]
 [ 0.86387311]]
dot product : [[-0.12480624]
 [-1.76056364]]
result : [[ 0.43830282]
 [-1.94625824]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.43830282]
 [-1.94625824]]
dot product : [[ 1.57969398]
 [-0.20168131]
 [ 1.11571764]]
result : [[ 1.30971071]
 [-0.05450412]
 [ 1.18801346]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.8199447 ]
 [-0.81128412]
 [ 0.51790952]]
dot product : [[-0.61777751]
 [-0.89904432]]
result : [[-0.05466845]
 [-1.08473891]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.05466845]
 [-1.08473891]]
dot product : [[ 0.49385642]
 [ 0.10807858]
 [ 0.44764845]]
result : [[ 0.22387315]
 [ 0.25525577]
 [ 0.51994426]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.23663819]
 [-0.35734895]
 [ 0.84489076]]
dot product : [[-0.39425125]
 [-1.00792203]]
result : [[ 0.16885781]
 [-1.19361663]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.16885781]
 [-1.19361663]]
dot product : [[ 0.83956406]
 [-0.04997514]
 [ 0.62601936]]
result : [[ 0.56958079]
 [ 0.09720205]
 [ 0.69831517]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.48980896]
 [-0.14139571]
 [ 0.99217199]]
dot product : [[-0.42154687]
 [-0.68454909]]
result : [[ 0.14156219]
 [-0.87024368]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.14156219]
 [-0.87024368]]
dot product : [[ 0.63596973]
 [-0.05004398]
 [ 0.46716999]]
result : [[ 0.36598646]
 [ 0.09713321]
 [ 0.5394658 ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.1280158 ]
 [-0.70199809]
 [ 0.60922395]]
dot product : [[-0.36060886]
 [-1.49615767]]
result : [[ 0.2025002 ]
 [-1.68185226]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.2025002 ]
 [-1.68185226]]
dot product : [[ 1.13716761]
 [-0.04428881]
 [ 0.86144334]]
result : [[ 0.86718434]
 [ 0.10288839]
 [ 0.93373916]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.88275463]
 [-0.44301392]
 [ 0.77482491]]
dot product : [[-0.57142076]
 [-0.60841116]]
result : [[-0.0083117 ]
 [-0.79410576]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.0083117 ]
 [-0.79410576]]
dot product : [[ 0.40254155]
 [ 0.05573483]
 [ 0.34618657]]
result : [[ 0.13255827]
 [ 0.20291202]
 [ 0.41848238]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.00212559]
 [-0.58283873]
 [ 0.69070654]]
dot product : [[-0.37219367]
 [-1.32748581]]
result : [[ 0.19091539]
 [-1.5131804 ]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.19091539]
 [-1.5131804 ]]
dot product : [[ 1.0344026 ]
 [-0.04628108]
 [ 0.78013286]]
result : [[ 0.76441933]
 [ 0.10089611]
 [ 0.85242867]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.84468781]
 [-0.43082952]
 [ 0.81029585]]
dot product : [[-0.13435394]
 [-1.82152034]]
result : [[ 0.42875513]
 [-2.00721494]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.42875513]
 [-2.00721494]]
dot product : [[ 1.59907251]
 [-0.19083197]
 [ 1.13710001]]
result : [[ 1.32908924]
 [-0.04365478]
 [ 1.20939583]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.69939058]
 [-0.02062908]
 [ 1.07347501]]
dot product : [[-0.45393575]
 [-0.455635  ]]
result : [[ 0.10917331]
 [-0.6413296 ]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.10917331]
 [-0.6413296 ]]
dot product : [[ 0.47495006]
 [-0.04045597]
 [ 0.34710788]]
result : [[ 0.20496678]
 [ 0.10672122]
 [ 0.41940369]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.62740077]
 [-0.05140675]
 [ 1.05304444]]
dot product : [[-0.44100314]
 [-0.52710806]]
result : [[ 0.12210592]
 [-0.71280265]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.12210592]
 [-0.71280265]]
dot product : [[ 0.52887115]
 [-0.04552936]
 [ 0.38623755]]
result : [[ 0.25888788]
 [ 0.10164783]
 [ 0.45853337]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.01360924]
 [-0.59378189]
 [ 0.68322227]]
dot product : [[-0.37114932]
 [-1.34292112]]
result : [[ 0.19195975]
 [-1.52861571]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.19195975]
 [-1.52861571]]
dot product : [[ 1.04378631]
 [-0.04608713]
 [ 0.78756446]]
result : [[ 0.77380304]
 [ 0.10109006]
 [ 0.85986027]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.87313736]
 [-0.63343154]
 [ 0.66885992]]
dot product : [[-0.16139426]
 [-1.97709465]]
result : [[ 0.40171481]
 [-2.16278924]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.40171481]
 [-2.16278924]]
dot product : [[ 1.64507465]
 [-0.16117107]
 [ 1.19011507]]
result : [[ 1.37509138]
 [-0.01399388]
 [ 1.26241089]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.31359679]
 [-0.2876391 ]
 [ 0.89250755]]
dot product : [[-0.40186234]
 [-0.90690582]]
result : [[ 0.16124673]
 [-1.09260042]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.16124673]
 [-1.09260042]]
dot product : [[ 0.77714862]
 [-0.05067192]
 [ 0.57693101]]
result : [[ 0.50716535]
 [ 0.09650527]
 [ 0.64922682]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.56567595]
 [-0.08795369]
 [ 1.02841365]]
dot product : [[-0.4316295 ]
 [-0.59518141]]
result : [[ 0.13147956]
 [-0.78087601]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.13147956]
 [-0.78087601]]
dot product : [[ 0.57642077]
 [-0.04819031]
 [ 0.4217907 ]]
result : [[ 0.30643749]
 [ 0.09898688]
 [ 0.49408652]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.5017083 ]
 [-1.01718375]
 [ 0.39433099]]
dot product : [[-0.31971615]
 [-1.9710838 ]]
result : [[ 0.24339291]
 [-2.15677839]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.24339291]
 [-2.15677839]]
dot product : [[ 1.43721969]
 [-0.04478112]
 [ 1.09520849]]
result : [[ 1.16723641]
 [ 0.10239607]
 [ 1.1675043 ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.88785181]
 [-0.17443756]
 [ 0.96282598]]
dot product : [[-0.52736156]
 [-0.42523543]]
result : [[ 0.0357475 ]
 [-0.61093003]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.0357475 ]
 [-0.61093003]]
dot product : [[ 0.36418152]
 [ 0.01179803]
 [ 0.29088687]]
result : [[ 0.09419825]
 [ 0.15897522]
 [ 0.36318268]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.03232454]
 [-0.54998373]
 [ 0.71317725]]
dot product : [[-0.37532221]
 [-1.28116338]]
result : [[ 0.18778685]
 [-1.46685797]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.18778685]
 [-1.46685797]]
dot product : [[ 1.00624873]
 [-0.04686731]
 [ 0.75783341]]
result : [[ 0.73626546]
 [ 0.10030988]
 [ 0.83012922]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.07095282]
 [-0.6482618 ]
 [ 0.64596492]]
dot product : [[-0.36590653]
 [-1.41988718]]
result : [[ 0.19720253]
 [-1.60558177]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.19720253]
 [-1.60558177]]
dot product : [[ 1.09062248]
 [-0.045146  ]
 [ 0.82464165]]
result : [[ 0.82063921]
 [ 0.10203119]
 [ 0.89693746]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.85040337]
 [-0.65782519]
 [ 0.62489984]]
dot product : [[-0.59953978]
 [-0.77490706]]
result : [[-0.03643072]
 [-0.96060166]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.03643072]
 [-0.96060166]]
dot product : [[ 0.45283291]
 [ 0.08687352]
 [ 0.40340093]]
result : [[ 0.18284964]
 [ 0.23405071]
 [ 0.47569674]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.71335526]
 [-1.11486096]
 [ 0.32922941]]
dot product : [[-0.28290907]
 [-2.18602027]]
result : [[ 0.2802    ]
 [-2.37171486]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.2802    ]
 [-2.37171486]]
dot product : [[ 1.59667796]
 [-0.05850078]
 [ 1.21166624]]
result : [[ 1.32669469]
 [ 0.08867641]
 [ 1.28396205]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.24775025]
 [-0.34713934]
 [ 0.85186713]]
dot product : [[-0.39532588]
 [-0.99323988]]
result : [[ 0.16778319]
 [-1.17893447]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.16778319]
 [-1.17893447]]
dot product : [[ 0.83053319]
 [-0.05009972]
 [ 0.61890305]]
result : [[ 0.56054992]
 [ 0.09707747]
 [ 0.69119887]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.70682931]
 [-0.01844346]
 [ 1.07488957]]
dot product : [[-0.45544001]
 [-0.44891469]]
result : [[ 0.10766906]
 [-0.63460928]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.10766906]
 [-0.63460928]]
dot product : [[ 0.46950734]
 [-0.03976634]
 [ 0.34326072]]
result : [[ 0.19952406]
 [ 0.10741085]
 [ 0.41555653]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.53784878]
 [-0.10663077]
 [ 1.01576828]]
dot product : [[-0.42777516]
 [-0.62734212]]
result : [[ 0.1353339 ]
 [-0.81303672]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.1353339 ]
 [-0.81303672]]
dot product : [[ 0.59814275]
 [-0.049024  ]
 [ 0.43825296]]
result : [[ 0.32815948]
 [ 0.09815319]
 [ 0.51054877]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.32441767]
 [-0.27805098]
 [ 0.89905324]]
dot product : [[-0.40296856]
 [-0.89284506]]
result : [[ 0.16014051]
 [-1.07853965]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.16014051]
 [-1.07853965]]
dot product : [[ 0.76840029]
 [-0.05073438]
 [ 0.57007098]]
result : [[ 0.49841702]
 [ 0.09644281]
 [ 0.64236679]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.81540173]
 [-0.27239952]
 [ 0.92078564]]
dot product : [[-0.11498168]
 [-1.69488839]]
result : [[ 0.44812739]
 [-1.88058298]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.44812739]
 [-1.88058298]]
dot product : [[ 1.55821772]
 [-0.2130296 ]
 [ 1.09241079]]
result : [[ 1.28823445]
 [-0.06585241]
 [ 1.1647066 ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.66850921]
 [-1.10502797]
 [ 0.33541597]]
dot product : [[-0.29254227]
 [-2.1477409 ]]
result : [[ 0.2705668 ]
 [-2.33343549]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.2705668 ]
 [-2.33343549]]
dot product : [[ 1.56429888]
 [-0.05378727]
 [ 1.1891321 ]]
result : [[ 1.29431561]
 [ 0.09338992]
 [ 1.26142791]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.89286411]
 [-0.23476572]
 [ 0.92050079]]
dot product : [[-0.53880876]
 [-0.46202773]]
result : [[ 0.0243003 ]
 [-0.64772233]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.0243003 ]
 [-0.64772233]]
dot product : [[ 0.36852752]
 [ 0.02253883]
 [ 0.30048073]]
result : [[ 0.09854425]
 [ 0.16971602]
 [ 0.37277655]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.41942256]
 [-0.19690025]
 [ 0.95440051]]
dot product : [[-0.41319259]
 [-0.77142115]]
result : [[ 0.14991648]
 [-0.95711575]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.14991648]
 [-0.95711575]]
dot product : [[ 0.69198494]
 [-0.05077886]
 [ 0.51043904]]
result : [[ 0.42200166]
 [ 0.09639833]
 [ 0.58273486]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.05949974]
 [-0.63741001]
 [ 0.65338569]]
dot product : [[-0.36695861]
 [-1.40453457]]
result : [[ 0.19615045]
 [-1.59022916]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.19615045]
 [-1.59022916]]
dot product : [[ 1.08127182]
 [-0.04532909]
 [ 0.81724211]]
result : [[ 0.81128855]
 [ 0.1018481 ]
 [ 0.88953792]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.45257334]
 [-0.98203513]
 [ 0.41817889]]
dot product : [[-0.32615545]
 [-1.91284606]]
result : [[ 0.23695361]
 [-2.09854065]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.23695361]
 [-2.09854065]]
dot product : [[ 1.39858339]
 [-0.0436699 ]
 [ 1.06571287]]
result : [[ 1.12860012]
 [ 0.10350729]
 [ 1.13800868]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.29539115]
 [-0.85396583]
 [ 0.50541302]]
dot product : [[-0.34411607]
 [-1.71609434]]
result : [[ 0.218993  ]
 [-1.90178894]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.218993  ]
 [-1.90178894]]
dot product : [[ 1.27295974]
 [-0.04271394]
 [ 0.96827486]]
result : [[ 1.00297647]
 [ 0.10446325]
 [ 1.04057068]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.18059023]
 [-0.40942288]
 [ 0.80929809]]
dot product : [[-0.38892854]
 [-1.08236345]]
result : [[ 0.17418052]
 [-1.26805805]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.17418052]
 [-1.26805805]]
dot product : [[ 0.88518964]
 [-0.04925066]
 [ 0.66202712]]
result : [[ 0.61520637]
 [ 0.09792653]
 [ 0.73432293]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.25882582]
 [-0.33700705]
 [ 0.85878993]]
dot product : [[-0.39640436]
 [-0.97863521]]
result : [[ 0.1667047 ]
 [-1.16432981]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.1667047 ]
 [-1.16432981]]
dot product : [[ 0.82153765]
 [-0.05021662]
 [ 0.61181875]]
result : [[ 0.55155438]
 [ 0.09696057]
 [ 0.68411456]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.66048242]
 [-0.03533603]
 [ 1.06378268]]
dot product : [[-0.4466207 ]
 [-0.49297521]]
result : [[ 0.11648836]
 [-0.6786698 ]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.11648836]
 [-0.6786698 ]]
dot product : [[ 0.50384274]
 [-0.04351845]
 [ 0.36787615]]
result : [[ 0.23385947]
 [ 0.10365874]
 [ 0.44017196]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.24044795]
 [-0.80532804]
 [ 0.53861663]]
dot product : [[-0.34974068]
 [-1.64473138]]
result : [[ 0.21336838]
 [-1.83042598]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.21336838]
 [-1.83042598]]
dot product : [[ 1.22854594]
 [-0.04302346]
 [ 0.93345201]]
result : [[ 0.95856266]
 [ 0.10415374]
 [ 1.00574782]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.85867859]
 [-0.61084914]
 [ 0.65766752]]
dot product : [[-0.59369288]
 [-0.73764817]]
result : [[-0.03058381]
 [-0.92334276]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.03058381]
 [-0.92334276]]
dot product : [[ 0.44100231]
 [ 0.08023389]
 [ 0.39033768]]
result : [[ 0.17101904]
 [ 0.22741108]
 [ 0.4626335 ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.38085591]
 [-0.92606427]
 [ 0.45625618]]
dot product : [[-0.33476619]
 [-1.82472121]]
result : [[ 0.22834287]
 [-2.0104158 ]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.22834287]
 [-2.0104158 ]]
dot product : [[ 1.34158455]
 [-0.04282414]
 [ 1.02174059]]
result : [[ 1.07160128]
 [ 0.10435305]
 [ 1.09403641]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.67638176]
 [-0.02871278]
 [ 1.06817291]]
dot product : [[-0.44950634]
 [-0.47730644]]
result : [[ 0.11360272]
 [-0.66300104]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.11360272]
 [-0.66300104]]
dot product : [[ 0.49195656]
 [-0.04236901]
 [ 0.35926849]]
result : [[ 0.22197329]
 [ 0.10480818]
 [ 0.43156431]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.61024572]
 [-0.06079305]
 [ 1.04673886]]
dot product : [[-0.43826776]
 [-0.54551197]]
result : [[ 0.1248413 ]
 [-0.73120656]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.1248413 ]
 [-0.73120656]]
dot product : [[ 0.54198653]
 [-0.04639713]
 [ 0.39596671]]
result : [[ 0.27200326]
 [ 0.10078006]
 [ 0.46826253]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.85550694]
 [-1.02321488]
 [ 0.39562474]]
dot product : [[-0.23163973]
 [-2.22524246]]
result : [[ 0.33146934]
 [-2.41093706]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.33146934]
 [-2.41093706]]
dot product : [[ 1.68338759]
 [-0.09386284]
 [ 1.25887731]]
result : [[ 1.41340432]
 [ 0.05331435]
 [ 1.33117312]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.05527359]
 [-0.52809735]
 [ 0.72814612]]
dot product : [[-0.37740631]
 [-1.25030563]]
result : [[ 0.18570275]
 [-1.43600022]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.18570275]
 [-1.43600022]]
dot product : [[ 0.98749397]
 [-0.04725782]
 [ 0.74297858]]
result : [[ 0.7175107 ]
 [ 0.09991938]
 [ 0.8152744 ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.40166683]
 [-0.94279731]
 [ 0.44486278]]
dot product : [[-0.3323505 ]
 [-1.85062182]]
result : [[ 0.23075856]
 [-2.03631641]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.23075856]
 [-2.03631641]]
dot product : [[ 1.35818817]
 [-0.04298785]
 [ 1.03459735]]
result : [[ 1.08820489]
 [ 0.10418934]
 [ 1.10689316]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.79777761]
 [-0.01697286]
 [ 1.07450114]]
dot product : [[-0.47809461]
 [-0.38363341]]
result : [[ 0.08501446]
 [-0.56932801]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.08501446]
 [-0.56932801]]
dot product : [[ 0.40623719]
 [-0.02713602]
 [ 0.30120336]]
result : [[ 0.13625392]
 [ 0.12004117]
 [ 0.37349918]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.4324114 ]
 [-0.96680394]
 [ 0.42853068]]
dot product : [[-0.32866127]
 [-1.88840841]]
result : [[ 0.2344478 ]
 [-2.07410301]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.2344478 ]
 [-2.07410301]]
dot product : [[ 1.38262463]
 [-0.04334834]
 [ 1.05345029]]
result : [[ 1.11264135]
 [ 0.10382885]
 [ 1.12574611]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.88050667]
 [-0.13357725]
 [ 0.99155448]]
dot product : [[-0.51861359]
 [-0.40310874]]
result : [[ 0.04449548]
 [-0.58880334]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.04449548]
 [-0.58880334]]
dot product : [[ 0.3639778 ]
 [ 0.00396406]
 [ 0.28620309]]
result : [[ 0.09399453]
 [ 0.15114125]
 [ 0.35849891]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.69887632]
 [-1.1126556 ]
 [ 0.330548  ]]
dot product : [[-0.28618288]
 [-2.17430953]]
result : [[ 0.27692619]
 [-2.36000412]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.27692619]
 [-2.36000412]]
dot product : [[ 1.58634978]
 [-0.05681781]
 [ 1.20458203]]
result : [[ 1.31636651]
 [ 0.09035939]
 [ 1.27687784]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.77227571]
 [-1.11056888]
 [ 0.33315392]]
dot product : [[-0.26734693]
 [-2.22480574]]
result : [[ 0.29576214]
 [-2.41050033]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.29576214]
 [-2.41050033]]
dot product : [[ 1.63698718]
 [-0.06755537]
 [ 1.23787872]]
result : [[ 1.36700391]
 [ 0.07962182]
 [ 1.31017454]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.54721097]
 [-0.10021561]
 [ 1.02011474]]
dot product : [[-0.42904973]
 [-0.61643408]]
result : [[ 0.13405933]
 [-0.80212867]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.13405933]
 [-0.80212867]]
dot product : [[ 0.59081755]
 [-0.04876537]
 [ 0.43268847]]
result : [[ 0.32083428]
 [ 0.09841182]
 [ 0.50498428]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.07819255]
 [-0.50626023]
 [ 0.74308096]]
dot product : [[-0.37949115]
 [-1.21950207]]
result : [[ 0.18361791]
 [-1.40519666]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.18361791]
 [-1.40519666]]
dot product : [[ 0.96876645]
 [-0.04764439]
 [ 0.72814728]]
result : [[ 0.69878318]
 [ 0.0995328 ]
 [ 0.8004431 ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.84039431]
 [-0.40575427]
 [ 0.82778877]]
dot product : [[-0.13120177]
 [-1.80171946]]
result : [[ 0.43190729]
 [-1.98741405]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.43190729]
 [-1.98741405]]
dot product : [[ 1.59284329]
 [-0.19439364]
 [ 1.13018383]]
result : [[ 1.32286001]
 [-0.04721644]
 [ 1.20247964]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.00935906]
 [-0.57188877]
 [ 0.69819556]]
dot product : [[-0.37323713]
 [-1.31204524]]
result : [[ 0.18987194]
 [-1.49773983]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.18987194]
 [-1.49773983]]
dot product : [[ 1.02501732]
 [-0.04647603]
 [ 0.77269946]]
result : [[ 0.75503405]
 [ 0.10070116]
 [ 0.84499528]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.88261408]
 [-0.14319077]
 [ 0.98478939]]
dot product : [[-0.5207673 ]
 [-0.40804653]]
result : [[ 0.04234177]
 [-0.59374112]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.04234177]
 [-0.59374112]]
dot product : [[ 0.36376269]
 [ 0.00586091]
 [ 0.28713091]]
result : [[ 0.09377941]
 [ 0.1530381 ]
 [ 0.35942672]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.81402889]
 [-0.83872816]
 [ 0.49878306]]
dot product : [[-0.62092105]
 [-0.92157593]]
result : [[-0.05781199]
 [-1.10727053]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.05781199]
 [-1.10727053]]
dot product : [[ 0.50151799]
 [ 0.11180446]
 [ 0.45577676]]
result : [[ 0.23153472]
 [ 0.25898165]
 [ 0.52807257]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.80860522]
 [-0.02154802]
 [ 1.07112836]]
dot product : [[-0.48159365]
 [-0.37903757]]
result : [[ 0.08151541]
 [-0.56473216]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.08151541]
 [-0.56473216]]
dot product : [[ 0.39932066]
 [-0.02484249]
 [ 0.29713301]]
result : [[ 0.12933739]
 [ 0.1223347 ]
 [ 0.36942882]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.85373844]
 [-0.0643567 ]
 [ 1.04044617]]
dot product : [[-0.50018647]
 [-0.37575179]]
result : [[ 0.06292259]
 [-0.56144638]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.06292259]
 [-0.56144638]]
dot product : [[ 0.37356815]
 [-0.01133518]
 [ 0.28484706]]
result : [[ 0.10358488]
 [ 0.13584201]
 [ 0.35714287]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.74891835]
 [-0.01094122]
 [ 1.07948694]]
dot product : [[-0.46477242]
 [-0.41414281]]
result : [[ 0.09833665]
 [-0.5998374 ]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.09833665]
 [-0.5998374 ]]
dot product : [[ 0.43934266]
 [-0.03505558]
 [ 0.3224523 ]]
result : [[ 0.16935939]
 [ 0.11212161]
 [ 0.39474812]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.13526893]
 [-0.45208366]
 [ 0.78013005]]
dot product : [[-0.38471786]
 [-1.14292773]]
result : [[ 0.1783912 ]
 [-1.32862232]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.1783912 ]
 [-1.32862232]]
dot product : [[ 0.92215494]
 [-0.0485729 ]
 [ 0.69125262]]
result : [[ 0.65217167]
 [ 0.09860429]
 [ 0.76354843]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.10523791]
 [-0.6806234 ]
 [ 0.62383717]]
dot product : [[-0.36273625]
 [-1.46576303]]
result : [[ 0.20037282]
 [-1.65145762]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.20037282]
 [-1.65145762]]
dot product : [[ 1.1185979 ]
 [-0.04461846]
 [ 0.84676802]]
result : [[ 0.84861463]
 [ 0.10255873]
 [ 0.91906383]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.84992859]
 [-0.05851777]
 [ 1.04459451]]
dot product : [[-0.4982413]
 [-0.3745413]]
result : [[ 0.06486776]
 [-0.56023589]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.06486776]
 [-0.56023589]]
dot product : [[ 0.37545346]
 [-0.01284539]
 [ 0.28544536]]
result : [[ 0.10547019]
 [ 0.1343318 ]
 [ 0.35774118]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.85862676]
 [-1.01494338]
 [ 0.40146581]]
dot product : [[-0.22945763]
 [-2.22191771]]
result : [[ 0.33365143]
 [-2.4076123 ]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.33365143]
 [-2.4076123 ]]
dot product : [[ 1.6844789 ]
 [-0.09567985]
 [ 1.25867906]]
result : [[ 1.41449563]
 [ 0.05149734]
 [ 1.33097488]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.7804745 ]
 [-0.01245835]
 [ 1.07793242]]
dot product : [[-0.47297512]
 [-0.39284782]]
result : [[ 0.09013395]
 [-0.57854242]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.09013395]
 [-0.57854242]]
dot product : [[ 0.41765283]
 [-0.03033615]
 [ 0.30825951]]
result : [[ 0.14766955]
 [ 0.11684104]
 [ 0.38055533]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.88051691]
 [-0.46227744]
 [ 0.76136981]]
dot product : [[-0.57410944]
 [-0.6228729 ]]
result : [[-0.01100038]
 [-0.8085675 ]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.01100038]
 [-0.8085675 ]]
dot product : [[ 0.40659136]
 [ 0.05862115]
 [ 0.35101268]]
result : [[ 0.13660809]
 [ 0.20579834]
 [ 0.42330849]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.89171727]
 [-0.33735345]
 [ 0.84867781]]
dot product : [[-0.55583948]
 [-0.53142944]]
result : [[ 0.00726958]
 [-0.71712403]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.00726958]
 [-0.71712403]]
dot product : [[ 0.3826249 ]
 [ 0.03943458]
 [ 0.32123603]]
result : [[ 0.11264163]
 [ 0.18661177]
 [ 0.39353184]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.6280486 ]
 [-1.08977712]
 [ 0.34546499]]
dot product : [[-0.30015644]
 [-2.10893949]]
result : [[ 0.26295263]
 [-2.29463408]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.26295263]
 [-2.29463408]]
dot product : [[ 1.53425892]
 [-0.05059546]
 [ 1.16754362]]
result : [[ 1.26427565]
 [ 0.09658173]
 [ 1.23983944]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.60251976]
 [-1.07776145]
 [ 0.35348131]]
dot product : [[-0.30455662]
 [-2.08285751]]
result : [[ 0.25855244]
 [-2.2685521 ]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.25855244]
 [-2.2685521 ]]
dot product : [[ 1.51499475]
 [-0.04897948]
 [ 1.15345038]]
result : [[ 1.24501148]
 [ 0.09819771]
 [ 1.2257462 ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.06673768]
 [-0.51717072]
 [ 0.73561912]]
dot product : [[-0.37844853]
 [-1.23489519]]
result : [[ 0.18466053]
 [-1.42058979]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.18466053]
 [-1.42058979]]
dot product : [[ 0.97812597]
 [-0.04745179]
 [ 0.73555923]]
result : [[ 0.7081427 ]
 [ 0.0997254 ]
 [ 0.80785504]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.89356616]
 [-0.27608096]
 [ 0.89155731]]
dot product : [[-0.54596066]
 [-0.48915507]]
result : [[ 0.01714841]
 [-0.67484967]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.01714841]
 [-0.67484967]]
dot product : [[ 0.3733977 ]
 [ 0.02950804]
 [ 0.30830501]]
result : [[ 0.10341443]
 [ 0.17668523]
 [ 0.38060082]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.53025033]
 [-1.03611129]
 [ 0.38152138]]
dot product : [[-0.31572408]
 [-2.00391734]]
result : [[ 0.24738498]
 [-2.18961194]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.24738498]
 [-2.18961194]]
dot product : [[ 1.45946995]
 [-0.04567436]
 [ 1.11204842]]
result : [[ 1.18948668]
 [ 0.10150283]
 [ 1.18434423]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.82561786]
 [-0.78438004]
 [ 0.53666163]]
dot product : [[-0.61466402]
 [-0.87704528]]
result : [[-0.05155496]
 [-1.06273987]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.05155496]
 [-1.06273987]]
dot product : [[ 0.48643316]
 [ 0.10440812]
 [ 0.43973804]]
result : [[ 0.21644989]
 [ 0.25158531]
 [ 0.51203386]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.80028279]
 [-1.09741885]
 [ 0.34279947]]
dot product : [[-0.25807403]
 [-2.23581378]]
result : [[ 0.30503504]
 [-2.42150838]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.30503504]
 [-2.42150838]]
dot product : [[ 1.6547071 ]
 [-0.07370668]
 [ 1.24814781]]
result : [[ 1.38472383]
 [ 0.07347051]
 [ 1.32044362]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.79214976]
 [-0.01515875]
 [ 1.0758593 ]]
dot product : [[-0.47637111]
 [-0.38639922]]
result : [[ 0.08673795]
 [-0.57209382]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.08673795]
 [-0.57209382]]
dot product : [[ 0.4099053 ]
 [-0.02823435]
 [ 0.3034302 ]]
result : [[ 0.13992203]
 [ 0.11894284]
 [ 0.37572602]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.2918166 ]
 [-0.30711228]
 [ 0.87921038]]
dot product : [[-0.39966517]
 [-0.93532375]]
result : [[ 0.16344389]
 [-1.12101834]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.16344389]
 [-1.12101834]]
dot product : [[ 0.79477979]
 [-0.05051721]
 [ 0.5907732 ]]
result : [[ 0.52479652]
 [ 0.09665998]
 [ 0.66306902]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.86565678]
 [-0.57043228]
 [ 0.71286083]]
dot product : [[-0.1526421]
 [-1.9296843]]
result : [[ 0.41046696]
 [-2.11537889]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.41046696]
 [-2.11537889]]
dot product : [[ 1.63171755]
 [-0.1705875 ]
 [ 1.17425725]]
result : [[ 1.36173428]
 [-0.02341031]
 [ 1.24655306]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.82464401]
 [-1.07597374]
 [ 0.3581971 ]]
dot product : [[-0.24831881]
 [-2.23869816]]
result : [[ 0.31479025]
 [-2.42439275]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.31479025]
 [-2.42439275]]
dot product : [[ 1.66882277]
 [-0.08072116]
 [ 1.2551069 ]]
result : [[ 1.3988395 ]
 [ 0.06645603]
 [ 1.32740272]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.81380157]
 [-0.02431671]
 [ 1.06910845]]
dot product : [[-0.48336964]
 [-0.37721506]]
result : [[ 0.07973942]
 [-0.56290965]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.07973942]
 [-0.56290965]]
dot product : [[ 0.39607561]
 [-0.02364651]
 [ 0.29529256]]
result : [[ 0.12609233]
 [ 0.12353068]
 [ 0.36758837]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.78638149]
 [-0.01365519]
 [ 1.07700217]]
dot product : [[-0.47466469]
 [-0.38947195]]
result : [[ 0.08844437]
 [-0.57516654]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.08844437]
 [-0.57516654]]
dot product : [[ 0.41371107]
 [-0.02930093]
 [ 0.30578276]]
result : [[ 0.1437278 ]
 [ 0.11787626]
 [ 0.37807858]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.7843778 ]
 [-0.12539678]
 [ 1.02324597]]
dot product : [[-0.09797627]
 [-1.57466816]]
result : [[ 0.4651328 ]
 [-1.76036276]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.4651328 ]
 [-1.76036276]]
dot product : [[ 1.5176393 ]
 [-0.23308112]
 [ 1.04917673]]
result : [[ 1.24765603]
 [-0.08590393]
 [ 1.12147254]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.87575982]
 [-0.11553038]
 [ 1.00426649]]
dot product : [[-0.51437143]
 [-0.39439837]]
result : [[ 0.04873763]
 [-0.58009296]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.04873763]
 [-0.58009296]]
dot product : [[  3.64930068e-01]
 [  2.91284539e-04]
 [  2.84824504e-01]]
result : [[ 0.0949468 ]
 [ 0.14746848]
 [ 0.35712032]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.88312251]
 [-0.87095692]
 [ 0.50267967]]
dot product : [[-0.19898032]
 [-2.14296512]]
result : [[ 0.36412874]
 [-2.32865971]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.36412874]
 [-2.32865971]]
dot product : [[ 1.68279864]
 [-0.12308933]
 [ 1.24153679]]
result : [[ 1.41281537]
 [ 0.02408786]
 [ 1.31383261]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.87806208]
 [-0.48202356]
 [ 0.74758014]]
dot product : [[-0.57682493]
 [-0.6378108 ]]
result : [[-0.01371586]
 [-0.8235054 ]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.01371586]
 [-0.8235054 ]]
dot product : [[ 0.41085433]
 [ 0.06155699]
 [ 0.35603365]]
result : [[ 0.14087106]
 [ 0.20873418]
 [ 0.42832947]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.22549134]
 [-0.36763205]
 [ 0.83786346]]
dot product : [[-0.39318028]
 [-1.02267791]]
result : [[ 0.16992878]
 [-1.2083725 ]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.16992878]
 [-1.2083725 ]]
dot product : [[ 0.84862858]
 [-0.04984326]
 [ 0.63316613]]
result : [[ 0.57864531]
 [ 0.09733393]
 [ 0.70546194]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.86937796]
 [-0.5441958 ]
 [ 0.70417715]]
dot product : [[-0.58513438]
 [-0.68551907]]
result : [[-0.02202532]
 [-0.87121367]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.02202532]
 [-0.87121367]]
dot product : [[ 0.42493894]
 [ 0.07066553]
 [ 0.37228112]]
result : [[ 0.15495567]
 [ 0.21784272]
 [ 0.44457694]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.84136483]
 [-1.05252402]
 [ 0.37487938]]
dot product : [[-0.24014919]
 [-2.23484068]]
result : [[ 0.32295987]
 [-2.42053527]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.32295987]
 [-2.42053527]]
dot product : [[ 1.67737932]
 [-0.08698738]
 [ 1.25816193]]
result : [[ 1.40739605]
 [ 0.06018981]
 [ 1.33045774]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.87031495]
 [-0.09903159]
 [ 1.01590529]]
dot product : [[-0.51021486]
 [-0.38721653]]
result : [[ 0.05289421]
 [-0.57291112]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.05289421]
 [-0.57291112]]
dot product : [[ 0.36656719]
 [-0.00322289]
 [ 0.28407173]]
result : [[ 0.09658392]
 [ 0.1439543 ]
 [ 0.35636754]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.22934215]
 [-0.7953239 ]
 [ 0.54544921]]
dot product : [[-0.35084842]
 [-1.63019103]]
result : [[ 0.21226065]
 [-1.81588562]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.21226065]
 [-1.81588562]]
dot product : [[ 1.21954605]
 [-0.04311476]
 [ 0.92637909]]
result : [[ 0.94956278]
 [ 0.10406243]
 [ 0.9986749 ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.74221482]
 [-0.01150444]
 [ 1.07919707]]
dot product : [[-0.4631794]
 [-0.4192586]]
result : [[ 0.09992966]
 [-0.6049532 ]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.09992966]
 [-0.6049532 ]]
dot product : [[ 0.44406509]
 [-0.0359109 ]
 [ 0.32564191]]
result : [[ 0.17408182]
 [ 0.1112663 ]
 [ 0.39793773]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.51130396]
 [-1.02368072]
 [ 0.38993089]]
dot product : [[-0.3183966 ]
 [-1.98221159]]
result : [[ 0.24471246]
 [-2.16790619]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.24471246]
 [-2.16790619]]
dot product : [[ 1.44471742]
 [-0.0450592 ]
 [ 1.10089633]]
result : [[ 1.17473415]
 [ 0.10211799]
 [ 1.17319214]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.04380197]
 [-0.53903629]
 [ 0.72066461]]
dot product : [[-0.37636428]
 [-1.26572961]]
result : [[ 0.18674479]
 [-1.4514242 ]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.18674479]
 [-1.4514242 ]]
dot product : [[ 0.99686878]
 [-0.04706286]
 [ 0.75040382]]
result : [[ 0.72688551]
 [ 0.10011433]
 [ 0.82269964]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.83105005]
 [-0.75801209]
 [ 0.55504205]]
dot product : [[-0.61158037]
 [-0.85557505]]
result : [[-0.0484713 ]
 [-1.04126965]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.0484713 ]
 [-1.04126965]]
dot product : [[ 0.47924654]
 [ 0.10079271]
 [ 0.43204402]]
result : [[ 0.20926327]
 [ 0.2479699 ]
 [ 0.50433983]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.6841651 ]
 [-0.02576757]
 [ 1.07011403]]
dot product : [[-0.45096914]
 [-0.46983464]]
result : [[ 0.11213993]
 [-0.65552924]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.11213993]
 [-0.65552924]]
dot product : [[ 0.48617635]
 [-0.0417569 ]
 [ 0.3551133 ]]
result : [[ 0.21619307]
 [ 0.10542029]
 [ 0.42740911]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.19185916]
 [-0.39888405]
 [ 0.81650256]]
dot product : [[-0.38998709]
 [-1.06735029]]
result : [[ 0.17312198]
 [-1.25304488]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.17312198]
 [-1.25304488]]
dot product : [[ 0.87600729]
 [-0.04940778]
 [ 0.65477386]]
result : [[ 0.60602402]
 [ 0.09776941]
 [ 0.72706967]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.54885873]
 [-1.04776523]
 [ 0.37365046]]
dot product : [[-0.31300555]
 [-2.0248649 ]]
result : [[ 0.25010351]
 [-2.21055949]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.25010351]
 [-2.21055949]]
dot product : [[ 1.47388736]
 [-0.04637081]
 [ 1.12289216]]
result : [[ 1.20390409]
 [ 0.10080638]
 [ 1.19518798]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.88923054]
 [-0.18566798]
 [ 0.95493997]]
dot product : [[-0.52960475]
 [-0.43176945]]
result : [[ 0.03350431]
 [-0.61746404]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.03350431]
 [-0.61746404]]
dot product : [[ 0.36468145]
 [ 0.01386058]
 [ 0.29246815]]
result : [[ 0.09469818]
 [ 0.16103777]
 [ 0.36476397]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.58500707]
 [-1.0686209 ]
 [ 0.35960921]]
dot product : [[-0.30742356]
 [-2.06436507]]
result : [[ 0.25568551]
 [-2.25005966]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.25568551]
 [-2.25005966]]
dot product : [[ 1.50166319]
 [-0.04802021]
 [ 1.14360544]]
result : [[ 1.23167992]
 [ 0.09915698]
 [ 1.21590125]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.0896365]
 [-0.4953697]
 [ 0.750529 ]]
dot product : [[-0.38053439]
 [-1.20413001]]
result : [[ 0.18257467]
 [-1.38982461]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.18257467]
 [-1.38982461]]
dot product : [[ 0.95941711]
 [-0.04783521]
 [ 0.7207443 ]]
result : [[ 0.68943384]
 [ 0.09934198]
 [ 0.79304011]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.8800997 ]
 [-0.71060845]
 [ 0.6149225 ]]
dot product : [[-0.17267048]
 [-2.03361789]]
result : [[ 0.39043858]
 [-2.21931249]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.39043858]
 [-2.21931249]]
dot product : [[ 1.65991063]
 [-0.14932385]
 [ 1.2085305 ]]
result : [[ 1.38992736]
 [-0.00214666]
 [ 1.28082631]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.73538449]
 [-0.01234762]
 [ 1.07871312]]
dot product : [[-0.46160172]
 [-0.42465122]]
result : [[ 0.10150735]
 [-0.61034581]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.10150735]
 [-0.61034581]]
dot product : [[ 0.44891177]
 [-0.03673761]
 [ 0.32894495]]
result : [[ 0.1789285 ]
 [ 0.11043958]
 [ 0.40124077]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.8261106 ]
 [-0.32735242]
 [ 0.88246983]]
dot product : [[-0.12156244]
 [-1.73920119]]
result : [[ 0.44154663]
 [-1.92489578]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.44154663]
 [-1.92489578]]
dot product : [[ 1.57277054]
 [-0.20540811]
 [ 1.10816457]]
result : [[ 1.30278727]
 [-0.05823092]
 [ 1.18046039]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.78390241]
 [-1.10627369]
 [ 0.3363431 ]]
dot product : [[-0.26369391]
 [-2.23015371]]
result : [[ 0.29941515]
 [-2.4158483 ]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.29941515]
 [-2.4158483 ]]
dot product : [[ 1.64449424]
 [-0.06991547]
 [ 1.24237126]]
result : [[ 1.37451097]
 [ 0.07726172]
 [ 1.31466708]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.77815857]
 [-1.10857954]
 [ 0.33463877]]
dot product : [[-0.26552963]
 [-2.22763467]]
result : [[ 0.29757943]
 [-2.41332927]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.29757943]
 [-2.41332927]]
dot product : [[ 1.64080944]
 [-0.06871895]
 [ 1.24018812]]
result : [[ 1.37082617]
 [ 0.07845824]
 [ 1.31248393]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.76625553]
 [-1.11224554]
 [ 0.33188589]]
dot product : [[-0.26914601]
 [-2.22167066]]
result : [[ 0.29396305]
 [-2.40736526]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.29396305]
 [-2.40736526]]
dot product : [[ 1.63302914]
 [-0.06642435]
 [ 1.23544461]]
result : [[ 1.36304587]
 [ 0.08075284]
 [ 1.30774042]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.6015206 ]
 [-0.06581055]
 [ 1.04336123]]
dot product : [[-0.43691767]
 [-0.55503513]]
result : [[ 0.1261914 ]
 [-0.74072973]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.1261914 ]
 [-0.74072973]]
dot product : [[ 0.54868864]
 [-0.04679798]
 [ 0.40096303]]
result : [[ 0.27870537]
 [ 0.10037921]
 [ 0.47325885]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.84182799]
 [-0.0479054 ]
 [ 1.05215254]]
dot product : [[-0.49440973]
 [-0.3731727 ]]
result : [[ 0.06869933]
 [-0.55886729]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.06869933]
 [-0.55886729]]
dot product : [[ 0.37969579]
 [-0.01575674]
 [ 0.28707292]]
result : [[ 0.10971252]
 [ 0.13142045]
 [ 0.35936874]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.85618893]
 [-0.50293269]
 [ 0.75998228]]
dot product : [[-0.14363061]
 [-1.87786005]]
result : [[ 0.41947846]
 [-2.06355464]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.41947846]
 [-2.06355464]]
dot product : [[ 1.6163986 ]
 [-0.18047092]
 [ 1.15659939]]
result : [[ 1.34641533]
 [-0.03329372]
 [ 1.2288952 ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.87867669]
 [-0.69203369]
 [ 0.62790797]]
dot product : [[-0.16989292]
 [-2.02019264]]
result : [[ 0.39321615]
 [-2.20588724]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.39321615]
 [-2.20588724]]
dot product : [[ 1.65651519]
 [-0.15221098]
 [ 1.20421436]]
result : [[ 1.38653192]
 [-0.00503379]
 [ 1.27651017]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.51887351]
 [-0.1200104 ]
 [ 1.00669461]]
dot product : [[-0.42525559]
 [-0.64970285]]
result : [[ 0.13785348]
 [-0.83539744]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.13785348]
 [-0.83539744]]
dot product : [[ 0.61303838]
 [-0.04948545]
 [ 0.44960546]]
result : [[ 0.34305511]
 [ 0.09769174]
 [ 0.52190128]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.09382361]
 [-0.66987231]
 [ 0.63118801]]
dot product : [[-0.36379556]
 [-1.45050517]]
result : [[ 0.1993135 ]
 [-1.63619977]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.1993135 ]
 [-1.63619977]]
dot product : [[ 1.1092872 ]
 [-0.04479029]
 [ 0.83940614]]
result : [[ 0.83930393]
 [ 0.1023869 ]
 [ 0.91170196]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.80786871]
 [-0.86671599]
 [ 0.47927961]]
dot product : [[-0.62409486]
 [-0.94464388]]
result : [[-0.0609858 ]
 [-1.13033848]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.0609858 ]
 [-1.13033848]]
dot product : [[ 0.50941956]
 [ 0.11558618]
 [ 0.46412452]]
result : [[ 0.23943628]
 [ 0.26276337]
 [ 0.53642033]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.72041262]
 [-1.11554813]
 [ 0.32885824]]
dot product : [[-0.28124788]
 [-2.19146908]]
result : [[ 0.28186119]
 [-2.37716367]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.28186119]
 [-2.37716367]]
dot product : [[ 1.60166187]
 [-0.05938557]
 [ 1.21504278]]
result : [[ 1.3316786 ]
 [ 0.08779162]
 [ 1.28733859]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.84514637]
 [-1.04575562]
 [ 0.37967818]]
dot product : [[-0.23805423]
 [-2.23298872]]
result : [[ 0.32505484]
 [-2.41868332]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.32505484]
 [-2.41868332]]
dot product : [[ 1.67912449]
 [-0.08864814]
 [ 1.25856396]]
result : [[ 1.40914122]
 [ 0.05852905]
 [ 1.33085977]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.42222839]
 [-0.95895256]
 [ 0.43387011]]
dot product : [[-0.32990006]
 [-1.8759598 ]]
result : [[ 0.233209 ]
 [-2.0616544]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.233209 ]
 [-2.0616544]]
dot product : [[ 1.3745439 ]
 [-0.04321233]
 [ 1.04722565]]
result : [[ 1.10456063]
 [ 0.10396486]
 [ 1.11952147]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.83309753]
 [-0.03868815]
 [ 1.0587434 ]]
dot product : [[-0.49065509]
 [-0.37318218]]
result : [[ 0.07245398]
 [-0.55887677]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.07245398]
 [-0.55887677]]
dot product : [[ 0.38455587]
 [-0.01852527]
 [ 0.28926484]]
result : [[ 0.1145726 ]
 [ 0.12865192]
 [ 0.36156065]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.80326333]
 [-0.01910134]
 [ 1.07292504]]
dot product : [[-0.47983538]
 [-0.38117827]]
result : [[ 0.08327368]
 [-0.56687287]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.08327368]
 [-0.56687287]]
dot product : [[ 0.40270842]
 [-0.02600553]
 [ 0.29910379]]
result : [[ 0.13272515]
 [ 0.12117167]
 [ 0.3713996 ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.53959763]
 [-1.04203725]
 [ 0.37751727]]
dot product : [[-0.31437068]
 [-2.01448777]]
result : [[ 0.24873839]
 [-2.20018237]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.24873839]
 [-2.20018237]]
dot product : [[ 1.46672138]
 [-0.04601223]
 [ 1.1175096 ]]
result : [[ 1.19673811]
 [ 0.10116496]
 [ 1.18980542]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.65236982]
 [-0.03900642]
 [ 1.06133886]]
dot product : [[-0.44519742]
 [-0.50116464]]
result : [[ 0.11791164]
 [-0.68685924]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.11791164]
 [-0.68685924]]
dot product : [[ 0.50994536]
 [-0.04405659]
 [ 0.37232554]]
result : [[ 0.23996208]
 [ 0.1031206 ]
 [ 0.44462136]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.20310013]
 [-0.38840343]
 [ 0.82366671]]
dot product : [[-0.39104841]
 [-1.0523958 ]]
result : [[ 0.17206065]
 [-1.23809039]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.17206065]
 [-1.23809039]]
dot product : [[ 0.86685187]
 [-0.04955918]
 [ 0.64754491]]
result : [[ 0.5968686 ]
 [ 0.09761801]
 [ 0.71984073]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.52081854]
 [-1.02999117]
 [ 0.38566014]]
dot product : [[-0.31706599]
 [-1.99315736]]
result : [[ 0.24604308]
 [-2.17885196]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.24604308]
 [-2.17885196]]
dot product : [[ 1.45213473]
 [-0.04535681]
 [ 1.10651015]]
result : [[ 1.18215146]
 [ 0.10182038]
 [ 1.17880596]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.61887301]
 [-0.05599051]
 [ 1.04996748]]
dot product : [[-0.43962952]
 [-0.53620169]]
result : [[ 0.12347955]
 [-0.72189628]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.12347955]
 [-0.72189628]]
dot product : [[ 0.53538014]
 [-0.04597439]
 [ 0.39105771]]
result : [[ 0.26539687]
 [ 0.1012028 ]
 [ 0.46335352]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.03656671]
 [-0.6156325 ]
 [ 0.66827857]]
dot product : [[-0.36905706]
 [-1.37376092]]
result : [[ 0.19405201]
 [-1.55945552]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.19405201]
 [-1.55945552]]
dot product : [[ 1.06254228]
 [-0.04570376]
 [ 0.8024161 ]]
result : [[ 0.79255901]
 [ 0.10147343]
 [ 0.87471192]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.72842907]
 [-0.01346693]
 [ 1.07803774]]
dot product : [[-0.46003915]
 [-0.43031689]]
result : [[ 0.10306991]
 [-0.61601149]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.10306991]
 [-0.61601149]]
dot product : [[ 0.45388101]
 [-0.03753612]
 [ 0.33235989]]
result : [[ 0.18389774]
 [ 0.10964107]
 [ 0.40465571]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.44252695]
 [-0.97449941]
 [ 0.42329939]]
dot product : [[-0.32741314]
 [-1.90070509]]
result : [[ 0.23569593]
 [-2.08639968]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.23569593]
 [-2.08639968]]
dot product : [[ 1.39063835]
 [-0.04350074]
 [ 1.05961321]]
result : [[ 1.12065507]
 [ 0.10367645]
 [ 1.13190902]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.87886468]
 [-0.92270113]
 [ 0.46637747]]
dot product : [[-0.20878833]
 [-2.17455151]]
result : [[ 0.35432073]
 [-2.36024611]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.35432073]
 [-2.36024611]]
dot product : [[ 1.68655489]
 [-0.11388265]
 [ 1.24978453]]
result : [[ 1.41657162]
 [ 0.03329454]
 [ 1.32208034]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.69183527]
 [-0.02307173]
 [ 1.07188228]]
dot product : [[-0.45244553]
 [-0.46260958]]
result : [[ 0.11066353]
 [-0.64830417]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.11066353]
 [-0.64830417]]
dot product : [[ 0.48050695]
 [-0.04111935]
 [ 0.35105925]]
result : [[ 0.21052368]
 [ 0.10605784]
 [ 0.42335507]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.79496623]
 [-1.10069716]
 [ 0.3404208 ]]
dot product : [[-0.25996633]
 [-2.23424702]]
result : [[ 0.30314274]
 [-2.41994162]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.30314274]
 [-2.41994162]]
dot product : [[ 1.65144475]
 [-0.07240894]
 [ 1.24635264]]
result : [[ 1.38146147]
 [ 0.07476825]
 [ 1.31864846]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.57477534]
 [-0.08211458]
 [ 1.03236081]]
dot product : [[-0.43293514]
 [-0.58484432]]
result : [[ 0.13017392]
 [-0.77053892]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.13017392]
 [-0.77053892]]
dot product : [[ 0.56935254]
 [-0.0478731 ]
 [ 0.4164605 ]]
result : [[ 0.29936927]
 [ 0.09930409]
 [ 0.48875631]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.87249431]
 [-0.52297891]
 [ 0.71898646]]
dot product : [[-0.58233718]
 [-0.66913013]]
result : [[-0.01922811]
 [-0.85482472]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.01922811]
 [-0.85482472]]
dot product : [[ 0.42002645]
 [ 0.06757878]
 [ 0.36666634]]
result : [[ 0.15004317]
 [ 0.21475597]
 [ 0.43896215]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.88454188]
 [-0.15320278]
 [ 0.97774804]]
dot product : [[-0.52294305]
 [-0.41337773]]
result : [[ 0.04016601]
 [-0.59907233]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.04016601]
 [-0.59907233]]
dot product : [[ 0.36372381]
 [ 0.00779859]
 [ 0.28821978]]
result : [[ 0.09374054]
 [ 0.15497578]
 [ 0.3605156 ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.88410719]
 [-0.84248988]
 [ 0.52263013]]
dot product : [[-0.19392637]
 [-2.12462799]]
result : [[ 0.3691827 ]
 [-2.31032259]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.3691827 ]
 [-2.31032259]]
dot product : [[ 1.67979044]
 [-0.12796217]
 [ 1.23637577]]
result : [[ 1.40980717]
 [ 0.01921503]
 [ 1.30867159]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.36720003]
 [-0.24077752]
 [ 0.9244882 ]]
dot product : [[-0.4074494 ]
 [-0.83767776]]
result : [[ 0.15565967]
 [-1.02337235]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.15565967]
 [-1.02337235]]
dot product : [[ 0.73389449]
 [-0.05087577]
 [ 0.54307376]]
result : [[ 0.46391121]
 [ 0.09630142]
 [ 0.61536957]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.86603769]
 [-0.56591058]
 [ 0.68902265]]
dot product : [[-0.58795925]
 [-0.70239922]]
result : [[-0.02485019]
 [-0.88809381]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.02485019]
 [-0.88809381]]
dot product : [[ 0.4300713 ]
 [ 0.07380336]
 [ 0.37809692]]
result : [[ 0.16008803]
 [ 0.22098055]
 [ 0.45039273]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.33854048]
 [-0.89098712]
 [ 0.48016037]]
dot product : [[-0.33950024]
 [-1.77135248]]
result : [[ 0.22360882]
 [-1.95704708]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.22360882]
 [-1.95704708]]
dot product : [[ 1.30768738]
 [-0.04266643]
 [ 0.99539089]]
result : [[ 1.03770411]
 [ 0.10451076]
 [ 1.0676867 ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.58378371]
 [-0.07647514]
 [ 1.03616955]]
dot product : [[-0.43425157]
 [-0.57470507]]
result : [[ 0.12885749]
 [-0.76039966]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.12885749]
 [-0.76039966]]
dot product : [[ 0.56237332]
 [-0.04753557]
 [ 0.41121146]]
result : [[ 0.29239005]
 [ 0.09964162]
 [ 0.48350728]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.77334271]
 [-1.01494568]
 [ 0.37601468]]
dot product : [[-0.64042551]
 [-1.06816032]]
result : [[-0.07731644]
 [-1.25385491]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.07731644]
 [-1.25385491]]
dot product : [[ 0.55258601]
 [ 0.13534595]
 [ 0.50920881]]
result : [[ 0.28260274]
 [ 0.28252314]
 [ 0.58150462]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.81885068]
 [-0.02741125]
 [ 1.06686264]]
dot product : [[-0.48516357]
 [-0.3757145 ]]
result : [[ 0.0779455]
 [-0.5614091]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.0779455]
 [-0.5614091]]
dot product : [[ 0.39297492]
 [-0.02241719]
 [ 0.29358398]]
result : [[ 0.12299165]
 [ 0.12476   ]
 [ 0.3658798 ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.40909873]
 [-0.20541402]
 [ 0.94859942]]
dot product : [[-0.41203016]
 [-0.78441219]]
result : [[ 0.1510789 ]
 [-0.97010679]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.1510789 ]
 [-0.97010679]]
dot product : [[ 0.70024921]
 [-0.05082467]
 [ 0.51685896]]
result : [[ 0.43026594]
 [ 0.09635252]
 [ 0.58915478]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.21431142]
 [-0.37798482]
 [ 0.8307879 ]]
dot product : [[-0.39211274]
 [-1.03750375]]
result : [[ 0.17099632]
 [-1.22319835]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.17099632]
 [-1.22319835]]
dot product : [[ 0.85772508]
 [-0.04970447]
 [ 0.64034182]]
result : [[ 0.58774181]
 [ 0.09747272]
 [ 0.71263764]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.13937598]
 [-0.71261405]
 [ 0.60196689]]
dot product : [[-0.35954036]
 [-1.51128692]]
result : [[ 0.2035687 ]
 [-1.69698152]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.2035687 ]
 [-1.69698152]]
dot product : [[ 1.14642325]
 [-0.04413178]
 [ 0.86875372]]
result : [[ 0.87643998]
 [ 0.10304541]
 [ 0.94104953]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.82007365]
 [-1.08094931]
 [ 0.3546415 ]]
dot product : [[-0.25030974]
 [-2.23879374]]
result : [[ 0.31279933]
 [-2.42448834]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.31279933]
 [-2.42448834]]
dot product : [[ 1.66629804]
 [-0.07924685]
 [ 1.2539891 ]]
result : [[ 1.39631477]
 [ 0.06793034]
 [ 1.32628492]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.88628836]
 [-0.1636171 ]
 [ 0.97042779]]
dot product : [[-0.52514107]
 [-0.41910611]]
result : [[ 0.03796799]
 [-0.60480071]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.03796799]
 [-0.60480071]]
dot product : [[ 0.36386287]
 [ 0.0097775 ]
 [ 0.28947126]]
result : [[ 0.09387959]
 [ 0.15695469]
 [ 0.36176707]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.82087594]
 [-0.30014702]
 [ 0.90143979]]
dot product : [[-0.11828765]
 [-1.71731069]]
result : [[ 0.44482141]
 [-1.90300529]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.44482141]
 [-1.90300529]]
dot product : [[ 1.56561235]
 [-0.20919074]
 [ 1.10039613]]
result : [[ 1.29562908]
 [-0.06201355]
 [ 1.17269195]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.85221913]
 [-1.03110487]
 [ 0.39004821]]
dot product : [[-0.23379971]
 [-2.22819337]]
result : [[ 0.32930935]
 [-2.41388797]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.32930935]
 [-2.41388797]]
dot product : [[ 1.6821303 ]
 [-0.09208547]
 [ 1.25892318]]
result : [[ 1.41214703]
 [ 0.05509172]
 [ 1.331219  ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.17332101]
 [-0.74413054]
 [ 0.58042565]]
dot product : [[-0.35631304]
 [-1.55635731]]
result : [[ 0.20679603]
 [-1.74205191]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.20679603]
 [-1.74205191]]
dot product : [[ 1.17405324]
 [-0.04369661]
 [ 0.89055728]]
result : [[ 0.90406997]
 [ 0.10348058]
 [ 0.96285309]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.83331994]
 [-1.06496602]
 [ 0.36604096]]
dot product : [[-0.24427562]
 [-2.23747197]]
result : [[ 0.31883345]
 [-2.42316656]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.31883345]
 [-2.42316656]]
dot product : [[ 1.67341287]
 [-0.08377969]
 [ 1.25692072]]
result : [[ 1.4034296 ]
 [ 0.0633975 ]
 [ 1.32921654]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.88371996]
 [-0.780213  ]
 [ 0.56623579]]
dot product : [[-0.1835099 ]
 [-2.08271544]]
result : [[ 0.37959916]
 [-2.26841003]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.37959916]
 [-2.26841003]]
dot product : [[ 1.67144678]
 [-0.13826263]
 [ 1.22391795]]
result : [[ 1.40146351]
 [ 0.00891456]
 [ 1.29621377]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.08239468]
 [-0.65908384]
 [ 0.63856482]]
dot product : [[-0.36485225]
 [-1.43521197]]
result : [[ 0.19825681]
 [-1.62090656]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.19825681]
 [-1.62090656]]
dot product : [[ 1.0999615 ]
 [-0.04496627]
 [ 0.83203017]]
result : [[ 0.82997823]
 [ 0.10221092]
 [ 0.90432599]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.87372259]
 [-0.95708859]
 [ 0.44221619]]
dot product : [[-0.21588874]
 [-2.19390791]]
result : [[ 0.34722032]
 [-2.3796025 ]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.34722032]
 [-2.3796025 ]]
dot product : [[ 1.68744729]
 [-0.10743684]
 [ 1.2542037 ]]
result : [[ 1.41746402]
 [ 0.03974035]
 [ 1.32649952]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.5761078 ]
 [-1.06372307]
 [ 0.36290032]]
dot product : [[-0.30883771]
 [-2.0547988 ]]
result : [[ 0.25427135]
 [-2.24049339]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.25427135]
 [-2.24049339]]
dot product : [[ 1.4948558 ]
 [-0.04757481]
 [ 1.13855274]]
result : [[ 1.22487253]
 [ 0.09960238]
 [ 1.21084855]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.32782706]
 [-0.8819045 ]
 [ 0.48635374]]
dot product : [[-0.34066474]
 [-1.75770568]]
result : [[ 0.22244432]
 [-1.94340027]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.22244432]
 [-1.94340027]]
dot product : [[ 1.29907913]
 [-0.04266006]
 [ 0.98867988]]
result : [[ 1.02909586]
 [ 0.10451713]
 [ 1.0609757 ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.45000473]
 [-0.17220518]
 [ 0.97121724]]
dot product : [[-0.4167247 ]
 [-0.73328906]]
result : [[ 0.14638436]
 [-0.91898366]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.14638436]
 [-0.91898366]]
dot product : [[ 0.66757184]
 [-0.05055583]
 [ 0.49152493]]
result : [[ 0.39758857]
 [ 0.09662137]
 [ 0.56382074]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.89329364]
 [-0.24810329]
 [ 0.91115396]]
dot product : [[-0.54116866]
 [-0.47064166]]
result : [[ 0.0219404 ]
 [-0.65633625]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.0219404 ]
 [-0.65633625]]
dot product : [[ 0.36995901]
 [ 0.02481739]
 [ 0.30291342]]
result : [[ 0.09997574]
 [ 0.17199458]
 [ 0.37520923]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.84595787]
 [-0.05303528]
 [ 1.04849575]]
dot product : [[-0.49631579]
 [-0.37368286]]
result : [[ 0.06679327]
 [-0.55937745]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.06679327]
 [-0.55937745]]
dot product : [[ 0.37749657]
 [-0.01431912]
 [ 0.28618783]]
result : [[ 0.1075133 ]
 [ 0.13285808]
 [ 0.35848364]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.33519014]
 [-0.26856694]
 [ 0.9055268 ]]
dot product : [[-0.40408016]
 [-0.87888811]]
result : [[ 0.15902891]
 [-1.06458271]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.15902891]
 [-1.06458271]]
dot product : [[ 0.75969904]
 [-0.0507864 ]
 [ 0.5632537 ]]
result : [[ 0.48971577]
 [ 0.09639079]
 [ 0.63554951]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.6839231 ]
 [-1.10936775]
 [ 0.33261725]]
dot product : [[-0.28939337]
 [-2.16153971]]
result : [[ 0.2737157]
 [-2.3472343]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.2737157]
 [-2.3472343]]
dot product : [[ 1.57555228]
 [-0.05524769]
 [ 1.19706655]]
result : [[ 1.305569  ]
 [ 0.0919295 ]
 [ 1.26936236]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.79480844]
 [-0.92433828]
 [ 0.43913113]]
dot product : [[-0.63053415]
 [-0.99240384]]
result : [[-0.06742509]
 [-1.17809843]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.06742509]
 [-1.17809843]]
dot product : [[ 0.52594938]
 [ 0.12331866]
 [ 0.48148453]]
result : [[ 0.25596611]
 [ 0.27049585]
 [ 0.55378034]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.836243  ]
 [-0.73217645]
 [ 0.57305343]]
dot product : [[-0.60852633]
 [-0.83462988]]
result : [[-0.04541727]
 [-1.02032447]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.04541727]
 [-1.02032447]]
dot product : [[ 0.47229489]
 [ 0.09723193]
 [ 0.42456483]]
result : [[ 0.20231162]
 [ 0.24440912]
 [ 0.49686064]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.83742212]
 [-1.05892622]
 [ 0.37033453]]
dot product : [[-0.24222292]
 [-2.23633384]]
result : [[ 0.32088615]
 [-2.42202844]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.32088615]
 [-2.42202844]]
dot product : [[ 1.67547489]
 [-0.08536469]
 [ 1.25761367]]
result : [[ 1.40549162]
 [ 0.0618125 ]
 [ 1.32990949]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.79752477]
 [-0.18586622]
 [ 0.98110502]]
dot product : [[-0.1048744 ]
 [-1.62439304]]
result : [[ 0.45823466]
 [-1.81008764]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.45823466]
 [-1.81008764]]
dot product : [[ 1.53459843]
 [-0.22488749]
 [ 1.06713797]]
result : [[ 1.26461516]
 [-0.0777103 ]
 [ 1.13943378]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.12388573]
 [-0.46285611]
 [ 0.77276375]]
dot product : [[-0.38366999]
 [-1.15817789]]
result : [[ 0.17943908]
 [-1.34387248]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.17943908]
 [-1.34387248]]
dot product : [[ 0.93144684]
 [-0.04839311]
 [ 0.69860442]]
result : [[ 0.66146357]
 [ 0.09878408]
 [ 0.77090024]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.41197964]
 [-0.95094907]
 [ 0.43931503]]
dot product : [[-0.33112973]
 [-1.86336302]]
result : [[ 0.23197933]
 [-2.04905761]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.23197933]
 [-2.04905761]]
dot product : [[ 1.36639786]
 [-0.04309229]
 [ 1.04094083]]
result : [[ 1.09641459]
 [ 0.1040849 ]
 [ 1.11323664]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.80146246]
 [-0.89525142]
 [ 0.45939652]]
dot product : [[-0.62729915]
 [-0.96825193]]
result : [[-0.06419009]
 [-1.15394653]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.06419009]
 [-1.15394653]]
dot product : [[ 0.51756279]
 [ 0.11942411]
 [ 0.47269326]]
result : [[ 0.24757952]
 [ 0.2666013 ]
 [ 0.54498908]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.77023174]
 [-0.06266718]
 [ 1.0669541 ]]
dot product : [[-0.09094816]
 [-1.5227258 ]]
result : [[ 0.4721609 ]
 [-1.70842039]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.4721609 ]
 [-1.70842039]]
dot product : [[ 1.49969416]
 [-0.24150913]
 [ 1.030311  ]]
result : [[ 1.22971089]
 [-0.09433194]
 [ 1.10260682]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.89340573]
 [-0.2907287 ]
 [ 0.88130219]]
dot product : [[-0.54839319]
 [-0.49906208]]
result : [[ 0.01471588]
 [-0.68475668]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.01471588]
 [-0.68475668]]
dot product : [[ 0.37540826]
 [ 0.03192093]
 [ 0.31126698]]
result : [[ 0.10542499]
 [ 0.17909812]
 [ 0.38356279]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.78950553]
 [-1.1036475 ]
 [ 0.33826956]]
dot product : [[-0.26183955]
 [-2.23235908]]
result : [[ 0.30126951]
 [-2.41805367]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.30126951]
 [-2.41805367]]
dot product : [[ 1.6480399 ]
 [-0.07114534]
 [ 1.24442662]]
result : [[ 1.37805663]
 [ 0.07603185]
 [ 1.31672243]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.89074637]
 [-0.35380162]
 [ 0.83717451]]
dot product : [[-0.55837187]
 [-0.54311321]]
result : [[ 0.00473719]
 [-0.7288078 ]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.00473719]
 [-0.7288078 ]]
dot product : [[ 0.38543103]
 [ 0.04203211]
 [ 0.32492522]]
result : [[ 0.11544776]
 [ 0.1892093 ]
 [ 0.39722103]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.89224133]
 [-0.22185723]
 [ 0.92955015]]
dot product : [[-0.53647264]
 [-0.45383731]]
result : [[ 0.02663643]
 [-0.6395319 ]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.02663643]
 [-0.6395319 ]]
dot product : [[ 0.3672857 ]
 [ 0.02030427]
 [ 0.2982214 ]]
result : [[ 0.09730243]
 [ 0.16748146]
 [ 0.37051721]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.65264831]
 [-1.09966686]
 [ 0.33892295]]
dot product : [[-0.29563131]
 [-2.13294318]]
result : [[ 0.26747775]
 [-2.31863778]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.26747775]
 [-2.31863778]]
dot product : [[ 1.55260301]
 [-0.0524334 ]
 [ 1.18079096]]
result : [[ 1.28261974]
 [ 0.09474379]
 [ 1.25308678]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.42968263]
 [-0.18852497]
 [ 0.96010561]]
dot product : [[-0.41436234]
 [-0.75856778]]
result : [[ 0.14874672]
 [-0.94426237]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.14874672]
 [-0.94426237]]
dot product : [[ 0.68378283]
 [-0.05071904]
 [ 0.50407571]]
result : [[ 0.41379956]
 [ 0.09645815]
 [ 0.57637152]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.86836884]
 [-0.59192698]
 [ 0.69785067]]
dot product : [[-0.15558801]
 [-1.94597317]]
result : [[ 0.40752105]
 [-2.13166776]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.40752105]
 [-2.13166776]]
dot product : [[ 1.63638566]
 [-0.16739733]
 [ 1.17974114]]
result : [[ 1.36640239]
 [-0.02022014]
 [ 1.25203696]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.76825116]
 [-0.01096956]
 [ 1.07916561]]
dot product : [[-0.46964565]
 [-0.40049398]]
result : [[ 0.09346341]
 [-0.58618857]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.09346341]
 [-0.58618857]]
dot product : [[ 0.42593758]
 [-0.03231407]
 [ 0.31357943]]
result : [[ 0.15595431]
 [ 0.11486312]
 [ 0.38587524]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.78790495]
 [-0.95398039]
 [ 0.41848079]]
dot product : [[-0.63380006]
 [-1.01710337]]
result : [[-0.070691  ]
 [-1.20279796]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.070691  ]
 [-1.20279796]]
dot product : [[ 0.53458099]
 [ 0.12727022]
 [ 0.49049985]]
result : [[ 0.26459772]
 [ 0.27444741]
 [ 0.56279566]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.82850036]
 [-0.03459315]
 [ 1.06168277]]
dot product : [[-0.48880607]
 [-0.3736943 ]]
result : [[ 0.07430299]
 [-0.5593889 ]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.07430299]
 [-0.5593889 ]]
dot product : [[ 0.38721338]
 [-0.01985696]
 [ 0.29056858]]
result : [[ 0.11723011]
 [ 0.12732023]
 [ 0.3628644 ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.15071471]
 [-0.72317733]
 [ 0.59474638]]
dot product : [[-0.35846837]
 [-1.52636579]]
result : [[ 0.20464069]
 [-1.71206039]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.20464069]
 [-1.71206039]]
dot product : [[ 1.15565719]
 [-0.04398047]
 [ 0.87604386]]
result : [[ 0.88567392]
 [ 0.10319672]
 [ 0.94833967]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.89042284]
 [-0.19731218]
 [ 0.94676709]]
dot product : [[-0.53187085]
 [-0.43871193]]
result : [[ 0.03123822]
 [-0.62440652]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.03123822]
 [-0.62440652]]
dot product : [[ 0.36536434]
 [ 0.01596554]
 [ 0.29421664]]
result : [[ 0.09538107]
 [ 0.16314273]
 [ 0.36651246]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.84876504]
 [-1.03861718]
 [ 0.38473357]]
dot product : [[-0.23593781]
 [-2.23077421]]
result : [[ 0.32717126]
 [-2.4164688 ]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.32717126]
 [-2.4164688 ]]
dot product : [[ 1.6807087 ]
 [-0.09034737]
 [ 1.25881822]]
result : [[ 1.41072543]
 [ 0.05682982]
 [ 1.33111403]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.47996716]
 [-0.14885975]
 [ 0.98709849]]
dot product : [[-0.42032861]
 [-0.6964975 ]]
result : [[ 0.14278046]
 [-0.88219209]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.14278046]
 [-0.88219209]]
dot product : [[ 0.64376358]
 [-0.05019611]
 [ 0.47316155]]
result : [[ 0.37378031]
 [ 0.09698108]
 [ 0.54545737]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.88658559]
 [-0.40591942]
 [ 0.80074197]]
dot product : [[-0.56612295]
 [-0.58090111]]
result : [[-0.00301389]
 [-0.76659571]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.00301389]
 [-0.76659571]]
dot product : [[ 0.39507466]
 [ 0.05010914]
 [ 0.3371128 ]]
result : [[ 0.12509139]
 [ 0.19728633]
 [ 0.40940861]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.55648726]
 [-0.09398864]
 [ 1.02433075]]
dot product : [[-0.43033444]
 [-0.60571259]]
result : [[ 0.13277463]
 [-0.79140718]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.13277463]
 [-0.79140718]]
dot product : [[ 0.58357633]
 [-0.04848761]
 [ 0.42720054]]
result : [[ 0.31359306]
 [ 0.09868958]
 [ 0.49949635]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.89248299]
 [-0.32136112]
 [ 0.85986509]]
dot product : [[-0.55333238]
 [-0.5201955 ]]
result : [[ 0.00977668]
 [-0.7058901 ]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.00977668]
 [-0.7058901 ]]
dot product : [[ 0.38002018]
 [ 0.0368838 ]
 [ 0.31773095]]
result : [[ 0.11003691]
 [ 0.18406099]
 [ 0.39002677]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.86733502]
 [-0.09135316]
 [ 1.02132887]]
dot product : [[-0.50816812]
 [-0.3841894 ]]
result : [[ 0.05494094]
 [-0.569884  ]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.05494094]
 [-0.569884  ]]
dot product : [[ 0.36763837]
 [-0.00492149]
 [ 0.28392618]]
result : [[ 0.0976551 ]
 [ 0.1422557 ]
 [ 0.35622199]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.63635401]
 [-1.09331501]
 [ 0.34311697]]
dot product : [[-0.29866223]
 [-2.11717665]]
result : [[ 0.26444683]
 [-2.30287125]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.26444683]
 [-2.30287125]]
dot product : [[ 1.54047808]
 [-0.05118292]
 [ 1.17205544]]
result : [[ 1.27049481]
 [ 0.09599427]
 [ 1.24435125]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.82906   ]
 [-1.07064725]
 [ 0.36199604]]
dot product : [[-0.24630751]
 [-2.23825882]]
result : [[ 0.31680155]
 [-2.42395341]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.31680155]
 [-2.42395341]]
dot product : [[ 1.67119494]
 [-0.08223198]
 [ 1.25608462]]
result : [[ 1.40121167]
 [ 0.06494521]
 [ 1.32838044]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.73415457]
 [-1.11607237]
 [ 0.32870542]]
dot product : [[-0.27787584]
 [-2.20153478]]
result : [[ 0.28523322]
 [-2.38722938]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.28523322]
 [-2.38722938]]
dot product : [[ 1.61126092]
 [-0.06124374]
 [ 1.22145705]]
result : [[ 1.34127765]
 [ 0.08593345]
 [ 1.29375286]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.16929504]
 [-0.42001607]
 [ 0.80205595]]
dot product : [[-0.38787257]
 [-1.09743154]]
result : [[ 0.1752365 ]
 [-1.28312614]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.1752365 ]
 [-1.28312614]]
dot product : [[ 0.89439726]
 [-0.04908822]
 [ 0.66930316]]
result : [[ 0.62441399]
 [ 0.09808897]
 [ 0.74159897]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.50926384]
 [-0.12696721]
 [ 1.0019727 ]]
dot product : [[-0.42401015]
 [-0.661148  ]]
result : [[ 0.13909892]
 [-0.8468426 ]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.13909892]
 [-0.8468426 ]]
dot product : [[ 0.62060545]
 [-0.04968905]
 [ 0.4553904 ]]
result : [[ 0.35062218]
 [ 0.09748814]
 [ 0.52768622]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.19582107]
 [-0.76482712]
 [ 0.56628298]]
dot product : [[-0.35414113]
 [-1.58610214]]
result : [[ 0.20896793]
 [-1.77179674]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.20896793]
 [-1.77179674]]
dot product : [[ 1.19234233]
 [-0.04344039]
 [ 0.9049713 ]]
result : [[ 0.92235905]
 [ 0.1037368 ]
 [ 0.97726711]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.47245184]
 [-0.99661205]
 [ 0.40828086]]
dot product : [[-0.32361056]
 [-1.93664586]]
result : [[ 0.23949851]
 [-2.12234046]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.23949851]
 [-2.12234046]]
dot product : [[ 1.41426072]
 [-0.04406013]
 [ 1.07771626]]
result : [[ 1.14427745]
 [ 0.10311706]
 [ 1.15001207]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.74738816]
 [-1.11543764]
 [ 0.32935628]]
dot product : [[-0.27443616]
 [-2.21046619]]
result : [[ 0.2886729 ]
 [-2.39616078]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.2886729 ]
 [-2.39616078]]
dot product : [[ 1.6203571 ]
 [-0.06322266]
 [ 1.22740932]]
result : [[ 1.35037383]
 [ 0.08395453]
 [ 1.29970514]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.02084301]
 [-0.56093583]
 [ 0.70568668]]
dot product : [[-0.3742799 ]
 [-1.29660318]]
result : [[ 0.18882916]
 [-1.48229777]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.18882916]
 [-1.48229777]]
dot product : [[ 1.01563213]
 [-0.04667157]
 [ 0.7652658 ]]
result : [[ 0.74564886]
 [ 0.10050562]
 [ 0.83756161]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.52840239]
 [-0.11323031]
 [ 1.01129402]]
dot product : [[-0.42651052]
 [-0.63843297]]
result : [[ 0.13659854]
 [-0.82412756]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.13659854]
 [-0.82412756]]
dot product : [[ 0.60555025]
 [-0.0492639 ]
 [ 0.44389247]]
result : [[ 0.33556698]
 [ 0.09791329]
 [ 0.51618828]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.85465634]
 [-0.63408057]
 [ 0.64146157]]
dot product : [[-0.59660206]
 [-0.75602449]]
result : [[-0.033493  ]
 [-0.94171909]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[-0.033493  ]
 [-0.94171909]]
dot product : [[ 0.44680433]
 [ 0.08352737]
 [ 0.39676573]]
result : [[ 0.17682106]
 [ 0.23070456]
 [ 0.46906154]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.207027  ]
 [-0.77506961]
 [ 0.55928504]]
dot product : [[-0.35304843]
 [-1.60087265]]
result : [[ 0.21006064]
 [-1.78656724]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.21006064]
 [-1.78656724]]
dot product : [[ 1.20144256]
 [-0.04332362]
 [ 0.9121372 ]]
result : [[ 0.93145929]
 [ 0.10385357]
 [ 0.98443301]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.47005138]
 [-0.15648523]
 [ 0.9819131 ]]
dot product : [[-0.41911897]
 [-0.70860614]]
result : [[ 0.1439901 ]
 [-0.89430073]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.1439901 ]
 [-0.89430073]]
dot product : [[ 0.65162967]
 [-0.05033186]
 [ 0.47921893]]
result : [[ 0.3816464 ]
 [ 0.09684533]
 [ 0.55151474]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.43987726]
 [-0.18029201]
 [ 0.96571207]]
dot product : [[-0.41553964]
 [-0.74585583]]
result : [[ 0.14756942]
 [-0.93155042]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.14756942]
 [-0.93155042]]
dot product : [[ 0.67564457]
 [-0.05064483]
 [ 0.49777049]]
result : [[ 0.4056613 ]
 [ 0.09653236]
 [ 0.5700663 ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.83754064]
 [-0.04312429]
 [ 1.05556754]]
dot product : [[-0.4925229 ]
 [-0.37300706]]
result : [[ 0.07058616]
 [-0.55870165]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.07058616]
 [-0.55870165]]
dot product : [[ 0.38204945]
 [-0.01715866]
 [ 0.2880991 ]]
result : [[ 0.11206618]
 [ 0.13001853]
 [ 0.36039492]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.18458517]
 [-0.75451282]
 [ 0.57333073]]
dot product : [[-0.35522927]
 [-1.57126245]]
result : [[ 0.2078798 ]
 [-1.75695704]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.2078798 ]
 [-1.75695704]]
dot product : [[ 1.18321199]
 [-0.04356485]
 [ 0.89777748]]
result : [[ 0.91322872]
 [ 0.10361234]
 [ 0.97007329]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.88137046]
 [-0.8976838 ]
 [ 0.48393586]]
dot product : [[-0.20393373]
 [-2.15959626]]
result : [[ 0.35917533]
 [-2.34529086]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.35917533]
 [-2.34529086]]
dot product : [[ 1.68504899]
 [-0.11839721]
 [ 1.24600228]]
result : [[ 1.41506572]
 [ 0.02877998]
 [ 1.3182981 ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.70617593]
 [-1.1138955 ]
 [ 0.32979354]]
dot product : [[-0.284554  ]
 [-2.18029916]]
result : [[ 0.27855507]
 [-2.36599376]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.27855507]
 [-2.36599376]]
dot product : [[ 1.59157337]
 [-0.05764499]
 [ 1.20817881]]
result : [[ 1.3215901 ]
 [ 0.0895322 ]
 [ 1.28047462]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.89304525]
 [-0.30582081]
 [ 0.870739  ]]
dot product : [[-0.55085035]
 [-0.50940764]]
result : [[ 0.01225871]
 [-0.69510223]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.01225871]
 [-0.69510223]]
dot product : [[ 0.37761519]
 [ 0.03437938]
 [ 0.31440844]]
result : [[ 0.10763192]
 [ 0.18155657]
 [ 0.38670426]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.75381005]
 [-1.11467609]
 [ 0.32998973]]
dot product : [[-0.27269041]
 [-2.21449712]]
result : [[ 0.29041865]
 [-2.40019172]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.29041865]
 [-2.40019172]]
dot product : [[ 1.62471242]
 [-0.06425839]
 [ 1.23020837]]
result : [[ 1.35472915]
 [ 0.0829188 ]
 [ 1.30250418]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.75549339]
 [-0.01066178]
 [ 1.0795801 ]]
dot product : [[-0.46638099]
 [-0.4093076 ]]
result : [[ 0.09672807]
 [-0.59500219]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.09672807]
 [-0.59500219]]
dot product : [[ 0.43474614]
 [-0.03417126]
 [ 0.31937766]]
result : [[ 0.16476287]
 [ 0.11300593]
 [ 0.39167347]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.85258341]
 [-0.47941491]
 [ 0.77639526]]
dot product : [[-0.14056814]
 [-1.85958688]]
result : [[ 0.42254093]
 [-2.04528147]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.42254093]
 [-2.04528147]]
dot product : [[ 1.61084849]
 [-0.183871  ]
 [ 1.15030626]]
result : [[ 1.34086522]
 [-0.03669381]
 [ 1.22260207]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.21820126]
 [-0.78523648]
 [ 0.55233957]]
dot product : [[-0.35195093]
 [-1.6155702 ]]
result : [[ 0.21115814]
 [-1.80126479]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.21115814]
 [-1.80126479]]
dot product : [[ 1.21051103]
 [-0.04321495]
 [ 0.91927364]]
result : [[ 0.94052776]
 [ 0.10396224]
 [ 0.99156945]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.79107532]
 [-0.15591211]
 [ 1.00198092]]
dot product : [[-0.10144147]
 [-1.59980591]]
result : [[ 0.46166759]
 [-1.7855005 ]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.46166759]
 [-1.7855005 ]]
dot product : [[ 1.52624127]
 [-0.22895521]
 [ 1.05826964]]
result : [[ 1.256258  ]
 [-0.08177801]
 [ 1.13056546]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.59381163]
 [-1.07330163]
 [ 0.35646866]]
dot product : [[-0.3059966 ]
 [-2.07371923]]
result : [[ 0.25711247]
 [-2.25941382]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.25711247]
 [-2.25941382]]
dot product : [[ 1.50837673]
 [-0.0484883 ]
 [ 1.14857183]]
result : [[ 1.23839346]
 [ 0.09868889]
 [ 1.22086765]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.35980925]
 [-0.90878401]
 [ 0.46802911]]
dot product : [[-0.33714886]
 [-1.79828807]]
result : [[ 0.2259602 ]
 [-1.98398266]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.2259602 ]
 [-1.98398266]]
dot product : [[ 1.32474648]
 [-0.04271806]
 [ 1.00866768]]
result : [[ 1.05476321]
 [ 0.10445913]
 [ 1.08096349]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.15797529]
 [-0.43065982]
 [ 0.7947788 ]]
dot product : [[-0.38681894]
 [-1.11255079]]
result : [[ 0.17629013]
 [-1.29824539]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.17629013]
 [-1.29824539]]
dot product : [[ 0.90362847]
 [-0.04892085]
 [ 0.67660045]]
result : [[ 0.6336452 ]
 [ 0.09825634]
 [ 0.74889626]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.02509018]
 [-0.60471442]
 [ 0.6757454 ]]
dot product : [[-0.37010385]
 [-1.35834741]]
result : [[ 0.19300521]
 [-1.544042  ]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.19300521]
 [-1.544042  ]]
dot product : [[ 1.05316676]
 [-0.04589456]
 [ 0.79499272]]
result : [[ 0.78318349]
 [ 0.10128263]
 [ 0.86728853]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.37776181]
 [-0.23174803]
 [ 0.93064673]]
dot product : [[-0.40858468]
 [-0.82417368]]
result : [[ 0.15452439]
 [-1.00986827]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.15452439]
 [-1.00986827]]
dot product : [[ 0.7253983 ]
 [-0.05088203]
 [ 0.53644287]]
result : [[ 0.45541503]
 [ 0.09629516]
 [ 0.60873868]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.66848697]
 [-0.03190354]
 [ 1.06606158]]
dot product : [[-0.44805694]
 [-0.48502122]]
result : [[ 0.11505213]
 [-0.67071581]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.11505213]
 [-0.67071581]]
dot product : [[ 0.49784592]
 [-0.04295606]
 [ 0.36352329]]
result : [[ 0.22786265]
 [ 0.10422113]
 [ 0.4358191 ]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.87822135]
 [-0.1243584 ]
 [ 0.99804596]]
dot product : [[-0.51648171]
 [-0.39856061]]
result : [[ 0.04662736]
 [-0.5842552 ]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.04662736]
 [-0.5842552 ]]
dot product : [[ 0.36436749]
 [ 0.00210765]
 [ 0.2854348 ]]
result : [[ 0.09438422]
 [ 0.14928484]
 [ 0.35773062]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.87704311]
 [-0.67298184]
 [ 0.64122427]]
dot product : [[-0.16708783]
 [-2.00629953]]
result : [[ 0.39602123]
 [-2.19199412]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.39602123]
 [-2.19199412]]
dot product : [[ 1.65291183]
 [-0.15514763]
 [ 1.19970743]]
result : [[ 1.38292856]
 [-0.00797044]
 [ 1.27200324]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.26986321]
 [-0.32695589]
 [ 0.8656565 ]]
dot product : [[-0.39748693]
 [-0.9641118 ]]
result : [[ 0.16562213]
 [-1.14980639]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.16562213]
 [-1.14980639]]
dot product : [[ 0.81257912]
 [-0.05032543]
 [ 0.60476798]]
result : [[ 0.54259585]
 [ 0.09685177]
 [ 0.67706379]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.34591249]
 [-0.2591908 ]
 [ 0.91192558]]
dot product : [[-0.40519735]
 [-0.86503874]]
result : [[ 0.15791171]
 [-1.05073333]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.15791171]
 [-1.05073333]]
dot product : [[ 0.75104653]
 [-0.05082756]
 [ 0.55648071]]
result : [[ 0.48106326]
 [ 0.09634963]
 [ 0.62877652]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[-0.35658302]
 [-0.24992639]
 [ 0.91824693]]
dot product : [[-0.40632036]
 [-0.8513007 ]]
result : [[ 0.1567887 ]
 [-1.03699529]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.1567887 ]
 [-1.03699529]]
dot product : [[ 0.74244446]
 [-0.05085749]
 [ 0.54975355]]
result : [[ 0.47246119]
 [ 0.09631971]
 [ 0.62204936]]
weights:  [[ 0.25571627  0.34365819 -0.24965728]
 [-0.69368565  1.26531035 -0.8520832 ]]
biases:  [[ 0.56310906]
 [-0.18569459]]
inputs : [[ 0.86272391]
 [-0.54843756]
 [ 0.72821772]]
dot product : [[-0.14966737]
 [-1.912905  ]]
result : [[ 0.41344169]
 [-2.09859959]]
weights:  [[ 1.29310373 -0.52044633]
 [-0.73751916 -0.06246623]
 [ 0.58267066 -0.44204383]]
biases:  [[-0.26998327]
 [ 0.14717719]
 [ 0.07229581]]
inputs : [[ 0.41344169]
 [-2.09859959]]
dot product : [[ 1.62683145]
 [-0.17382956]
 [ 1.16857334]]
result : [[ 1.35684818]
 [-0.02665237]
 [ 1.24086916]]
Epoch 6: Score [[ 0.61055096]
 [ 0.58100086]
 [ 0.37289997]] / 300
input:  [[ 0.37036119]
 [-0.91749063]
 [ 0.46209653]]
activations:  [array([[ 0.37036119],
       [-0.91749063],
       [ 0.46209653]]), array([[ 0.22714752],
       [-1.99726392]]), array([[ 1.06321071],
       [ 0.10441309],
       [ 1.0875262 ]])]
cost derivative:  [[ 0.69284952]
 [ 1.02190372]
 [ 0.62542967]]
unit step:  1
delta:  [[ 0.69284952]
 [ 1.02190372]
 [ 0.62542967]]
delta b updated:  [array([[ 0.11508934],
       [ 1.39986789]]), array([[ 0.69284952],
       [ 1.02190372],
       [ 0.62542967]])]
delta w updated: [array([[ 0.04262463, -0.10559339,  0.05318239],
       [ 0.51845674, -1.28436566,  0.64687409]]), array([[ 0.15737905, -1.38380335],
       [ 0.23212289, -2.04101143],
       [ 0.1420648 , -1.24914812]])]
input:  [[ 0.45257334]
 [-0.98203513]
 [ 0.41817889]]
activations:  [array([[ 0.45257334],
       [-0.98203513],
       [ 0.41817889]]), array([[ 0.23686684],
       [-2.09959609]]), array([[ 1.12782536],
       [ 0.10184982],
       [ 1.13733074]])]
cost derivative:  [[ 0.67525202]
 [ 1.08388495]
 [ 0.71915185]]
unit step:  1
delta:  [[ 0.67525202]
 [ 1.08388495]
 [ 0.71915185]]
delta b updated:  [array([[ 0.11669489],
       [ 1.54464547]]), array([[ 0.67525202],
       [ 1.08388495],
       [ 0.71915185]])]
delta w updated: [array([[ 0.052813  , -0.11459849,  0.04879934],
       [ 0.69906536, -1.51689612,  0.64593813]]), array([[ 0.15994481, -1.41775649],
       [ 0.2567364 , -2.27572061],
       [ 0.17034323, -1.50992842]])]
input:  [[-0.6015206 ]
 [-0.06581055]
 [ 1.04336123]]
activations:  [array([[-0.6015206 ],
       [-0.06581055],
       [ 1.04336123]]), array([[ 0.12609298],
       [-0.74197818]]), array([[ 0.27806558],
       [ 0.09873967],
       [ 0.47260965]])]
cost derivative:  [[ 0.87958619]
 [ 0.16455022]
 [-0.57075158]]
unit step:  1
delta:  [[ 0.87958619]
 [ 0.16455022]
 [-0.57075158]]
delta b updated:  [array([[ 0.08617404],
       [ 0.15969282]]), array([[ 0.87958619],
       [ 0.16455022],
       [-0.57075158]])]
delta w updated: [array([[-0.05183546, -0.00567116,  0.08991065],
       [-0.09605852, -0.01050947,  0.1666173 ]]), array([[ 0.11090964, -0.65263376],
       [ 0.02074863, -0.12209267],
       [-0.07196777,  0.42348522]])]
input:  [[ 0.76625553]
 [-1.11224554]
 [ 0.33188589]]
activations:  [array([[ 0.76625553],
       [-1.11224554],
       [ 0.33188589]]), array([[ 0.29374096],
       [-2.40989035]]), array([[ 1.36050696],
       [ 0.076702  ],
       [ 1.30656956]])]
cost derivative:  [[ 0.59425142]
 [ 1.18894754]
 [ 0.97468366]]
unit step:  1
delta:  [[ 0.59425142]
 [ 1.18894754]
 [ 0.97468366]]
delta b updated:  [array([[ 0.13485994],
       [ 1.95489276]]), array([[ 0.59425142],
       [ 1.18894754],
       [ 0.97468366]])]
delta w updated: [array([[ 0.10333718, -0.14999737,  0.04475811],
       [ 1.49794739, -2.17432075,  0.64880133]]), array([[ 0.17455599, -1.43208077],
       [ 0.3492426 , -2.8652332 ],
       [ 0.28630452, -2.34888076]])]
input:  [[-0.66848697]
 [-0.03190354]
 [ 1.06606158]]
activations:  [array([[-0.66848697],
       [-0.03190354],
       [ 1.06606158]]), array([[ 0.11484584],
       [-0.67262069]]), array([[ 0.22652136],
       [ 0.10166867],
       [ 0.43488765]])]
cost derivative:  [[ 0.89500832]
 [ 0.13357221]
 [-0.63117393]]
unit step:  1
delta:  [[ 0.89500832]
 [ 0.13357221]
 [-0.63117393]]
delta b updated:  [array([[ 0.07935305],
       [ 0.13071954]]), array([[ 0.89500832],
       [ 0.13357221],
       [-0.63117393]])]
delta w updated: [array([[-0.05304648, -0.00253164,  0.08459524],
       [-0.08738431, -0.00417042,  0.13935508]]), array([[ 0.10278798, -0.60200112],
       [ 0.01534021, -0.08984344],
       [-0.0724877 ,  0.42454064]])]
input:  [[ 0.88431089]
 [-0.8122521 ]
 [ 0.54380843]]
activations:  [array([[ 0.88431089],
       [-0.8122521 ],
       [ 0.54380843]]), array([[ 0.37397318],
       [-2.29448423]]), array([[ 1.40222755],
       [ 0.00773093],
       [ 1.30077442]])]
cost derivative:  [[ 0.51791666]
 [ 0.81998304]
 [ 0.75696599]]
unit step:  1
delta:  [[ 0.51791666]
 [ 0.81998304]
 [ 0.75696599]]
delta b updated:  [array([[ 0.18906336],
       [ 1.49448455]]), array([[ 0.51791666],
       [ 0.81998304],
       [ 0.75696599]])]
delta w updated: [array([[ 0.16719079, -0.15356712,  0.10281425],
       [ 1.32158896, -1.21389822,  0.8127133 ]]), array([[ 0.19368694, -1.18835162],
       [ 0.30665166, -1.88143815],
       [ 0.28308498, -1.73684653]])]
input:  [[-0.32441767]
 [-0.27805098]
 [ 0.89905324]]
activations:  [array([[-0.32441767],
       [-0.27805098],
       [ 0.89905324]]), array([[ 0.15975194],
       [-1.08184318]]), array([[ 0.49576001],
       [ 0.09205709],
       [ 0.64077413]])]
cost derivative:  [[ 0.82017768]
 [ 0.37010807]
 [-0.25827911]]
unit step:  1
delta:  [[ 0.82017768]
 [ 0.37010807]
 [-0.25827911]]
delta b updated:  [array([[ 0.10172897],
       [ 0.36063641]]), array([[ 0.82017768],
       [ 0.37010807],
       [-0.25827911]])]
delta w updated: [array([[-0.03300267, -0.02828584,  0.09145976],
       [-0.11699682, -0.10027531,  0.32423133]]), array([[ 0.13102498, -0.88730363],
       [ 0.05912548, -0.4003989 ],
       [-0.04126059,  0.27941749]])]
input:  [[-0.84591795]
 [-0.68208683]
 [ 0.60797968]]
activations:  [array([[-0.84591795],
       [-0.68208683],
       [ 0.60797968]]), array([[-0.03983906],
       [-0.98340823]]), array([[ 0.18615443],
       [ 0.23323948],
       [ 0.48138871]])]
cost derivative:  [[ 1.03207238]
 [ 0.91532631]
 [-0.12659097]]
unit step:  1
delta:  [[ 1.03207238]
 [ 0.91532631]
 [-0.12659097]]
delta b updated:  [array([[-0.02330751],
       [ 0.52419931]]), array([[ 1.03207238],
       [ 0.91532631],
       [-0.12659097]])]
delta w updated: [array([[ 0.01971624,  0.01589775, -0.01417049],
       [-0.4434296 , -0.35754944,  0.31870252]]), array([[-0.04111679, -1.01494847],
       [-0.03646574, -0.90013942],
       [ 0.00504326,  0.1244906 ]])]
input:  [[-0.88454188]
 [-0.15320278]
 [ 0.97774804]]
activations:  [array([[-0.88454188],
       [-0.15320278],
       [ 0.97774804]]), array([[ 0.03978132],
       [-0.60217154]]), array([[ 0.09108527],
       [ 0.15141487],
       [ 0.36003304]])]
cost derivative:  [[ 0.97562715]
 [ 0.30461765]
 [-0.617715  ]]
unit step:  1
delta:  [[ 0.97562715]
 [ 0.30461765]
 [-0.617715  ]]
delta b updated:  [array([[ 0.02692009],
       [ 0.15115745]]), array([[ 0.97562715],
       [ 0.30461765],
       [-0.617715  ]])]
delta w updated: [array([[-0.02381195, -0.00412423,  0.02632107],
       [-0.1337051 , -0.02315774,  0.1477939 ]]), array([[ 0.03881174, -0.5874949 ],
       [ 0.01211809, -0.18343208],
       [-0.02457352,  0.37197039]])]
input:  [[-0.891427  ]
 [-0.20937399]
 [ 0.9383047 ]]
activations:  [array([[-0.891427  ],
       [-0.20937399],
       [ 0.9383047 ]]), array([[ 0.02853671],
       [-0.63506688]]), array([[ 0.09312477],
       [ 0.1615109 ],
       [ 0.3682485 ]])]
cost derivative:  [[ 0.98455177]
 [ 0.37088489]
 [-0.5700562 ]]
unit step:  1
delta:  [[ 0.98455177]
 [ 0.37088489]
 [-0.5700562 ]]
delta b updated:  [array([[ 0.01903623],
       [ 0.17796985]]), array([[ 0.98455177],
       [ 0.37088489],
       [-0.5700562 ]])]
delta w updated: [array([[-0.01696941, -0.00398569,  0.01786178],
       [-0.15864713, -0.03726226,  0.16698995]]), array([[ 0.02809586, -0.62525622],
       [ 0.01058383, -0.23553671],
       [-0.01626753,  0.36202381]])]
input:  [[ 0.07095282]
 [-0.6482618 ]
 [ 0.64596492]]
activations:  [array([[ 0.07095282],
       [-0.6482618 ],
       [ 0.64596492]]), array([[ 0.19667892],
       [-1.61060329]]), array([[ 0.81456041],
       [ 0.09462327],
       [ 0.89609969]])]
cost derivative:  [[ 0.74360759]
 [ 0.74288507]
 [ 0.25013476]]
unit step:  1
delta:  [[ 0.74360759]
 [ 0.74288507]
 [ 0.25013476]]
delta b updated:  [array([[ 0.1099033],
       [ 0.8671952]]), array([[ 0.74360759],
       [ 0.74288507],
       [ 0.25013476]])]
delta w updated: [array([[ 0.00779795, -0.07124611,  0.07099368],
       [ 0.06152995, -0.56216952,  0.56017768]]), array([[ 0.14625194, -1.19765683],
       [ 0.14610984, -1.19649315],
       [ 0.04919624, -0.40286787]])]
input:  [[ 0.207027  ]
 [-0.77506961]
 [ 0.55928504]]
activations:  [array([[ 0.207027  ],
       [-0.77506961],
       [ 0.55928504]]), array([[ 0.20945123],
       [-1.79243592]]), array([[ 0.92413883],
       [ 0.09491751],
       [ 0.9832949 ]])]
cost derivative:  [[ 0.71711182]
 [ 0.86998713]
 [ 0.42400986]]
unit step:  1
delta:  [[ 0.71711182]
 [ 0.86998713]
 [ 0.42400986]]
delta b updated:  [array([[ 0.11141554],
       [ 1.0899588 ]]), array([[ 0.71711182],
       [ 0.86998713],
       [ 0.42400986]])]
delta w updated: [array([[ 0.02306603, -0.0863548 ,  0.06231305],
       [ 0.2256509 , -0.84479394,  0.60959765]]), array([[ 0.15019996, -1.28537699],
       [ 0.18221988, -1.55939617],
       [ 0.08880939, -0.7600105 ]])]
input:  [[ 0.35980925]
 [-0.90878401]
 [ 0.46802911]]
activations:  [array([[ 0.35980925],
       [-0.90878401],
       [ 0.46802911]]), array([[ 0.22525503],
       [-1.99093411]]), array([[ 1.04604563],
       [ 0.0935089 ],
       [ 1.07924394]])]
cost derivative:  [[ 0.68623638]
 [ 1.00229291]
 [ 0.61121482]]
unit step:  1
delta:  [[ 0.68623638]
 [ 1.00229291]
 [ 0.61121482]]
delta b updated:  [array([[ 0.11337314],
       [ 1.35645066]]), array([[ 0.68623638],
       [ 1.00229291],
       [ 0.61121482]])]
delta w updated: [array([[ 0.0407927 , -0.1030317 ,  0.05306193],
       [ 0.48806349, -1.23272067,  0.6348584 ]]), array([[ 0.15457819, -1.36625142],
       [ 0.22577152, -1.99549914],
       [ 0.13767921, -1.21688844]])]
input:  [[-0.78790495]
 [-0.95398039]
 [ 0.41848079]]
activations:  [array([[-0.78790495],
       [-0.95398039],
       [ 0.41848079]]), array([[-0.0713719 ],
       [-1.20933283]]), array([[ 0.2582506 ],
       [ 0.26605636],
       [ 0.5618629 ]])]
cost derivative:  [[ 1.04615555]
 [ 1.22003675]
 [ 0.14338211]]
unit step:  1
delta:  [[ 1.04615555]
 [ 1.22003675]
 [ 0.14338211]]
delta b updated:  [array([[-0.03820091],
       [ 0.81334118]]), array([[ 1.04615555],
       [ 1.22003675],
       [ 0.14338211]])]
delta w updated: [array([[ 0.03009869,  0.03644292, -0.01598635],
       [-0.64083554, -0.77591154,  0.34036766]]), array([[-0.07466611, -1.26515024],
       [-0.08707634, -1.47543049],
       [-0.01023345, -0.17339669]])]
input:  [[ 0.87164646]
 [-0.96772944]
 [ 0.43473216]]
activations:  [array([[ 0.87164646],
       [-0.96772944],
       [ 0.43473216]]), array([[ 0.34407636],
       [-2.394332  ]]), array([[ 1.40525002],
       [ 0.02563719],
       [ 1.3245801 ]])]
cost derivative:  [[ 0.53360356]
 [ 0.99336662]
 [ 0.88984794]]
unit step:  1
delta:  [[ 0.53360356]
 [ 0.99336662]
 [ 0.88984794]]
delta b updated:  [array([[ 0.16335923],
       [ 1.73005658]]), array([[ 0.53360356],
       [ 0.99336662],
       [ 0.88984794]])]
delta w updated: [array([[ 0.14239149, -0.15808753,  0.07101751],
       [ 1.50799769, -1.67422667,  0.75211124]]), array([[ 0.18360037, -1.27762408],
       [ 0.34179398, -2.37844949],
       [ 0.30617564, -2.13059139]])]
input:  [[ 0.05949974]
 [-0.63741001]
 [ 0.65338569]]
activations:  [array([[ 0.05949974],
       [-0.63741001],
       [ 0.65338569]]), array([[ 0.19533636],
       [-1.59892217]]), array([[ 0.80209803],
       [ 0.08867855],
       [ 0.88686666]])]
cost derivative:  [[ 0.7425983 ]
 [ 0.72608857]
 [ 0.23348097]]
unit step:  1
delta:  [[ 0.7425983 ]
 [ 0.72608857]
 [ 0.23348097]]
delta b updated:  [array([[ 0.10935056],
       [ 0.84032142]]), array([[ 0.7425983 ],
       [ 0.72608857],
       [ 0.23348097]])]
delta w updated: [array([[ 0.00650633, -0.06970114,  0.07144809],
       [ 0.04999891, -0.53562929,  0.54905399]]), array([[ 0.14505645, -1.18735688],
       [ 0.1418315 , -1.16095911],
       [ 0.04560732, -0.3733179 ]])]
input:  [[-0.83309753]
 [-0.03868815]
 [ 1.0587434 ]]
activations:  [array([[-0.83309753],
       [-0.03868815],
       [ 1.0587434 ]]), array([[ 0.07179358],
       [-0.56523212]]), array([[ 0.10953235],
       [ 0.12159612],
       [ 0.36113511]])]
cost derivative:  [[ 0.94262988]
 [ 0.16028428]
 [-0.6976083 ]]
unit step:  1
delta:  [[ 0.94262988]
 [ 0.16028428]
 [-0.6976083 ]]
delta b updated:  [array([[ 0.04981448],
       [ 0.1062442 ]]), array([[ 0.94262988],
       [ 0.16028428],
       [-0.6976083 ]])]
delta w updated: [array([[-0.04150032, -0.00192723,  0.05274075],
       [-0.08851178, -0.00411039,  0.11248535]]), array([[ 0.06767477, -0.53280468],
       [ 0.01150738, -0.09059782],
       [-0.0500838 ,  0.39431062]])]
input:  [[-0.39871286]
 [-0.21406246]
 [ 0.94270499]]
activations:  [array([[-0.39871286],
       [-0.21406246],
       [ 0.94270499]]), array([[ 0.15144321],
       [-0.99078257]]), array([[ 0.43099932],
       [ 0.08634884],
       [ 0.59458135]])]
cost derivative:  [[ 0.82971218]
 [ 0.3004113 ]
 [-0.34812364]]
unit step:  1
delta:  [[ 0.82971218]
 [ 0.3004113 ]
 [-0.34812364]]
delta b updated:  [array([[ 0.09812322],
       [ 0.2880854 ]]), array([[ 0.82971218],
       [ 0.3004113 ],
       [-0.34812364]])]
delta w updated: [array([[-0.03912299, -0.0210045 ,  0.09250125],
       [-0.11486336, -0.06166827,  0.27157955]]), array([[ 0.12565427, -0.82206437],
       [ 0.04549525, -0.29764228],
       [-0.05272096,  0.34491483]])]
input:  [[ 0.86836884]
 [-0.59192698]
 [ 0.69785067]]
activations:  [array([[ 0.86836884],
       [-0.59192698],
       [ 0.69785067]]), array([[ 0.40645483],
       [-2.14223898]]), array([[ 1.35211916],
       [-0.0383081 ],
       [ 1.24877391]])]
cost derivative:  [[ 0.48375032]
 [ 0.55361888]
 [ 0.55092324]]
unit step:  1
delta:  [[ 0.48375032]
 [ 0.55361888]
 [ 0.55092324]]
delta b updated:  [array([[ 0.21838757],
       [ 1.11669159]]), array([[ 0.48375032],
       [ 0.55361888],
       [ 0.55092324]])]
delta w updated: [array([[ 0.18964096, -0.1292695 ,  0.15240192],
       [ 0.96970019, -0.66099988,  0.77928398]]), array([[ 0.19662265, -1.0363088 ],
       [ 0.22502107, -1.18598394],
       [ 0.22392541, -1.18020923]])]
input:  [[ 0.85862676]
 [-1.01494338]
 [ 0.40146581]]
activations:  [array([[ 0.85862676],
       [-1.01494338],
       [ 0.40146581]]), array([[ 0.33234952],
       [-2.42012164]]), array([[ 1.39821103],
       [ 0.03063423],
       [ 1.3264497 ]])]
cost derivative:  [[ 0.53958427]
 [ 1.04557761]
 [ 0.92498389]]
unit step:  1
delta:  [[ 0.53958427]
 [ 1.04557761]
 [ 0.92498389]]
delta b updated:  [array([[ 0.15417387],
       [ 1.79207381]]), array([[ 0.53958427],
       [ 1.04557761],
       [ 0.92498389]])]
delta w updated: [array([[ 0.13237781, -0.15647775,  0.06189554],
       [ 1.53872253, -1.81885345,  0.71945637]]), array([[ 0.17933057, -1.30585957],
       [ 0.34749722, -2.53042501],
       [ 0.30741795, -2.23857353]])]
input:  [[-0.88051691]
 [-0.46227744]
 [ 0.76136981]]
activations:  [array([[-0.88051691],
       [-0.46227744],
       [ 0.76136981]]), array([[-0.01195174],
       [-0.81714684]]), array([[ 0.12900292],
       [ 0.19561133],
       [ 0.42202797]])]
cost derivative:  [[ 1.00951983]
 [ 0.65788877]
 [-0.33934184]]
unit step:  1
delta:  [[ 1.00951983]
 [ 0.65788877]
 [-0.33934184]]
delta b updated:  [array([[-0.00742534],
       [ 0.33125088]]), array([[ 1.00951983],
       [ 0.65788877],
       [-0.33934184]])]
delta w updated: [array([[ 0.00653814,  0.00343257, -0.00565343],
       [-0.291672  , -0.15312981,  0.25220442]]), array([[-0.01206552, -0.82492593],
       [-0.00786291, -0.53759172],
       [ 0.00405572,  0.27729211]])]
input:  [[-0.12388573]
 [-0.46285611]
 [ 0.77276375]]
activations:  [array([[-0.12388573],
       [-0.46285611],
       [ 0.77276375]]), array([[ 0.17831126],
       [-1.35446628]]), array([[ 0.65004918],
       [ 0.08375991],
       [ 0.76828131]])]
cost derivative:  [[ 0.77393491]
 [ 0.54661602]
 [-0.00448244]]
unit step:  1
delta:  [[ 0.77393491]
 [ 0.54661602]
 [-0.00448244]]
delta b updated:  [array([[ 0.10590282],
       [ 0.57523785]]), array([[ 0.77393491],
       [ 0.54661602],
       [-0.00448244]])]
delta w updated: [array([[-0.01311985, -0.04901777,  0.08183786],
       [-0.07126376, -0.26625236,  0.44452296]]), array([[  1.38001307e-01,  -1.04826875e+00],
       [  9.74677897e-02,  -7.40372973e-01],
       [ -7.99269313e-04,   6.07131237e-03]])]
input:  [[-0.41942256]
 [-0.19690025]
 [ 0.95440051]]
activations:  [array([[-0.41942256],
       [-0.19690025],
       [ 0.95440051]]), array([[ 0.14883449],
       [-0.96665675]]), array([[ 0.41234889],
       [ 0.08416037],
       [ 0.58128992]])]
cost derivative:  [[ 0.83177145]
 [ 0.28106062]
 [-0.37311059]]
unit step:  1
delta:  [[ 0.83177145]
 [ 0.28106062]
 [-0.37311059]]
delta b updated:  [array([[ 0.09676308],
       [ 0.26896187]]), array([[ 0.83177145],
       [ 0.28106062],
       [-0.37311059]])]
delta w updated: [array([[-0.04058462, -0.01905267,  0.09235073],
       [-0.11280868, -0.05295866,  0.25669735]]), array([[ 0.12379628, -0.80403748],
       [ 0.04183151, -0.27168914],
       [-0.05553172,  0.36066987]])]
input:  [[-0.89340573]
 [-0.2907287 ]
 [ 0.88130219]]
activations:  [array([[-0.89340573],
       [-0.2907287 ],
       [ 0.88130219]]), array([[ 0.01365902],
       [-0.69368732]]), array([[ 0.09722142],
       [ 0.16915609],
       [ 0.38326801]])]
cost derivative:  [[ 0.99062715]
 [ 0.45988479]
 [-0.49803418]]
unit step:  1
delta:  [[ 0.99062715]
 [ 0.45988479]
 [-0.49803418]]
delta b updated:  [array([[ 0.00888645],
       [ 0.21798182]]), array([[ 0.99062715],
       [ 0.45988479],
       [-0.49803418]])]
delta w updated: [array([[-0.00793921, -0.00258355,  0.00783165],
       [-0.19474621, -0.06337357,  0.19210785]]), array([[ 0.01353099, -0.68718549],
       [ 0.00628157, -0.31901625],
       [-0.00680266,  0.34547999]])]
input:  [[-0.72842907]
 [-0.01346693]
 [ 1.07803774]]
activations:  [array([[-0.72842907],
       [-0.01346693],
       [ 1.07803774]]), array([[ 0.1020059 ],
       [-0.62474545]]), array([[ 0.17557848],
       [ 0.09999262],
       [ 0.40473395]])]
cost derivative:  [[ 0.90400755]
 [ 0.11345955]
 [-0.67330379]]
unit step:  1
delta:  [[ 0.90400755]
 [ 0.11345955]
 [-0.67330379]]
delta b updated:  [array([[ 0.07063493],
       [ 0.10881587]]), array([[ 0.90400755],
       [ 0.11345955],
       [-0.67330379]])]
delta w updated: [array([[-0.05145254, -0.00095124,  0.07614713],
       [-0.07926464, -0.00146542,  0.11730761]]), array([[ 0.0922141 , -0.5647746 ],
       [ 0.01157354, -0.07088334],
       [-0.06868096,  0.42064348]])]
input:  [[-0.86733502]
 [-0.09135316]
 [ 1.02132887]]
activations:  [array([[-0.86733502],
       [-0.09135316],
       [ 1.02132887]]), array([[ 0.05383289],
       [-0.57862637]]), array([[ 0.08928861],
       [ 0.13304682],
       [ 0.35678997]])]
cost derivative:  [[ 0.95662363]
 [ 0.22439998]
 [-0.6645389 ]]
unit step:  1
delta:  [[ 0.95662363]
 [ 0.22439998]
 [-0.6645389 ]]
delta b updated:  [array([[ 0.03679904],
       [ 0.12187898]]), array([[ 0.95662363],
       [ 0.22439998],
       [-0.6645389 ]])]
delta w updated: [array([[-0.03191709, -0.00336171,  0.03758392],
       [-0.10570991, -0.01113403,  0.12447852]]), array([[ 0.05149782, -0.55352766],
       [ 0.0120801 , -0.12984374],
       [-0.03577405,  0.38451973]])]
input:  [[ 0.87519723]
 [-0.65344906]
 [ 0.65487403]]
activations:  [array([[ 0.87519723],
       [-0.65344906],
       [ 0.65487403]]), array([[ 0.39731076],
       [-2.19163572]]), array([[ 1.35844806],
       [-0.03443812],
       [ 1.26425771]])]
cost derivative:  [[ 0.48325083]
 [ 0.61901094]
 [ 0.60938367]]
unit step:  1
delta:  [[ 0.48325083]
 [ 0.61901094]
 [ 0.60938367]]
delta b updated:  [array([[ 0.2074218 ],
       [ 1.20031554]]), array([[ 0.48325083],
       [ 0.61901094],
       [ 0.60938367]])]
delta w updated: [array([[ 0.18153498, -0.13553958,  0.13583515],
       [ 1.05051283, -0.78434506,  0.78605548]]), array([[ 0.19200075, -1.05910979],
       [ 0.24593971, -1.35664648],
       [ 0.24211469, -1.33554703]])]
input:  [[ 0.6280486 ]
 [-1.08977712]
 [ 0.34546499]]
activations:  [array([[ 0.6280486 ],
       [-1.08977712],
       [ 0.34546499]]), array([[ 0.26123765],
       [-2.31026863]]), array([[ 1.24235383],
       [ 0.07112594],
       [ 1.23580299]])]
cost derivative:  [[ 0.61430524]
 [ 1.16090306]
 [ 0.89033801]]
unit step:  1
delta:  [[ 0.61430524]
 [ 1.16090306]
 [ 0.89033801]]
delta b updated:  [array([[ 0.11875155],
       [ 1.76920343]]), array([[ 0.61430524],
       [ 1.16090306],
       [ 0.89033801]])]
delta w updated: [array([[ 0.07458175, -0.12941273,  0.0410245 ],
       [ 1.11114573, -1.92803742,  0.61119784]]), array([[ 0.16047965, -1.41921012],
       [ 0.30327158, -2.68199793],
       [ 0.2325898 , -2.05691997]])]
input:  [[ 0.48228053]
 [-1.0036456 ]
 [ 0.40350862]]
activations:  [array([[ 0.48228053],
       [-1.0036456 ],
       [ 0.40350862]]), array([[ 0.23901868],
       [-2.15052942]]), array([[ 1.13069039],
       [ 0.07673108],
       [ 1.15111456]])]
cost derivative:  [[ 0.64840986]
 [ 1.08037668]
 [ 0.74760594]]
unit step:  1
delta:  [[ 0.64840986]
 [ 1.08037668]
 [ 0.74760594]]
delta b updated:  [array([[ 0.11349412],
       [ 1.53692881]]), array([[ 0.64840986],
       [ 1.08037668],
       [ 0.74760594]])]
delta w updated: [array([[ 0.05473601, -0.11390787,  0.04579586],
       [ 0.74123084, -1.54253183,  0.62016403]]), array([[ 0.15498207, -1.39442449],
       [ 0.25823021, -2.32338184],
       [ 0.17869178, -1.60774856]])]
input:  [[-0.80786871]
 [-0.86671599]
 [ 0.47927961]]
activations:  [array([[-0.80786871],
       [-0.86671599],
       [ 0.47927961]]), array([[-0.06243262],
       [-1.14364002]]), array([[ 0.2258241 ],
       [ 0.24566926],
       [ 0.53448649]])]
cost derivative:  [[ 1.0336928 ]
 [ 1.11238525]
 [ 0.05520688]]
unit step:  1
delta:  [[ 1.0336928 ]
 [ 1.11238525]
 [ 0.05520688]]
delta b updated:  [array([[-0.03408045],
       [ 0.69658714]]), array([[ 1.0336928 ],
       [ 1.11238525],
       [ 0.05520688]])]
delta w updated: [array([[ 0.02753253,  0.02953807, -0.01633407],
       [-0.56275095, -0.60374321,  0.33386001]]), array([[-0.06453615, -1.18217245],
       [-0.06944912, -1.27216828],
       [-0.00344671, -0.0631368 ]])]
input:  [[-0.76193823]
 [-0.01066996]
 [ 1.07947387]]
activations:  [array([[-0.76193823],
       [-0.01066996],
       [ 1.07947387]]), array([[ 0.09382488],
       [-0.6013195 ]]), array([[ 0.15020301],
       [ 0.10174864],
       [ 0.3885148 ]])]
cost derivative:  [[ 0.91214124]
 [ 0.1124186 ]
 [-0.69095907]]
unit step:  1
delta:  [[ 0.91214124]
 [ 0.1124186 ]
 [-0.69095907]]
delta b updated:  [array([[ 0.06505629],
       [ 0.10184042]]), array([[ 0.91214124],
       [ 0.1124186 ],
       [-0.69095907]])]
delta w updated: [array([[-0.04956887, -0.00069415,  0.07022656],
       [-0.07759611, -0.00108663,  0.10993407]]), array([[ 0.08558154, -0.54848831],
       [ 0.01054766, -0.06759949],
       [-0.06482915,  0.41548716]])]
input:  [[-0.76825116]
 [-0.01096956]
 [ 1.07916561]]
activations:  [array([[-0.76825116],
       [-0.01096956],
       [ 1.07916561]]), array([[ 0.0921268 ],
       [-0.59713294]]), array([[ 0.14545701],
       [ 0.10273857],
       [ 0.38601313]])]
cost derivative:  [[ 0.91370817]
 [ 0.11370813]
 [-0.69315249]]
unit step:  1
delta:  [[ 0.91370817]
 [ 0.11370813]
 [-0.69315249]]
delta b updated:  [array([[ 0.06385622],
       [ 0.10091737]]), array([[ 0.91370817],
       [ 0.11370813],
       [-0.69315249]])]
delta w updated: [array([[-0.04905761, -0.00070047,  0.06891143],
       [-0.07752989, -0.00110702,  0.10890655]]), array([[ 0.08417701, -0.54560524],
       [ 0.01047557, -0.06789887],
       [-0.06385792,  0.41390418]])]
input:  [[ 0.85618893]
 [-0.50293269]
 [ 0.75998228]]
activations:  [array([[ 0.85618893],
       [-0.50293269],
       [ 0.75998228]]), array([[ 0.41756245],
       [-2.08101491]]), array([[ 1.32210124],
       [-0.0622059 ],
       [ 1.22423071]])]
cost derivative:  [[ 0.46591231]
 [ 0.44072679]
 [ 0.46424842]]
unit step:  1
delta:  [[ 0.46591231]
 [ 0.44072679]
 [ 0.46424842]]
delta b updated:  [array([[ 0.22821679],
       [ 0.96326614]]), array([[ 0.46591231],
       [ 0.44072679],
       [ 0.46424842]])]
delta w updated: [array([[ 0.19539669, -0.11477769,  0.17344072],
       [ 0.8247378 , -0.48445803,  0.7320652 ]]), array([[ 0.19454749, -0.96957046],
       [ 0.18403096, -0.91715901],
       [ 0.19385271, -0.96610789]])]
input:  [[-0.28086071]
 [-0.31698969]
 [ 0.8724642 ]]
activations:  [array([[-0.28086071],
       [-0.31698969],
       [ 0.8724642 ]]), array([[ 0.16284033],
       [-1.14942028]]), array([[ 0.51746499],
       [ 0.07804841],
       [ 0.66831452]])]
cost derivative:  [[ 0.7983257 ]
 [ 0.3950381 ]
 [-0.20414968]]
unit step:  1
delta:  [[ 0.7983257 ]
 [ 0.3950381 ]
 [-0.20414968]]
delta b updated:  [array([[ 0.10107714],
       [ 0.38807152]]), array([[ 0.7983257 ],
       [ 0.3950381 ],
       [-0.20414968]])]
delta w updated: [array([[-0.0283886 , -0.03204041,  0.08818618],
       [-0.10899404, -0.12301467,  0.33857851]]), array([[ 0.12999962, -0.91761175],
       [ 0.06432814, -0.45406481],
       [-0.0332438 ,  0.23465378]])]
input:  [[-0.75549339]
 [-0.01066178]
 [ 1.0795801 ]]
activations:  [array([[-0.75549339],
       [-0.01066178],
       [ 1.0795801 ]]), array([[ 0.09516697],
       [-0.60673204]]), array([[ 0.15305011],
       [ 0.10036566],
       [ 0.39205324]])]
cost derivative:  [[ 0.90854351]
 [ 0.11102745]
 [-0.68752686]]
unit step:  1
delta:  [[ 0.90854351]
 [ 0.11102745]
 [-0.68752686]]
delta b updated:  [array([[ 0.06581788],
       [ 0.10191457]]), array([[ 0.90854351],
       [ 0.11102745],
       [-0.68752686]])]
delta w updated: [array([[-0.04972497, -0.00070174,  0.07105567],
       [-0.07699578, -0.00108659,  0.11002494]]), array([[ 0.08646333, -0.55124246],
       [ 0.01056615, -0.06736391],
       [-0.06542985,  0.41714458]])]
input:  [[ 0.86939212]
 [-0.97796583]
 [ 0.42752859]]
activations:  [array([[ 0.86939212],
       [-0.97796583],
       [ 0.42752859]]), array([[ 0.34035508],
       [-2.41077318]]), array([[ 1.38775698],
       [ 0.01011494],
       [ 1.32329144]])]
cost derivative:  [[ 0.51836486]
 [ 0.98808077]
 [ 0.89576285]]
unit step:  1
delta:  [[ 0.51836486]
 [ 0.98808077]
 [ 0.89576285]]
delta b updated:  [array([[ 0.15686916],
       [ 1.69979585]]), array([[ 0.51836486],
       [ 0.98808077],
       [ 0.89576285]])]
delta w updated: [array([[ 0.13638081, -0.15341268,  0.06706605],
       [ 1.47778913, -1.66234226,  0.72671133]]), array([[ 0.17642811, -1.2496601 ],
       [ 0.33629831, -2.38203862],
       [ 0.30487744, -2.15948106]])]
input:  [[ 0.87704311]
 [-0.67298184]
 [ 0.64122427]]
activations:  [array([[ 0.87704311],
       [-0.67298184],
       [ 0.64122427]]), array([[ 0.39366357],
       [-2.21272332]]), array([[ 1.35468526],
       [-0.0413877 ],
       [ 1.26584958]])]
cost derivative:  [[ 0.47764216]
 [ 0.63159414]
 [ 0.62462531]]
unit step:  1
delta:  [[ 0.47764216]
 [ 0.63159414]
 [ 0.62462531]]
delta b updated:  [array([[ 0.20223644],
       [ 1.20983232]]), array([[ 0.47764216],
       [ 0.63159414],
       [ 0.62462531]])]
delta w updated: [array([[ 0.17737007, -0.13610145,  0.12967891],
       [ 1.0610751 , -0.81419518,  0.77577384]]), array([[ 0.18803032, -1.05688994],
       [ 0.2486356 , -1.39754307],
       [ 0.24589223, -1.38212299]])]
input:  [[-0.73538449]
 [-0.01234762]
 [ 1.07871312]]
activations:  [array([[-0.73538449],
       [-0.01234762],
       [ 1.07871312]]), array([[ 0.0997649 ],
       [-0.62313426]]), array([[ 0.16609949],
       [ 0.09640009],
       [ 0.40095046]])]
cost derivative:  [[ 0.90148397]
 [ 0.10874771]
 [-0.67776265]]
unit step:  1
delta:  [[ 0.90148397]
 [ 0.10874771]
 [-0.67776265]]
delta b updated:  [array([[ 0.06881814],
       [ 0.10483327]]), array([[ 0.90148397],
       [ 0.10874771],
       [-0.67776265]])]
delta w updated: [array([[-0.0506078 , -0.00084974,  0.07423503],
       [-0.07709276, -0.00129444,  0.11308503]]), array([[ 0.08993646, -0.56174555],
       [ 0.0108492 , -0.06776442],
       [-0.06761692,  0.42233713]])]
input:  [[ 0.76277979]
 [-0.03044527]
 [ 1.08940248]]
activations:  [array([[ 0.76277979],
       [-0.03044527],
       [ 1.08940248]]), array([[ 0.47330822],
       [-1.70039686]]), array([[ 1.19555349],
       [-0.12678405],
       [ 1.08815563]])]
cost derivative:  [[ 0.43277369]
 [-0.09633879]
 [-0.00124685]]
unit step:  1
delta:  [[ 0.43277369]
 [-0.09633879]
 [-0.00124685]]
delta b updated:  [array([[ 0.29794118],
       [ 0.36493885]]), array([[ 0.43277369],
       [-0.09633879],
       [-0.00124685]])]
delta w updated: [array([[ 0.22726351, -0.0090709 ,  0.32457786],
       [ 0.27836798, -0.01111066,  0.39756529]]), array([[  2.04835348e-01,  -7.35887031e-01],
       [ -4.55979398e-02,   1.63814170e-01],
       [ -5.90142764e-04,   2.12013410e-03]])]
input:  [[-0.77443049]
 [-0.01156442]
 [ 1.07865268]]
activations:  [array([[-0.77443049],
       [-0.01156442],
       [ 1.07865268]]), array([[ 0.089861  ],
       [-0.59513824]]), array([[ 0.13836501],
       [ 0.10235921],
       [ 0.3833021 ]])]
cost derivative:  [[ 0.9127955 ]
 [ 0.11392363]
 [-0.69535058]]
unit step:  1
delta:  [[ 0.9127955 ]
 [ 0.11392363]
 [-0.69535058]]
delta b updated:  [array([[ 0.06202684],
       [ 0.09884417]]), array([[ 0.9127955 ],
       [ 0.11392363],
       [-0.69535058]])]
delta w updated: [array([[-0.04803547, -0.0007173 ,  0.06690541],
       [-0.07654794, -0.00114308,  0.10661853]]), array([[ 0.08202472, -0.5432395 ],
       [ 0.01023729, -0.06780031],
       [-0.0624849 ,  0.41382972]])]
input:  [[-0.61887301]
 [-0.05599051]
 [ 1.04996748]]
activations:  [array([[-0.61887301],
       [-0.05599051],
       [ 1.04996748]]), array([[ 0.12140091],
       [-0.73569872]]), array([[ 0.25004793],
       [ 0.08590947],
       [ 0.46325619]])]
cost derivative:  [[ 0.86892094]
 [ 0.14189998]
 [-0.58671129]]
unit step:  1
delta:  [[ 0.86892094]
 [ 0.14189998]
 [-0.58671129]]
delta b updated:  [array([[ 0.08207634],
       [ 0.14146971]]), array([[ 0.86892094],
       [ 0.14189998],
       [-0.58671129]])]
delta w updated: [array([[-0.05079483, -0.0045955 ,  0.08617749],
       [-0.08755178, -0.00792096,  0.14853859]]), array([[ 0.1054878 , -0.63926402],
       [ 0.01722679, -0.10439563],
       [-0.07122729,  0.43164275]])]
input:  [[ 0.85550694]
 [-1.02321488]
 [ 0.39562474]]
activations:  [array([[ 0.85550694],
       [-1.02321488],
       [ 0.39562474]]), array([[ 0.32861401],
       [-2.43442275]]), array([[ 1.37928081],
       [ 0.01616078],
       [ 1.32505714]])]
cost derivative:  [[ 0.52377387]
 [ 1.03937566]
 [ 0.9294324 ]]
unit step:  1
delta:  [[ 0.52377387]
 [ 1.03937566]
 [ 0.9294324 ]]
delta b updated:  [array([[ 0.14758878],
       [ 1.75828333]]), array([[ 0.52377387],
       [ 1.03937566],
       [ 0.9294324 ]])]
delta w updated: [array([[ 0.12626323, -0.15101504,  0.05838977],
       [ 1.50422359, -1.79910166,  0.69562038]]), array([[ 0.17211943, -1.27508702],
       [ 0.3415534 , -2.53027974],
       [ 0.30542451, -2.26263138]])]
input:  [[-0.02084301]
 [-0.56093583]
 [ 0.70568668]]
activations:  [array([[-0.02084301],
       [-0.56093583],
       [ 0.70568668]]), array([[ 0.18629976],
       [-1.50161167]]), array([[ 0.72127389],
       [ 0.07387059],
       [ 0.83392803]])]
cost derivative:  [[ 0.7421169 ]
 [ 0.63480641]
 [ 0.12824135]]
unit step:  1
delta:  [[ 0.7421169 ]
 [ 0.63480641]
 [ 0.12824135]]
delta b updated:  [array([[ 0.10504217],
       [ 0.69491681]]), array([[ 0.7421169 ],
       [ 0.63480641],
       [ 0.12824135]])]
delta w updated: [array([[-0.00218939, -0.05892191,  0.07412686],
       [-0.01448416, -0.38980373,  0.49039353]]), array([[ 0.1382562 , -1.1143714 ],
       [ 0.11826428, -0.95323272],
       [ 0.02389133, -0.1925687 ]])]
input:  [[-0.82561786]
 [-0.78438004]
 [ 0.53666163]]
activations:  [array([[-0.82561786],
       [-0.78438004],
       [ 0.53666163]]), array([[-0.05376911],
       [-1.07987356]]), array([[ 0.19673566],
       [ 0.23040024],
       [ 0.51052889]])]
cost derivative:  [[ 1.02235352]
 [ 1.01478028]
 [-0.02613273]]
unit step:  1
delta:  [[ 1.02235352]
 [ 1.01478028]
 [-0.02613273]]
delta b updated:  [array([[-0.0298425 ],
       [ 0.59965914]]), array([[ 1.02235352],
       [ 1.01478028],
       [-0.02613273]])]
delta w updated: [array([[ 0.0246385 ,  0.02340786, -0.01601533],
       [-0.4950893 , -0.47036066,  0.32181405]]), array([[-0.05497104, -1.10401253],
       [-0.05456383, -1.09583439],
       [ 0.00140513,  0.02822005]])]
input:  [[-0.8641857 ]
 [-0.08405028]
 [ 1.02649209]]
activations:  [array([[-0.8641857 ],
       [-0.08405028],
       [ 1.02649209]]), array([[ 0.05485326],
       [-0.58161304]]), array([[ 0.08400768],
       [ 0.12565501],
       [ 0.35681276]])]
cost derivative:  [[ 0.94819338]
 [ 0.20970529]
 [-0.66967933]]
unit step:  1
delta:  [[ 0.94819338]
 [ 0.20970529]
 [-0.66967933]]
delta b updated:  [array([[ 0.03730008],
       [ 0.11545471]]), array([[ 0.94819338],
       [ 0.20970529],
       [-0.66967933]])]
delta w updated: [array([[-0.03223419, -0.00313508,  0.03828824],
       [-0.09977431, -0.009704  ,  0.11851335]]), array([[ 0.0520115 , -0.55148164],
       [ 0.01150302, -0.12196733],
       [-0.03673409,  0.38949423]])]
input:  [[ 0.66063379]
 [-1.10247317]
 [ 0.33708225]]
activations:  [array([[ 0.66063379],
       [-1.10247317],
       [ 0.33708225]]), array([[ 0.26604465],
       [-2.35160378]]), array([[ 1.2521632 ],
       [ 0.0536445 ],
       [ 1.25078513]])]
cost derivative:  [[ 0.59152941]
 [ 1.15611767]
 [ 0.91370288]]
unit step:  1
delta:  [[ 0.59152941]
 [ 1.15611767]
 [ 0.91370288]]
delta b updated:  [array([[ 0.11729806],
       [ 1.76908356]]), array([[ 0.59152941],
       [ 1.15611767],
       [ 0.91370288]])]
delta w updated: [array([[ 0.07749106, -0.12931796,  0.03953909],
       [ 1.16871637, -1.95036716,  0.59632667]]), array([[ 0.15737324, -1.39104281],
       [ 0.30757892, -2.71873069],
       [ 0.24308576, -2.14866714]])]
input:  [[-0.86603769]
 [-0.56591058]
 [ 0.68902265]]
activations:  [array([[-0.86603769],
       [-0.56591058],
       [ 0.68902265]]), array([[-0.02708238],
       [-0.90545783]]), array([[ 0.14105641],
       [ 0.20032725],
       [ 0.44952783]])]
cost derivative:  [[ 1.00709411]
 [ 0.76623782]
 [-0.23949482]]
unit step:  1
delta:  [[ 1.00709411]
 [ 0.76623782]
 [-0.23949482]]
delta b updated:  [array([[-0.01610874],
       [ 0.3991917 ]]), array([[ 1.00709411],
       [ 0.76623782],
       [-0.23949482]])]
delta w updated: [array([[ 0.01395078,  0.00911611, -0.01109929],
       [-0.34571506, -0.22590681,  0.27505213]]), array([[-0.02727451, -0.91188125],
       [-0.02075155, -0.69379604],
       [ 0.00648609,  0.21685246]])]
input:  [[ 0.33854048]
 [-0.89098712]
 [ 0.48016037]]
activations:  [array([[ 0.33854048],
       [-0.89098712],
       [ 0.48016037]]), array([[ 0.22072758],
       [-1.98179553]]), array([[ 1.00440554],
       [ 0.06663541],
       [ 1.06185508]])]
cost derivative:  [[ 0.66586506]
 [ 0.95762253]
 [ 0.58169471]]
unit step:  1
delta:  [[ 0.66586506]
 [ 0.95762253]
 [ 0.58169471]]
delta b updated:  [array([[ 0.10822524],
       [ 1.25627571]]), array([[ 0.66586506],
       [ 0.95762253],
       [ 0.58169471]])]
delta w updated: [array([[ 0.03663862, -0.09642729,  0.05196547],
       [ 0.42530018, -1.11932548,  0.60321381]]), array([[ 0.14697478, -1.3196084 ],
       [ 0.2113737 , -1.89781205],
       [ 0.12839606, -1.15279998]])]
input:  [[ 0.34920177]
 [-0.89994823]
 [ 0.47405128]]
activations:  [array([[ 0.34920177],
       [-0.89994823],
       [ 0.47405128]]), array([[ 0.22181548],
       [-1.99631593]]), array([[ 1.01203751],
       [ 0.06490759],
       [ 1.06783151]])]
cost derivative:  [[ 0.66283573]
 [ 0.96485582]
 [ 0.59378023]]
unit step:  1
delta:  [[ 0.66283573]
 [ 0.96485582]
 [ 0.59378023]]
delta b updated:  [array([[ 0.10823609],
       [ 1.2713299 ]]), array([[ 0.66283573],
       [ 0.96485582],
       [ 0.59378023]])]
delta w updated: [array([[ 0.03779624, -0.09740688,  0.05130946],
       [ 0.44395066, -1.1441311 ,  0.60267556]]), array([[ 0.14702723, -1.32322953],
       [ 0.21401996, -1.92615705],
       [ 0.13170965, -1.18537294]])]
input:  [[ 0.39129169]
 [-0.9345011 ]
 [ 0.45051071]]
activations:  [array([[ 0.39129169],
       [-0.9345011 ],
       [ 0.45051071]]), array([[ 0.2264754],
       [-2.0504778]]), array([[ 1.04426591],
       [ 0.06228841],
       [ 1.09305503]])]
cost derivative:  [[ 0.65297422]
 [ 0.99678952]
 [ 0.64254432]]
unit step:  1
delta:  [[ 0.65297422]
 [ 0.99678952]
 [ 0.64254432]]
delta b updated:  [array([[ 0.10867218],
       [ 1.33962949]]), array([[ 0.65297422],
       [ 0.99678952],
       [ 0.64254432]])]
delta w updated: [array([[ 0.04252252, -0.10155427,  0.04895798],
       [ 0.52418589, -1.25188524,  0.60351743]]), array([[ 0.1478826 , -1.33890914],
       [ 0.2257483 , -2.04389478],
       [ 0.14552048, -1.31752286]])]
input:  [[ 0.88371996]
 [-0.780213  ]
 [ 0.56623579]]
activations:  [array([[ 0.88371996],
       [-0.780213  ],
       [ 0.56623579]]), array([[ 0.37619659],
       [-2.29803263]]), array([[ 1.36122773],
       [-0.03916606],
       [ 1.28634181]])]
cost derivative:  [[ 0.47750777]
 [ 0.74104693]
 [ 0.72010602]]
unit step:  1
delta:  [[ 0.47750777]
 [ 0.74104693]
 [ 0.72010602]]
delta b updated:  [array([[ 0.18333955],
       [ 1.34639941]]), array([[ 0.47750777],
       [ 0.74104693],
       [ 0.72010602]])]
delta w updated: [array([[ 0.16202082, -0.1430439 ,  0.10381341],
       [ 1.18984003, -1.05047832,  0.76237953]]), array([[ 0.1796368 , -1.09732845],
       [ 0.27877933, -1.70295004],
       [ 0.27090143, -1.65482713]])]
input:  [[ 0.88137046]
 [-0.8976838 ]
 [ 0.48393586]]
activations:  [array([[ 0.88137046],
       [-0.8976838 ],
       [ 0.48393586]]), array([[ 0.35558613],
       [-2.37680391]]), array([[ 1.37326706],
       [-0.02205088],
       [ 1.30693071]])]
cost derivative:  [[ 0.49189661]
 [ 0.87563292]
 [ 0.82299485]]
unit step:  1
delta:  [[ 0.49189661]
 [ 0.87563292]
 [ 0.82299485]]
delta b updated:  [array([[ 0.16572151],
       [ 1.5273688 ]]), array([[ 0.49189661],
       [ 0.87563292],
       [ 0.82299485]])]
delta w updated: [array([[ 0.14606204, -0.14876551,  0.08019858],
       [ 1.34617774, -1.37109424,  0.73914853]]), array([[ 0.17491161, -1.16914177],
       [ 0.31136292, -2.08120775],
       [ 0.29264555, -1.95609738]])]
input:  [[ 0.88232077]
 [-0.74634198]
 [ 0.58993341]]
activations:  [array([[ 0.88232077],
       [-0.74634198],
       [ 0.58993341]]), array([[ 0.38125328],
       [-2.27679935]]), array([[ 1.35496685],
       [-0.04733556],
       [ 1.27674857]])]
cost derivative:  [[ 0.47264608]
 [ 0.69900642]
 [ 0.68681517]]
unit step:  1
delta:  [[ 0.47264608]
 [ 0.69900642]
 [ 0.68681517]]
delta b updated:  [array([[ 0.18775946],
       [ 1.28655279]]), array([[ 0.47264608],
       [ 0.69900642],
       [ 0.68681517]])]
delta w updated: [array([[ 0.16566407, -0.14013277,  0.11076558],
       [ 1.13515225, -0.96020835,  0.75898047]]), array([[ 0.18019787, -1.07612029],
       [ 0.26649849, -1.59149736],
       [ 0.26185054, -1.56374033]])]
input:  [[-0.65236982]
 [-0.03900642]
 [ 1.06133886]]
activations:  [array([[-0.65236982],
       [-0.03900642],
       [ 1.06133886]]), array([[ 0.11531027],
       [-0.70603711]]), array([[ 0.22065338],
       [ 0.08088707],
       [ 0.44230402]])]
cost derivative:  [[ 0.87302321]
 [ 0.11989348]
 [-0.61903484]]
unit step:  1
delta:  [[ 0.87302321]
 [ 0.11989348]
 [-0.61903484]]
delta b updated:  [array([[ 0.07825565],
       [ 0.1248339 ]]), array([[ 0.87302321],
       [ 0.11989348],
       [-0.61903484]])]
delta w updated: [array([[-0.05105162, -0.00305247,  0.08305576],
       [-0.08143787, -0.00486932,  0.13249107]]), array([[ 0.10066854, -0.61638678],
       [ 0.01382495, -0.08464925],
       [-0.07138108,  0.43706157]])]
input:  [[-0.06673768]
 [-0.51717072]
 [ 0.73561912]]
activations:  [array([[-0.06673768],
       [-0.51717072],
       [ 0.73561912]]), array([[ 0.18147265],
       [-1.44649237]]), array([[ 0.67786637],
       [ 0.0634632 ],
       [ 0.8009872 ]])]
cost derivative:  [[ 0.74460405]
 [ 0.58063392]
 [ 0.06536808]]
unit step:  1
delta:  [[ 0.74460405]
 [ 0.58063392]
 [ 0.06536808]]
delta b updated:  [array([[ 0.10340029],
       [ 0.61812455]]), array([[ 0.74460405],
       [ 0.58063392],
       [ 0.06536808]])]
delta w updated: [array([[-0.0069007 , -0.0534756 ,  0.07606323],
       [-0.0412522 , -0.31967592,  0.45470424]]), array([[ 0.13512527, -1.07706408],
       [ 0.10536918, -0.83988254],
       [ 0.01186252, -0.09455443]])]
input:  [[ 0.63635401]
 [-1.09331501]
 [ 0.34311697]]
activations:  [array([[ 0.63635401],
       [-1.09331501],
       [ 0.34311697]]), array([[ 0.26057311],
       [-2.3370985 ]]), array([[ 1.2266063 ],
       [ 0.0420757 ],
       [ 1.23165503]])]
cost derivative:  [[ 0.59025229]
 [ 1.13539072]
 [ 0.88853806]]
unit step:  1
delta:  [[ 0.59025229]
 [ 1.13539072]
 [ 0.88853806]]
delta b updated:  [array([[ 0.11426627],
       [ 1.70254504]]), array([[ 0.59025229],
       [ 1.13539072],
       [ 0.88853806]])]
delta w updated: [array([[ 0.0727138 , -0.12492903,  0.0392067 ],
       [ 1.08342136, -1.86141805,  0.58417209]]), array([[ 0.15380387, -1.37947774],
       [ 0.29585229, -2.65351994],
       [ 0.23152912, -2.07660097]])]
input:  [[-0.14663269]
 [-0.44135029]
 [ 0.78746928]]
activations:  [array([[-0.14663269],
       [-0.44135029],
       [ 0.78746928]]), array([[ 0.1741012 ],
       [-1.33966178]]), array([[ 0.61308603],
       [ 0.06220458],
       [ 0.7492447 ]])]
cost derivative:  [[ 0.75971871]
 [ 0.50355487]
 [-0.03822458]]
unit step:  1
delta:  [[ 0.75971871]
 [ 0.50355487]
 [-0.03822458]]
delta b updated:  [array([[ 0.10201768],
       [ 0.51670651]]), array([[ 0.75971871],
       [ 0.50355487],
       [-0.03822458]])]
delta w updated: [array([[-0.01495913, -0.04502553,  0.08033579],
       [-0.07576606, -0.22804857,  0.4068905 ]]), array([[ 0.13226794, -1.01776612],
       [ 0.08766951, -0.67459322],
       [-0.00665495,  0.05120801]])]
input:  [[ 0.5761078 ]
 [-1.06372307]
 [ 0.36290032]]
activations:  [array([[ 0.5761078 ],
       [-1.06372307],
       [ 0.36290032]]), array([[ 0.25028869],
       [-2.27595684]]), array([[ 1.18032192],
       [ 0.04399037],
       [ 1.19742402]])]
cost derivative:  [[ 0.60421412]
 [ 1.10771344]
 [ 0.8345237 ]]
unit step:  1
delta:  [[ 0.60421412]
 [ 1.10771344]
 [ 0.8345237 ]]
delta b updated:  [array([[ 0.11146903],
       [ 1.61301008]]), array([[ 0.60421412],
       [ 1.10771344],
       [ 0.8345237 ]])]
delta w updated: [array([[ 0.06421818, -0.11857218,  0.04045215],
       [ 0.92926769, -1.71579604,  0.58536187]]), array([[ 0.15122796, -1.37516526],
       [ 0.27724815, -2.52110798],
       [ 0.20887185, -1.89933993]])]
input:  [[ 0.58500707]
 [-1.0686209 ]
 [ 0.35960921]]
activations:  [array([[ 0.58500707],
       [-1.0686209 ],
       [ 0.35960921]]), array([[ 0.25159842],
       [-2.28701434]]), array([[ 1.18629614],
       [ 0.04116308],
       [ 1.20121116]])]
cost derivative:  [[ 0.60128907]
 [ 1.10978399]
 [ 0.84160195]]
unit step:  1
delta:  [[ 0.60128907]
 [ 1.10978399]
 [ 0.84160195]]
delta b updated:  [array([[ 0.11170367],
       [ 1.62068764]]), array([[ 0.60128907],
       [ 1.10978399],
       [ 0.84160195]])]
delta w updated: [array([[ 0.06534744, -0.11936887,  0.04016967],
       [ 0.94811373, -1.73190069,  0.5828142 ]]), array([[ 0.15128338, -1.37515672],
       [ 0.2792199 , -2.53809189],
       [ 0.21174572, -1.92475572]])]
input:  [[ 0.32782706]
 [-0.8819045 ]
 [ 0.48635374]]
activations:  [array([[ 0.32782706],
       [-0.8819045 ],
       [ 0.48635374]]), array([[ 0.21851553],
       [-1.97850777]]), array([[ 0.98788181],
       [ 0.05111081],
       [ 1.04754399]])]
cost derivative:  [[ 0.66005475]
 [ 0.93301532]
 [ 0.56119025]]
unit step:  1
delta:  [[ 0.66005475]
 [ 0.93301532]
 [ 0.56119025]]
delta b updated:  [array([[ 0.10653469],
       [ 1.20435987]]), array([[ 0.66005475],
       [ 0.93301532],
       [ 0.56119025]])]
delta w updated: [array([[ 0.03492495, -0.09395342,  0.05181354],
       [ 0.39482176, -1.06213039,  0.58574493]]), array([[ 0.14423221, -1.30592345],
       [ 0.20387833, -1.84597805],
       [ 0.12262878, -1.11031927]])]
input:  [[-0.49957509]
 [-0.13409692]
 [ 0.99713094]]
activations:  [array([[-0.49957509],
       [-0.13409692],
       [ 0.99713094]]), array([[ 0.13722366],
       [-0.88254356]]), array([[ 0.3336612 ],
       [ 0.06703928],
       [ 0.52845106]])]
cost derivative:  [[ 0.83323629]
 [ 0.20113619]
 [-0.46867989]]
unit step:  1
delta:  [[ 0.83323629]
 [ 0.20113619]
 [-0.46867989]]
delta b updated:  [array([[ 0.08978988],
       [ 0.19700946]]), array([[ 0.83323629],
       [ 0.20113619],
       [-0.46867989]])]
delta w updated: [array([[-0.04485679, -0.01204055,  0.08953227],
       [-0.09842102, -0.02641836,  0.19644423]]), array([[ 0.11433973, -0.73536732],
       [ 0.02760064, -0.17751145],
       [-0.06431397,  0.41363042]])]
input:  [[ 0.61963995]
 [-1.08600301]
 [ 0.34797682]]
activations:  [array([[ 0.61963995],
       [-1.08600301],
       [ 0.34797682]]), array([[ 0.25713776],
       [-2.32592568]]), array([[ 1.20956276],
       [ 0.03430829],
       [ 1.21882272]])]
cost derivative:  [[ 0.58992281]
 [ 1.1203113 ]
 [ 0.87084589]]
unit step:  1
delta:  [[ 0.58992281]
 [ 1.1203113 ]
 [ 0.87084589]]
delta b updated:  [array([[ 0.11266685],
       [ 1.65800635]]), array([[ 0.58992281],
       [ 1.1203113 ],
       [ 0.87084589]])]
delta w updated: [array([[ 0.06981288, -0.12235654,  0.03920545],
       [ 1.02736697, -1.8005999 ,  0.57694778]]), array([[ 0.15169143, -1.37211662],
       [ 0.28807434, -2.60576082],
       [ 0.22392736, -2.02552283]])]
input:  [[-0.88956859]
 [-0.37070946]
 [ 0.82535253]]
activations:  [array([[-0.88956859],
       [-0.37070946],
       [ 0.82535253]]), array([[-0.00081958],
       [-0.76481061]]), array([[ 0.09557722],
       [ 0.16348166],
       [ 0.39711242]])]
cost derivative:  [[ 0.98514581]
 [ 0.53419112]
 [-0.42824011]]
unit step:  1
delta:  [[ 0.98514581]
 [ 0.53419112]
 [-0.42824011]]
delta b updated:  [array([[-0.00051409],
       [ 0.25132417]]), array([[ 0.98514581],
       [ 0.53419112],
       [-0.42824011]])]
delta w updated: [array([[  4.57321325e-04,   1.90579278e-04,  -4.24308274e-04],
       [ -2.23570089e-01,  -9.31682467e-02,   2.07431041e-01]]), array([[ -8.07409631e-04,  -7.53449970e-01],
       [ -4.37814430e-04,  -4.08555034e-01],
       [  3.50978693e-04,   3.27522580e-01]])]
input:  [[-0.0896365]
 [-0.4953697]
 [ 0.750529 ]]
activations:  [array([[-0.0896365],
       [-0.4953697],
       [ 0.750529 ]]), array([[ 0.1789032 ],
       [-1.42096385]]), array([[ 0.65460329],
       [ 0.05501662],
       [ 0.78341605]])]
cost derivative:  [[ 0.74423978]
 [ 0.55038632]
 [ 0.03288705]]
unit step:  1
delta:  [[ 0.74423978]
 [ 0.55038632]
 [ 0.03288705]]
delta b updated:  [array([[ 0.10237417],
       [ 0.57766931]]), array([[ 0.74423978],
       [ 0.55038632],
       [ 0.03288705]])]
delta w updated: [array([[-0.00917646, -0.05071306,  0.07683478],
       [-0.05178025, -0.28615987,  0.43355757]]), array([[ 0.13314688, -1.05753783],
       [ 0.09846587, -0.78207906],
       [ 0.0058836 , -0.0467313 ]])]
input:  [[ 0.77023174]
 [-0.06266718]
 [ 1.0669541 ]]
activations:  [array([[ 0.77023174],
       [-0.06266718],
       [ 1.0669541 ]]), array([[ 0.46790286],
       [-1.74282759]]), array([[ 1.18741639],
       [-0.14738617],
       [ 1.08943881]])]
cost derivative:  [[ 0.41718465]
 [-0.08471899]
 [ 0.02248471]]
unit step:  1
delta:  [[ 0.41718465]
 [-0.08471899]
 [ 0.02248471]]
delta b updated:  [array([[ 0.28739464],
       [ 0.37399904]]), array([[ 0.41718465],
       [-0.08471899],
       [ 0.02248471]])]
delta w updated: [array([[ 0.22136047, -0.01801021,  0.30663688],
       [ 0.28806593, -0.02343747,  0.39903981]]), array([[ 0.19520189, -0.72708092],
       [-0.03964026,  0.14765059],
       [ 0.01052066, -0.03918698]])]
input:  [[ 0.6839231 ]
 [-1.10936775]
 [ 0.33261725]]
activations:  [array([[ 0.6839231 ],
       [-1.10936775],
       [ 0.33261725]]), array([[ 0.26897558],
       [-2.38982747]]), array([[ 1.25272013],
       [ 0.02438736],
       [ 1.25155944]])]
cost derivative:  [[ 0.56879704]
 [ 1.1337551 ]
 [ 0.91894219]]
unit step:  1
delta:  [[ 0.56879704]
 [ 1.1337551 ]
 [ 0.91894219]]
delta b updated:  [array([[ 0.1152798 ],
       [ 1.72259976]]), array([[ 0.56879704],
       [ 1.1337551 ],
       [ 0.91894219]])]
delta w updated: [array([[ 0.07884252, -0.12788769,  0.03834405],
       [ 1.17812576, -1.91099661,  0.5729664 ]]), array([[ 0.15299251, -1.35932678],
       [ 0.30495244, -2.70947908],
       [ 0.24717301, -2.19611328]])]
input:  [[ 0.03656671]
 [-0.6156325 ]
 [ 0.66827857]]
activations:  [array([[ 0.03656671],
       [-0.6156325 ],
       [ 0.66827857]]), array([[ 0.18993317],
       [-1.59421164]]), array([[ 0.75305462],
       [ 0.05108361],
       [ 0.86263985]])]
cost derivative:  [[ 0.71648791]
 [ 0.66671611]
 [ 0.19436128]]
unit step:  1
delta:  [[ 0.71648791]
 [ 0.66671611]
 [ 0.19436128]]
delta b updated:  [array([[ 0.10330276],
       [ 0.74092774]]), array([[ 0.71648791],
       [ 0.66671611],
       [ 0.19436128]])]
delta w updated: [array([[ 0.00377744, -0.06359654,  0.06903502],
       [ 0.02709329, -0.4561392 ,  0.49514614]]), array([[ 0.13608482, -1.14223336],
       [ 0.12663151, -1.06288659],
       [ 0.03691565, -0.30985301]])]
input:  [[-0.82850036]
 [-0.03459315]
 [ 1.06168277]]
activations:  [array([[-0.82850036],
       [-0.03459315],
       [ 1.06168277]]), array([[ 0.07107528],
       [-0.58261617]]), array([[ 0.09522819],
       [ 0.10144788],
       [ 0.35999565]])]
cost derivative:  [[ 0.92372855]
 [ 0.13604103]
 [-0.70168713]]
unit step:  1
delta:  [[ 0.92372855]
 [ 0.13604103]
 [-0.70168713]]
delta b updated:  [array([[ 0.0485971 ],
       [ 0.09566308]]), array([[ 0.92372855],
       [ 0.13604103],
       [-0.70168713]])]
delta w updated: [array([[-0.04026272, -0.00168113,  0.05159471],
       [-0.0792569 , -0.00330929,  0.10156384]]), array([[ 0.06565427, -0.53817919],
       [ 0.00966915, -0.0792597 ],
       [-0.04987261,  0.40881427]])]
input:  [[-0.89042284]
 [-0.19731218]
 [ 0.94676709]]
activations:  [array([[-0.89042284],
       [-0.19731218],
       [ 0.94676709]]), array([[ 0.0279689 ],
       [-0.64863391]]), array([[ 0.0720401 ],
       [ 0.13570909],
       [ 0.36356229]])]
cost derivative:  [[ 0.96246294]
 [ 0.33302128]
 [-0.5832048 ]]
unit step:  1
delta:  [[ 0.96246294]
 [ 0.33302128]
 [-0.5832048 ]]
delta b updated:  [array([[ 0.01836603],
       [ 0.15641911]]), array([[ 0.96246294],
       [ 0.33302128],
       [-0.5832048 ]])]
delta w updated: [array([[-0.01635353, -0.00362384,  0.01738835],
       [-0.13927915, -0.0308634 ,  0.14809247]]), array([[ 0.02691903, -0.6242861 ],
       [ 0.00931424, -0.21600889],
       [-0.0163116 ,  0.37828641]])]
input:  [[-0.3027292 ]
 [-0.29732748]
 [ 0.88589238]]
activations:  [array([[-0.3027292 ],
       [-0.29732748],
       [ 0.88589238]]), array([[ 0.15852021],
       [-1.13666971]]), array([[ 0.48281668],
       [ 0.05661196],
       [ 0.64887813]])]
cost derivative:  [[ 0.78554588]
 [ 0.35393943]
 [-0.23701425]]
unit step:  1
delta:  [[ 0.78554588]
 [ 0.35393943]
 [-0.23701425]]
delta b updated:  [array([[ 0.09732317],
       [ 0.34328684]]), array([[ 0.78554588],
       [ 0.35393943],
       [-0.23701425]])]
delta w updated: [array([[-0.02946256, -0.02893685,  0.08621785],
       [-0.10392295, -0.10206861,  0.30411519]]), array([[ 0.1245249 , -0.89290621],
       [ 0.05610655, -0.40231223],
       [-0.03757155,  0.26940691]])]
input:  [[ 0.3062507 ]
 [-0.86339003]
 [ 0.49898272]]
activations:  [array([[ 0.3062507 ],
       [-0.86339003],
       [ 0.49898272]]), array([[ 0.21555451],
       [-1.95558354]]), array([[ 0.96291469],
       [ 0.04374659],
       [ 1.0333076 ]])]
cost derivative:  [[ 0.65666399]
 [ 0.90713663]
 [ 0.53432488]]
unit step:  1
delta:  [[ 0.65666399]
 [ 0.90713663]
 [ 0.53432488]]
delta b updated:  [array([[ 0.10476366],
       [ 1.15062379]]), array([[ 0.65666399],
       [ 0.90713663],
       [ 0.53432488]])]
delta w updated: [array([[ 0.03208394, -0.0904519 ,  0.05227526],
       [ 0.35237934, -0.99343711,  0.57414139]]), array([[ 0.14154689, -1.2841613 ],
       [ 0.19553739, -1.77398146],
       [ 0.11517614, -1.04491695]])]
input:  [[-0.836243  ]
 [-0.73217645]
 [ 0.57305343]]
activations:  [array([[-0.836243  ],
       [-0.73217645],
       [ 0.57305343]]), array([[-0.04903604],
       [-1.05059768]]), array([[ 0.17092256],
       [ 0.20599642],
       [ 0.49104802]])]
cost derivative:  [[ 1.00716557]
 [ 0.93817288]
 [-0.08200542]]
unit step:  1
delta:  [[ 1.00716557]
 [ 0.93817288]
 [-0.08200542]]
delta b updated:  [array([[-0.027323  ],
       [ 0.52375803]]), array([[ 1.00716557],
       [ 0.93817288],
       [-0.08200542]])]
delta w updated: [array([[ 0.02284867,  0.02000526, -0.01565754],
       [-0.43798898, -0.38348329,  0.30014133]]), array([[-0.04938741, -1.05812581],
       [-0.04600428, -0.98564225],
       [ 0.00402122,  0.0861547 ]])]
input:  [[-0.85738571]
 [-0.07055587]
 [ 1.03604809]]
activations:  [array([[-0.85738571],
       [-0.07055587],
       [ 1.03604809]]), array([[ 0.05758579],
       [-0.58772153]]), array([[ 0.07804915],
       [ 0.11005135],
       [ 0.35472278]])]
cost derivative:  [[ 0.93543486]
 [ 0.18060722]
 [-0.68132532]]
unit step:  1
delta:  [[ 0.93543486]
 [ 0.18060722]
 [-0.68132532]]
delta b updated:  [array([[ 0.03901835],
       [ 0.105066  ]]), array([[ 0.93543486],
       [ 0.18060722],
       [-0.68132532]])]
delta w updated: [array([[-0.03345377, -0.00275297,  0.04042489],
       [-0.09008208, -0.00741302,  0.10885343]]), array([[ 0.05386776, -0.5497752 ],
       [ 0.01040041, -0.10614675],
       [-0.03923466,  0.40042955]])]
input:  [[ 0.2844863 ]
 [-0.84443541]
 [ 0.51191699]]
activations:  [array([[ 0.2844863 ],
       [-0.84443541],
       [ 0.51191699]]), array([[ 0.21322348],
       [-1.92832229]]), array([[ 0.94361857],
       [ 0.04195724],
       [ 1.01997682]])]
cost derivative:  [[ 0.65913226]
 [ 0.88639264]
 [ 0.50805983]]
unit step:  1
delta:  [[ 0.65913226]
 [ 0.88639264]
 [ 0.50805983]]
delta b updated:  [array([[ 0.10431218],
       [ 1.11074621]]), array([[ 0.65913226],
       [ 0.88639264],
       [ 0.50805983]])]
delta w updated: [array([[ 0.02967538, -0.08808489,  0.05339918],
       [ 0.31599208, -0.93795343,  0.56860986]]), array([[ 0.14054248, -1.27101944],
       [ 0.18899972, -1.70925069],
       [ 0.10833029, -0.97970309]])]
input:  [[ 0.64455448]
 [-1.09661287]
 [ 0.3409354 ]]
activations:  [array([[ 0.64455448],
       [-1.09661287],
       [ 0.3409354 ]]), array([[ 0.26085486],
       [-2.35739066]]), array([[ 1.21673889],
       [ 0.02014973],
       [ 1.23058208]])]
cost derivative:  [[ 0.57218442]
 [ 1.1167626 ]
 [ 0.88964668]]
unit step:  1
delta:  [[ 0.57218442]
 [ 1.1167626 ]
 [ 0.88964668]]
delta b updated:  [array([[ 0.11163069],
       [ 1.65810102]]), array([[ 0.57218442],
       [ 1.1167626 ],
       [ 0.88964668]])]
delta w updated: [array([[ 0.07195206, -0.12241565,  0.03805885],
       [ 1.06873644, -1.81829491,  0.56530534]]), array([[ 0.14925709, -1.3488622 ],
       [ 0.29131296, -2.63264573],
       [ 0.23206866, -2.09724477]])]
input:  [[ 0.21820126]
 [-0.78523648]
 [ 0.55233957]]
activations:  [array([[ 0.21820126],
       [-0.78523648],
       [ 0.55233957]]), array([[ 0.20644978],
       [-1.84279016]]), array([[ 0.89040018],
       [ 0.04059141],
       [ 0.97700619]])]
cost derivative:  [[ 0.67219891]
 [ 0.82582789]
 [ 0.42466662]]
unit step:  1
delta:  [[ 0.67219891]
 [ 0.82582789]
 [ 0.42466662]]
delta b updated:  [array([[ 0.10368767],
       [ 0.9995441 ]]), array([[ 0.67219891],
       [ 0.82582789],
       [ 0.42466662]])]
delta w updated: [array([[ 0.02262478, -0.08141934,  0.0572708 ],
       [ 0.21810179, -0.78487849,  0.55208775]]), array([[ 0.13877531, -1.23872154],
       [ 0.17049198, -1.52182751],
       [ 0.08767233, -0.78257147]])]
input:  [[ 0.83331994]
 [-1.06496602]
 [ 0.36604096]]
activations:  [array([[ 0.83331994],
       [-1.06496602],
       [ 0.36604096]]), array([[ 0.31339551],
       [-2.47320908]]), array([[ 1.33937079],
       [-0.01886749],
       [ 1.30785208]])]
cost derivative:  [[ 0.50605084]
 [ 1.04609852]
 [ 0.94181112]]
unit step:  1
delta:  [[ 0.50605084]
 [ 1.04609852]
 [ 0.94181112]]
delta b updated:  [array([[ 0.13317169],
       [ 1.70077034]]), array([[ 0.50605084],
       [ 1.04609852],
       [ 0.94181112]])]
delta w updated: [array([[ 0.11097462, -0.14182332,  0.04874629],
       [ 1.41728584, -1.81126262,  0.62255161]]), array([[ 0.15859406, -1.25156954],
       [ 0.32784258, -2.58722037],
       [ 0.29515938, -2.32929581]])]
input:  [[ 0.83110741]
 [-0.35401954]
 [ 0.86387311]]
activations:  [array([[ 0.83110741],
       [-0.35401954],
       [ 0.86387311]]), array([[ 0.43301982],
       [-1.99081098]]), array([[ 1.25396033],
       [-0.12565078],
       [ 1.16929623]])]
cost derivative:  [[ 0.42285292]
 [ 0.22836876]
 [ 0.30542312]]
unit step:  1
delta:  [[ 0.42285292]
 [ 0.22836876]
 [ 0.30542312]]
delta b updated:  [array([[ 0.2397596],
       [ 0.6903248]]), array([[ 0.42285292],
       [ 0.22836876],
       [ 0.30542312]])]
delta w updated: [array([[ 0.19926598, -0.08487958,  0.20712187],
       [ 0.57373406, -0.24438847,  0.59635304]]), array([[ 0.18310369, -0.84182024],
       [ 0.0988882 , -0.45463903],
       [ 0.13225426, -0.60803969]])]
input:  [[-0.8624718 ]
 [-0.58812709]
 [ 0.67352033]]
activations:  [array([[-0.8624718 ],
       [-0.58812709],
       [ 0.67352033]]), array([[-0.03156135],
       [-0.93756608]]), array([[ 0.13338193],
       [ 0.18417678],
       [ 0.45004212]])]
cost derivative:  [[ 0.99585373]
 [ 0.77230387]
 [-0.22347821]]
unit step:  1
delta:  [[ 0.99585373]
 [ 0.77230387]
 [-0.22347821]]
delta b updated:  [array([[-0.01839405],
       [ 0.39545376]]), array([[ 0.99585373],
       [ 0.77230387],
       [-0.22347821]])]
delta w updated: [array([[ 0.01586435,  0.01081804, -0.01238877],
       [-0.34106772, -0.23257707,  0.26634615]]), array([[-0.03143049, -0.93367868],
       [-0.02437496, -0.72408591],
       [ 0.00705327,  0.20952559]])]
input:  [[-0.89352823]
 [-0.26187376]
 [ 0.90150702]]
activations:  [array([[-0.89352823],
       [-0.26187376],
       [ 0.90150702]]), array([[ 0.01586908],
       [-0.69426406]]), array([[ 0.07378847],
       [ 0.14075858],
       [ 0.37398087]])]
cost derivative:  [[ 0.9673167 ]
 [ 0.40263234]
 [-0.52752615]]
unit step:  1
delta:  [[ 0.9673167 ]
 [ 0.40263234]
 [-0.52752615]]
delta b updated:  [array([[ 0.01020969],
       [ 0.18446759]]), array([[ 0.9673167 ],
       [ 0.40263234],
       [-0.52752615]])]
delta w updated: [array([[-0.00912265, -0.00267365,  0.00920411],
       [-0.164827  , -0.04830722,  0.16629883]]), array([[ 0.01535042, -0.67157322],
       [ 0.0063894 , -0.27953316],
       [-0.00837135,  0.36624245]])]
input:  [[-0.87538845]
 [-0.50225611]
 [ 0.73345324]]
activations:  [array([[-0.87538845],
       [-0.50225611],
       [ 0.73345324]]), array([[-0.02026421],
       [-0.87053815]]), array([[ 0.11371203],
       [ 0.17296054],
       [ 0.42844395]])]
cost derivative:  [[ 0.98910048]
 [ 0.67521664]
 [-0.30500929]]
unit step:  1
delta:  [[ 0.98910048]
 [ 0.67521664]
 [-0.30500929]]
delta b updated:  [array([[-0.01213212],
       [ 0.33058352]]), array([[ 0.98910048],
       [ 0.67521664],
       [-0.30500929]])]
delta w updated: [array([[ 0.01062032,  0.00609343, -0.00889835],
       [-0.289389  , -0.16603759,  0.24246756]]), array([[-0.02004334, -0.8610497 ],
       [-0.01368273, -0.58780185],
       [ 0.00618077,  0.26552222]])]
input:  [[ 0.88234155]
 [-0.88453597]
 [ 0.49315826]]
activations:  [array([[ 0.88234155],
       [-0.88453597],
       [ 0.49315826]]), array([[ 0.35590611],
       [-2.38841134]]), array([[ 1.34729375],
       [-0.05795747],
       [ 1.29452218]])]
cost derivative:  [[ 0.46495219]
 [ 0.82657849]
 [ 0.80136392]]
unit step:  1
delta:  [[ 0.46495219]
 [ 0.82657849]
 [ 0.80136392]]
delta b updated:  [array([[ 0.16111362],
       [ 1.42702185]]), array([[ 0.46495219],
       [ 0.82657849],
       [ 0.80136392]])]
delta w updated: [array([[ 0.14215724, -0.14251079,  0.07945451],
       [ 1.25912067, -1.26225215,  0.70374761]]), array([[ 0.16547933, -1.11049709],
       [ 0.29418434, -1.97420945],
       [ 0.28521032, -1.91398668]])]
input:  [[-0.80326333]
 [-0.01910134]
 [ 1.07292504]]
activations:  [array([[-0.80326333],
       [-0.01910134],
       [ 1.07292504]]), array([[ 0.07954224],
       [-0.59497736]]), array([[ 0.10556352],
       [ 0.08919715],
       [ 0.36836296]])]
cost derivative:  [[ 0.90882686]
 [ 0.10829849]
 [-0.70456208]]
unit step:  1
delta:  [[ 0.90882686]
 [ 0.10829849]
 [-0.70456208]]
delta b updated:  [array([[ 0.05434386],
       [ 0.09002129]]), array([[ 0.90882686],
       [ 0.10829849],
       [-0.70456208]])]
delta w updated: [array([[-0.04365243, -0.00103804,  0.05830689],
       [-0.0723108 , -0.00171953,  0.0965861 ]]), array([[ 0.07229013, -0.5407314 ],
       [ 0.0086143 , -0.06443515],
       [-0.05604245,  0.41919849]])]
input:  [[-0.88628836]
 [-0.1636171 ]
 [ 0.97042779]]
activations:  [array([[-0.88628836],
       [-0.1636171 ],
       [ 0.97042779]]), array([[ 0.0342165],
       [-0.633701 ]]), array([[ 0.06576307],
       [ 0.12393703],
       [ 0.35887062]])]
cost derivative:  [[ 0.95205142]
 [ 0.28755413]
 [-0.61155718]]
unit step:  1
delta:  [[ 0.95205142]
 [ 0.28755413]
 [-0.61155718]]
delta b updated:  [array([[ 0.02258614],
       [ 0.13785238]]), array([[ 0.95205142],
       [ 0.28755413],
       [-0.61155718]])]
delta w updated: [array([[-0.02001783, -0.00369548,  0.02191822],
       [-0.12217696, -0.02255501,  0.13377578]]), array([[ 0.03257587, -0.60331594],
       [ 0.0098391 , -0.18222334],
       [-0.02092534,  0.3875444 ]])]
input:  [[-0.88658559]
 [-0.40591942]
 [ 0.80074197]]
activations:  [array([[-0.88658559],
       [-0.40591942],
       [ 0.80074197]]), array([[-0.00688025],
       [-0.79809154]]), array([[ 0.09328242],
       [ 0.15935154],
       [ 0.40536584]])]
cost derivative:  [[ 0.97986801]
 [ 0.56527096]
 [-0.39537613]]
unit step:  1
delta:  [[ 0.97986801]
 [ 0.56527096]
 [-0.39537613]]
delta b updated:  [array([[-0.00423596],
       [ 0.26472693]]), array([[ 0.97986801],
       [ 0.56527096],
       [-0.39537613]])]
delta w updated: [array([[ 0.00375554,  0.00171946, -0.00339191],
       [-0.23470308, -0.1074578 ,  0.21197796]]), array([[-0.00674174, -0.78202437],
       [-0.00388921, -0.45113797],
       [ 0.00272029,  0.31554635]])]
input:  [[-0.57477534]
 [-0.08211458]
 [ 1.03236081]]
activations:  [array([[-0.57477534],
       [-0.08211458],
       [ 1.03236081]]), array([[ 0.12611055],
       [-0.80180409]]), array([[ 0.26613716],
       [ 0.06061187],
       [ 0.48436606]])]
cost derivative:  [[ 0.8409125 ]
 [ 0.14272645]
 [-0.54799474]]
unit step:  1
delta:  [[ 0.8409125 ]
 [ 0.14272645]
 [-0.54799474]]
delta b updated:  [array([[ 0.08334969],
       [ 0.1481755 ]]), array([[ 0.8409125 ],
       [ 0.14272645],
       [-0.54799474]])]
delta w updated: [array([[-0.04790734, -0.00684422,  0.08604695],
       [-0.08516762, -0.01216737,  0.15297058]]), array([[ 0.10604794, -0.67424708],
       [ 0.01799931, -0.11443865],
       [-0.06910792,  0.43938443]])]
input:  [[-0.83754064]
 [-0.04312429]
 [ 1.05556754]]
activations:  [array([[-0.83754064],
       [-0.04312429],
       [ 1.05556754]]), array([[ 0.06674199],
       [-0.58730407]]), array([[ 0.08352677],
       [ 0.09791584],
       [ 0.35872632]])]
cost derivative:  [[ 0.9210674 ]
 [ 0.14104013]
 [-0.69684122]]
unit step:  1
delta:  [[ 0.9210674 ]
 [ 0.14104013]
 [-0.69684122]]
delta b updated:  [array([[ 0.04532592],
       [ 0.09422921]]), array([[ 0.9210674 ],
       [ 0.14104013],
       [-0.69684122]])]
delta w updated: [array([[-0.0379623 , -0.00195465,  0.04784457],
       [-0.07892079, -0.00406357,  0.0994653 ]]), array([[ 0.06147387, -0.54094664],
       [ 0.0094133 , -0.08283344],
       [-0.04650857,  0.40925769]])]
input:  [[ 0.88131382]
 [-0.72870994]
 [ 0.60226519]]
activations:  [array([[ 0.88131382],
       [-0.72870994],
       [ 0.60226519]]), array([[ 0.3817993 ],
       [-2.28347211]]), array([[ 1.32394565],
       [-0.08338978],
       [ 1.26553896]])]
cost derivative:  [[ 0.44263183]
 [ 0.64532016]
 [ 0.66327377]]
unit step:  1
delta:  [[ 0.44263183]
 [ 0.64532016]
 [ 0.66327377]]
delta b updated:  [array([[ 0.18244451],
       [ 1.18871303]]), array([[ 0.44263183],
       [ 0.64532016],
       [ 0.66327377]])]
delta w updated: [array([[ 0.16079087, -0.13294913,  0.10987998],
       [ 1.04762922, -0.866227  ,  0.71592048]]), array([[ 0.16899652, -1.01073743],
       [ 0.24638278, -1.47357058],
       [ 0.25323746, -1.51456715]])]
input:  [[ 0.85956852]
 [-0.52593896]
 [ 0.74392399]]
activations:  [array([[ 0.85956852],
       [-0.52593896],
       [ 0.74392399]]), array([[ 0.41049452],
       [-2.13129868]]), array([[ 1.28521217],
       [-0.11063352],
       [ 1.21594798]])]
cost derivative:  [[ 0.42564365]
 [ 0.41530544]
 [ 0.47202399]]
unit step:  1
delta:  [[ 0.42564365]
 [ 0.41530544]
 [ 0.47202399]]
delta b updated:  [array([[ 0.21150972],
       [ 0.90145484]]), array([[ 0.42564365],
       [ 0.41530544],
       [ 0.47202399]])]
delta w updated: [array([[ 0.1818071 , -0.1112412 ,  0.15734716],
       [ 0.7748622 , -0.47411022,  0.67061388]]), array([[ 0.17472439, -0.90717375],
       [ 0.17048061, -0.88513995],
       [ 0.19376326, -1.00602411]])]
input:  [[-0.24775025]
 [-0.34713934]
 [ 0.85186713]]
activations:  [array([[-0.24775025],
       [-0.34713934],
       [ 0.85186713]]), array([[ 0.16297737],
       [-1.21714033]]), array([[ 0.51601082],
       [ 0.044598  ],
       [ 0.6821749 ]])]
cost derivative:  [[ 0.76376106]
 [ 0.39173735]
 [-0.16969223]]
unit step:  1
delta:  [[ 0.76376106]
 [ 0.39173735]
 [-0.16969223]]
delta b updated:  [array([[ 0.09718646],
       [ 0.38308477]]), array([[ 0.76376106],
       [ 0.39173735],
       [-0.16969223]])]
delta w updated: [array([[-0.02407797, -0.03373725,  0.08278995],
       [-0.09490935, -0.13298379,  0.32633732]]), array([[ 0.12447577, -0.9296044 ],
       [ 0.06384432, -0.47679932],
       [-0.02765599,  0.20653925]])]
input:  [[-0.74891835]
 [-0.01094122]
 [ 1.07948694]]
activations:  [array([[-0.74891835],
       [-0.01094122],
       [ 1.07948694]]), array([[ 0.09415993],
       [-0.6300193 ]]), array([[ 0.13833757],
       [ 0.07775586],
       [ 0.39235861]])]
cost derivative:  [[ 0.88725593]
 [ 0.08869708]
 [-0.68712833]]
unit step:  1
delta:  [[ 0.88725593]
 [ 0.08869708]
 [-0.68712833]]
delta b updated:  [array([[ 0.06401409],
       [ 0.09178214]]), array([[ 0.88725593],
       [ 0.08869708],
       [-0.68712833]])]
delta w updated: [array([[-0.04794133, -0.00070039,  0.06910237],
       [-0.06873733, -0.00100421,  0.09907762]]), array([[ 0.08354396, -0.55898835],
       [ 0.00835171, -0.05588087],
       [-0.06469996,  0.43290411]])]
input:  [[ 0.25151697]
 [-0.81524509]
 [ 0.53184446]]
activations:  [array([[ 0.25151697],
       [-0.81524509],
       [ 0.53184446]]), array([[ 0.20884627],
       [-1.8929722 ]]), array([[ 0.90570995],
       [ 0.03037558],
       [ 0.99723833]])]
cost derivative:  [[ 0.65419297]
 [ 0.84562067]
 [ 0.46539387]]
unit step:  1
delta:  [[ 0.65419297]
 [ 0.84562067]
 [ 0.46539387]]
delta b updated:  [array([[ 0.10173887],
       [ 1.03081554]]), array([[ 0.65419297],
       [ 0.84562067],
       [ 0.46539387]])]
delta w updated: [array([[ 0.02558905, -0.08294211,  0.05410925],
       [ 0.25926761, -0.8403673 ,  0.54823354]]), array([[ 0.13662576, -1.23836911],
       [ 0.17660473, -1.60073643],
       [ 0.09719578, -0.88097766]])]
input:  [[-0.80146246]
 [-0.89525142]
 [ 0.45939652]]
activations:  [array([[-0.80146246],
       [-0.89525142],
       [ 0.45939652]]), array([[-0.06874206],
       [-1.19333766]]), array([[ 0.20358671],
       [ 0.21433667],
       [ 0.53758652]])]
cost derivative:  [[ 1.00504916]
 [ 1.10958809]
 [ 0.07819   ]]
unit step:  1
delta:  [[ 1.00504916]
 [ 1.10958809]
 [ 0.07819   ]]
delta b updated:  [array([[-0.03568921],
       [ 0.66666186]]), array([[ 1.00504916],
       [ 1.10958809],
       [ 0.07819   ]])]
delta w updated: [array([[ 0.02860356,  0.03195082, -0.0163955 ],
       [-0.53430445, -0.59682997,  0.30626213]]), array([[-0.06908914, -1.19936302],
       [-0.07627537, -1.32411326],
       [-0.00537494, -0.09330708]])]
input:  [[ 0.16203029]
 [-0.7336841 ]
 [ 0.58756508]]
activations:  [array([[ 0.16203029],
       [-0.7336841 ],
       [ 0.58756508]]), array([[ 0.20016501],
       [-1.77455251]]), array([[ 0.8343921 ],
       [ 0.03088988],
       [ 0.94099163]])]
cost derivative:  [[ 0.67236181]
 [ 0.76457398]
 [ 0.35342655]]
unit step:  1
delta:  [[ 0.67236181]
 [ 0.76457398]
 [ 0.35342655]]
delta b updated:  [array([[ 0.10120548],
       [ 0.89073118]]), array([[ 0.67236181],
       [ 0.76457398],
       [ 0.35342655]])]
delta w updated: [array([[ 0.01639835, -0.07425285,  0.05946481],
       [ 0.14432543, -0.65351531,  0.52336254]]), array([[ 0.13458331, -1.19314134],
       [ 0.15304096, -1.35677667],
       [ 0.07074363, -0.62717396]])]
input:  [[-0.88261408]
 [-0.14319077]
 [ 0.98478939]]
activations:  [array([[-0.88261408],
       [-0.14319077],
       [ 0.98478939]]), array([[ 0.03813565],
       [-0.62552348]]), array([[ 0.06191905],
       [ 0.11730112],
       [ 0.35761261]])]
cost derivative:  [[ 0.94453313]
 [ 0.26049189]
 [-0.62717677]]
unit step:  1
delta:  [[ 0.94453313]
 [ 0.26049189]
 [-0.62717677]]
delta b updated:  [array([[ 0.02521134],
       [ 0.12698664]]), array([[ 0.94453313],
       [ 0.26049189],
       [-0.62717677]])]
delta w updated: [array([[-0.02225189, -0.00361003,  0.02482786],
       [-0.1120802 , -0.01818332,  0.1250551 ]]), array([[ 0.03602038, -0.59082766],
       [ 0.00993403, -0.16294379],
       [-0.02391779,  0.3923138 ]])]
input:  [[ 0.49203326]
 [-1.01050411]
 [ 0.39885779]]
activations:  [array([[ 0.49203326],
       [-1.01050411],
       [ 0.39885779]]), array([[ 0.23597987],
       [-2.19964247]]), array([[ 1.0870165 ],
       [ 0.01513743],
       [ 1.14263492]])]
cost derivative:  [[ 0.59498324]
 [ 1.02564154]
 [ 0.74377713]]
unit step:  1
delta:  [[ 0.59498324]
 [ 1.02564154]
 [ 0.74377713]]
delta b updated:  [array([[ 0.10353907],
       [ 1.40070009]]), array([[ 0.59498324],
       [ 1.02564154],
       [ 0.74377713]])]
delta w updated: [array([[ 0.05094466, -0.10462665,  0.04129736],
       [ 0.68919103, -1.4154132 ,  0.55868014]]), array([[ 0.14040407, -1.30875041],
       [ 0.24203076, -2.25604469],
       [ 0.17551643, -1.63604377]])]
input:  [[-0.87312378]
 [-0.10708939]
 [ 1.01021872]]
activations:  [array([[-0.87312378],
       [-0.10708939],
       [ 1.01021872]]), array([[ 0.04656247],
       [-0.60842694]]), array([[ 0.06351569],
       [ 0.10964605],
       [ 0.3549362 ]])]
cost derivative:  [[ 0.93663947]
 [ 0.21673544]
 [-0.65528252]]
unit step:  1
delta:  [[ 0.93663947]
 [ 0.21673544]
 [-0.65528252]]
delta b updated:  [array([[ 0.0310571 ],
       [ 0.11283145]]), array([[ 0.93663947],
       [ 0.21673544],
       [-0.65528252]])]
delta w updated: [array([[-0.02711669, -0.00332589,  0.03137447],
       [-0.09851582, -0.01208305,  0.11398445]]), array([[ 0.04361224, -0.56987669],
       [ 0.01009174, -0.13186768],
       [-0.03051157,  0.39869154]])]
input:  [[ 0.02509018]
 [-0.60471442]
 [ 0.6757454 ]]
activations:  [array([[ 0.02509018],
       [-0.60471442],
       [ 0.6757454 ]]), array([[ 0.18749584],
       [-1.59042252]]), array([[ 0.72481566],
       [ 0.03211542],
       [ 0.85453215]])]
cost derivative:  [[ 0.69972548]
 [ 0.63682983]
 [ 0.17878676]]
unit step:  1
delta:  [[ 0.69972548]
 [ 0.63682983]
 [ 0.17878676]]
delta b updated:  [array([[ 0.10013122],
       [ 0.69272825]]), array([[ 0.69972548],
       [ 0.63682983],
       [ 0.17878676]])]
delta w updated: [array([[ 0.00251231, -0.06055079,  0.06766321],
       [ 0.01738068, -0.41890276,  0.46810793]]), array([[ 0.13119561, -1.11285916],
       [ 0.11940294, -1.01282851],
       [ 0.03352177, -0.28434649]])]
input:  [[-0.63582729]
 [-0.0470456 ]
 [ 1.0559671 ]]
activations:  [array([[-0.63582729],
       [-0.0470456 ],
       [ 1.0559671 ]]), array([[ 0.11612299],
       [-0.73820608]]), array([[ 0.2157162 ],
       [ 0.06108737],
       [ 0.45065047]])]
cost derivative:  [[ 0.85154349]
 [ 0.10813297]
 [-0.60531663]]
unit step:  1
delta:  [[ 0.85154349]
 [ 0.10813297]
 [-0.60531663]]
delta b updated:  [array([[ 0.07742006],
       [ 0.11924821]]), array([[ 0.85154349],
       [ 0.10813297],
       [-0.60531663]])]
delta w updated: [array([[-0.04922579, -0.00364227,  0.08175303],
       [-0.07582127, -0.0056101 ,  0.12592218]]), array([[ 0.09888378, -0.62861458],
       [ 0.01255672, -0.07982441],
       [-0.07029118,  0.44684841]])]
input:  [[-0.85040337]
 [-0.65782519]
 [ 0.62489984]]
activations:  [array([[-0.85040337],
       [-0.65782519],
       [ 0.62489984]]), array([[-0.04108207],
       [-0.9995345 ]]), array([[ 0.1401261 ],
       [ 0.18468351],
       [ 0.47085353]])]
cost derivative:  [[ 0.99052947]
 [ 0.8425087 ]
 [-0.15404632]]
unit step:  1
delta:  [[ 0.99052947]
 [ 0.8425087 ]
 [-0.15404632]]
delta b updated:  [array([[-0.02314288],
       [ 0.44076139]]), array([[ 0.99052947],
       [ 0.8425087 ],
       [-0.15404632]])]
delta w updated: [array([[ 0.01968078,  0.01522397, -0.01446198],
       [-0.37482497, -0.28994395,  0.27543172]]), array([[-0.040693  , -0.99006838],
       [-0.034612  , -0.84211651],
       [ 0.00632854,  0.15397461]])]
input:  [[-0.7804745 ]
 [-0.01245835]
 [ 1.07793242]]
activations:  [array([[-0.7804745 ],
       [-0.01245835],
       [ 1.07793242]]), array([[ 0.08566527],
       [-0.61148093]]), array([[ 0.11359924],
       [ 0.07971622],
       [ 0.37948583]])]
cost derivative:  [[ 0.89407374]
 [ 0.09217458]
 [-0.69844658]]
unit step:  1
delta:  [[ 0.89407374]
 [ 0.09217458]
 [-0.69844658]]
delta b updated:  [array([[ 0.05819319],
       [ 0.08660916]]), array([[ 0.89407374],
       [ 0.09217458],
       [-0.69844658]])]
delta w updated: [array([[-0.0454183 , -0.00072499,  0.06272833],
       [-0.06759624, -0.00107901,  0.09335882]]), array([[ 0.07659107, -0.54670904],
       [ 0.00789616, -0.056363  ],
       [-0.05983261,  0.42708676]])]
input:  [[-0.2918166 ]
 [-0.30711228]
 [ 0.87921038]]
activations:  [array([[-0.2918166 ],
       [-0.30711228],
       [ 0.87921038]]), array([[ 0.15827037],
       [-1.1619262 ]]), array([[ 0.47525808],
       [ 0.04064229],
       [ 0.65610999]])]
cost derivative:  [[ 0.76707469]
 [ 0.34775457]
 [-0.22310039]]
unit step:  1
delta:  [[ 0.76707469]
 [ 0.34775457]
 [-0.22310039]]
delta b updated:  [array([[ 0.09526147],
       [ 0.33524677]]), array([[ 0.76707469],
       [ 0.34775457],
       [-0.22310039]])]
delta w updated: [array([[-0.02779888, -0.02925597,  0.08375487],
       [-0.09783057, -0.1029584 ,  0.29475244]]), array([[ 0.12140519, -0.89128417],
       [ 0.05503924, -0.40406515],
       [-0.03531018,  0.25922619]])]
input:  [[-0.05527359]
 [-0.52809735]
 [ 0.72814612]]
activations:  [array([[-0.05527359],
       [-0.52809735],
       [ 0.72814612]]), array([[ 0.18012805],
       [-1.48178329]]), array([[ 0.65873006],
       [ 0.0327166 ],
       [ 0.80507057]])]
cost derivative:  [[ 0.71400365]
 [ 0.56081396]
 [ 0.07692445]]
unit step:  1
delta:  [[ 0.71400365]
 [ 0.56081396]
 [ 0.07692445]]
delta b updated:  [array([[ 0.09899473],
       [ 0.58637858]]), array([[ 0.71400365],
       [ 0.56081396],
       [ 0.07692445]])]
delta w updated: [array([[-0.00547179, -0.05227886,  0.07208263],
       [-0.03241125, -0.30966498,  0.42696929]]), array([[ 0.12861209, -1.05799867],
       [ 0.10101833, -0.83100475],
       [ 0.01385625, -0.11398536]])]
input:  [[ 0.88312225]
 [-0.76350839]
 [ 0.57792449]]
activations:  [array([[ 0.88312225],
       [-0.76350839],
       [ 0.57792449]]), array([[ 0.37551498],
       [-2.31446436]]), array([[ 1.31545029],
       [-0.09071221],
       [ 1.27265598]])]
cost derivative:  [[ 0.43232805]
 [ 0.67279618]
 [ 0.69473149]]
unit step:  1
delta:  [[ 0.43232805]
 [ 0.67279618]
 [ 0.69473149]]
delta b updated:  [array([[ 0.17342974],
       [ 1.21265357]]), array([[ 0.43232805],
       [ 0.67279618],
       [ 0.69473149]])]
delta w updated: [array([[ 0.15315966, -0.13241506,  0.10022929],
       [ 1.07092134, -0.92587117,  0.70082219]]), array([[ 0.16234566, -1.00060786],
       [ 0.25264505, -1.55716279],
       [ 0.26088209, -1.60793128]])]
input:  [[-0.79480844]
 [-0.92433828]
 [ 0.43913113]]
activations:  [array([[-0.79480844],
       [-0.92433828],
       [ 0.43913113]]), array([[-0.07245459],
       [-1.22199009]]), array([[ 0.20518784],
       [ 0.21165614],
       [ 0.54698538]])]
cost derivative:  [[ 0.99999628]
 [ 1.13599442]
 [ 0.10785425]]
unit step:  1
delta:  [[ 0.99999628]
 [ 1.13599442]
 [ 0.10785425]]
delta b updated:  [array([[-0.03692622],
       [ 0.68676462]]), array([[ 0.99999628],
       [ 1.13599442],
       [ 0.10785425]])]
delta w updated: [array([[ 0.02934927,  0.03413232, -0.01621545],
       [-0.54584632, -0.63480283,  0.30157972]]), array([[-0.07245432, -1.22198554],
       [-0.08230801, -1.38817392],
       [-0.00781454, -0.13179682]])]
input:  [[ 0.59381163]
 [-1.07330163]
 [ 0.35646866]]
activations:  [array([[ 0.59381163],
       [-1.07330163],
       [ 0.35646866]]), array([[ 0.25044258],
       [-2.31907703]]), array([[  1.15421622e+00],
       [ -7.51911935e-04],
       [  1.20039703e+00]])]
cost derivative:  [[ 0.5604046 ]
 [ 1.07254972]
 [ 0.84392838]]
unit step:  1
delta:  [[ 0.5604046 ]
 [ 1.07254972]
 [ 0.84392838]]
delta b updated:  [array([[ 0.10444658],
       [ 1.52693508]]), array([[ 0.5604046 ],
       [ 1.07254972],
       [ 0.84392838]])]
delta w updated: [array([[ 0.06202159, -0.11210269,  0.03723193],
       [ 0.9067118 , -1.63886191,  0.54430449]]), array([[ 0.14034917, -1.29962142],
       [ 0.26861212, -2.48732542],
       [ 0.2113556 , -1.95713491]])]
input:  [[-0.72135026]
 [-0.01485856]
 [ 1.07717359]]
activations:  [array([[-0.72135026],
       [-0.01485856],
       [ 1.07717359]]), array([[ 0.09983315],
       [-0.65752629]]), array([[ 0.15154022],
       [ 0.06766327],
       [ 0.4063248 ]])]
cost derivative:  [[ 0.87289049]
 [ 0.08252183]
 [-0.67084879]]
unit step:  1
delta:  [[ 0.87289049]
 [ 0.08252183]
 [-0.67084879]]
delta b updated:  [array([[ 0.06739446],
       [ 0.09306845]]), array([[ 0.87289049],
       [ 0.08252183],
       [-0.67084879]])]
delta w updated: [array([[-0.04861501, -0.00100138,  0.07259553],
       [-0.06713495, -0.00138286,  0.10025087]]), array([[ 0.0871434 , -0.57394845],
       [ 0.00823841, -0.05426027],
       [-0.06697294,  0.44110072]])]
input:  [[ 0.01360924]
 [-0.59378189]
 [ 0.68322227]]
activations:  [array([[ 0.01360924],
       [-0.59378189],
       [ 0.68322227]]), array([[ 0.18603642],
       [-1.57831119]]), array([[ 0.70946273],
       [ 0.02638511],
       [ 0.84742278]])]
cost derivative:  [[ 0.69585349]
 [ 0.620167  ]
 [ 0.16420052]]
unit step:  1
delta:  [[ 0.69585349]
 [ 0.620167  ]
 [ 0.16420052]]
delta b updated:  [array([[ 0.09908005],
       [ 0.66749303]]), array([[ 0.69585349],
       [ 0.620167  ],
       [ 0.16420052]])]
delta w updated: [array([[ 0.0013484 , -0.05883194,  0.06769369],
       [ 0.00908407, -0.39634527,  0.4560461 ]]), array([[ 0.12945409, -1.09827335],
       [ 0.11537365, -0.97881651],
       [ 0.03054728, -0.25915951]])]
input:  [[ 0.86696128]
 [-0.9878016 ]
 [ 0.42060282]]
activations:  [array([[ 0.86696128],
       [-0.9878016 ],
       [ 0.42060282]]), array([[ 0.33319924],
       [-2.45855579]]), array([[ 1.32556868],
       [-0.06208017],
       [ 1.30609432]])]
cost derivative:  [[ 0.4586074 ]
 [ 0.92572143]
 [ 0.8854915 ]]
unit step:  1
delta:  [[ 0.4586074 ]
 [ 0.92572143]
 [ 0.8854915 ]]
delta b updated:  [array([[ 0.13946   ],
       [ 1.52620525]]), array([[ 0.4586074 ],
       [ 0.92572143],
       [ 0.8854915 ]])]
delta w updated: [array([[ 0.12090642, -0.13775881,  0.05865727],
       [ 1.32316086, -1.50758799,  0.64192624]]), array([[ 0.15280764, -1.12751188],
       [ 0.30844967, -2.27593778],
       [ 0.29504509, -2.17703025]])]
input:  [[ 0.19582107]
 [-0.76482712]
 [ 0.56628298]]
activations:  [array([[ 0.19582107],
       [-0.76482712],
       [ 0.56628298]]), array([[ 0.20260535],
       [-1.82679953]]), array([[ 0.84974941],
       [ 0.0176948 ],
       [ 0.96063332]])]
cost derivative:  [[ 0.65392834]
 [ 0.78252192]
 [ 0.39435034]]
unit step:  1
delta:  [[ 0.65392834]
 [ 0.78252192]
 [ 0.39435034]]
delta b updated:  [array([[ 0.09957134],
       [ 0.9180946 ]]), array([[ 0.65392834],
       [ 0.78252192],
       [ 0.39435034]])]
delta w updated: [array([[ 0.01949817, -0.07615486,  0.05638555],
       [ 0.17978227, -0.70218364,  0.51990134]]), array([[ 0.13248938, -1.19459599],
       [ 0.15854313, -1.42951067],
       [ 0.07989749, -0.72039902]])]
input:  [[-0.8199447 ]
 [-0.81128412]
 [ 0.51790952]]
activations:  [array([[-0.8199447 ],
       [-0.81128412],
       [ 0.51790952]]), array([[-0.05987688],
       [-1.13021326]]), array([[ 0.17288082],
       [ 0.19517849],
       [ 0.51291167]])]
cost derivative:  [[ 0.99282552]
 [ 1.00646261]
 [-0.00499784]]
unit step:  1
delta:  [[ 0.99282552]
 [ 1.00646261]
 [-0.00499784]]
delta b updated:  [array([[-0.03176561],
       [ 0.56755013]]), array([[ 0.99282552],
       [ 1.00646261],
       [-0.00499784]])]
delta w updated: [array([[ 0.02604605,  0.02577094, -0.01645171],
       [-0.46535972, -0.4604444 ,  0.29393961]]), array([[ -5.94472952e-02,  -1.12210457e+00],
       [ -6.02638417e-02,  -1.13751739e+00],
       [  2.99255295e-04,   5.64862929e-03]])]
input:  [[-0.89304525]
 [-0.30582081]
 [ 0.870739  ]]
activations:  [array([[-0.89304525],
       [-0.30582081],
       [ 0.870739  ]]), array([[ 0.00737992],
       [-0.73418726]]), array([[ 0.06709976],
       [ 0.13553602],
       [ 0.38428386]])]
cost derivative:  [[ 0.960145  ]
 [ 0.44135684]
 [-0.48645513]]
unit step:  1
delta:  [[ 0.960145  ]
 [ 0.44135684]
 [-0.48645513]]
delta b updated:  [array([[ 0.00463678],
       [ 0.19745738]]), array([[ 0.960145  ],
       [ 0.44135684],
       [-0.48645513]])]
delta w updated: [array([[-0.00414085, -0.00141802,  0.00403742],
       [-0.17633838, -0.06038658,  0.17193384]]), array([[ 0.00708579, -0.70492622],
       [ 0.00325718, -0.32403856],
       [-0.00359   ,  0.35714916]])]
input:  [[-0.62740077]
 [-0.05140675]
 [ 1.05304444]]
activations:  [array([[-0.62740077],
       [-0.05140675],
       [ 1.05304444]]), array([[ 0.11700401],
       [-0.75172249]]), array([[ 0.21642528],
       [ 0.05439183],
       [ 0.45555163]])]
cost derivative:  [[ 0.84382605]
 [ 0.10579858]
 [-0.59749282]]
unit step:  1
delta:  [[ 0.84382605]
 [ 0.10579858]
 [-0.59749282]]
delta b updated:  [array([[ 0.07755231],
       [ 0.11856782]]), array([[ 0.84382605],
       [ 0.10579858],
       [-0.59749282]])]
delta w updated: [array([[-0.04865638, -0.00398671,  0.08166603],
       [-0.07438954, -0.00609519,  0.12485718]]), array([[ 0.09873103, -0.63432302],
       [ 0.01237886, -0.07953117],
       [-0.06990906,  0.44914879]])]
input:  [[ 0.22934215]
 [-0.7953239 ]
 [ 0.54544921]]
activations:  [array([[ 0.22934215],
       [-0.7953239 ],
       [ 0.54544921]]), array([[ 0.20575777],
       [-1.8726896 ]]), array([[ 0.8726223 ],
       [ 0.01379667],
       [ 0.98218763]])]
cost derivative:  [[ 0.64328015]
 [ 0.80912057]
 [ 0.43673842]]
unit step:  1
delta:  [[ 0.64328015]
 [ 0.80912057]
 [ 0.43673842]]
delta b updated:  [array([[ 0.0992818 ],
       [ 0.96333984]]), array([[ 0.64328015],
       [ 0.80912057],
       [ 0.43673842]])]
delta w updated: [array([[ 0.0227695 , -0.07896119,  0.05415318],
       [ 0.22093443, -0.7661672 ,  0.52545296]]), array([[ 0.13235989, -1.20466405],
       [ 0.16648284, -1.51523167],
       [ 0.08986232, -0.81787549]])]
input:  [[-0.88275463]
 [-0.44301392]
 [ 0.77482491]]
activations:  [array([[-0.88275463],
       [-0.44301392],
       [ 0.77482491]]), array([[-0.01337867],
       [-0.83572999]]), array([[ 0.08797557],
       [ 0.15225284],
       [ 0.41543986]])]
cost derivative:  [[ 0.9707302 ]
 [ 0.59526676]
 [-0.35938505]]
unit step:  1
delta:  [[ 0.9707302 ]
 [ 0.59526676]
 [-0.35938505]]
delta b updated:  [array([[-0.0080457 ],
       [ 0.27592015]]), array([[ 0.9707302 ],
       [ 0.59526676],
       [-0.35938505]])]
delta w updated: [array([[ 0.00710238,  0.00356436, -0.00623401],
       [-0.24356979, -0.12223647,  0.21378981]]), array([[-0.01298708, -0.81126834],
       [-0.00796388, -0.49748229],
       [ 0.0048081 ,  0.30034886]])]
input:  [[ 0.17332101]
 [-0.74413054]
 [ 0.58042565]]
activations:  [array([[ 0.17332101],
       [-0.74413054],
       [ 0.58042565]]), array([[ 0.20032143],
       [-1.79843734]]), array([[ 0.82794296],
       [ 0.01446834],
       [ 0.94723882]])]
cost derivative:  [[ 0.65462195]
 [ 0.75859888]
 [ 0.36681317]]
unit step:  1
delta:  [[ 0.65462195]
 [ 0.75859888]
 [ 0.36681317]]
delta b updated:  [array([[ 0.0989531 ],
       [ 0.87786992]]), array([[ 0.65462195],
       [ 0.75859888],
       [ 0.36681317]])]
delta w updated: [array([[ 0.01715065, -0.07363403,  0.05743492],
       [ 0.1521533 , -0.65324981,  0.50953822]]), array([[ 0.13113481, -1.17729655],
       [ 0.15196361, -1.36429254],
       [ 0.07348054, -0.6596905 ]])]
input:  [[ 0.8800997 ]
 [-0.71060845]
 [ 0.6149225 ]]
activations:  [array([[ 0.8800997 ],
       [-0.71060845],
       [ 0.6149225 ]]), array([[ 0.38304784],
       [-2.28314932]]), array([[ 1.29651054],
       [-0.1117782 ],
       [ 1.25784013]])]
cost derivative:  [[ 0.41641084]
 [ 0.59883025]
 [ 0.64291764]]
unit step:  1
delta:  [[ 0.41641084]
 [ 0.59883025]
 [ 0.64291764]]
delta b updated:  [array([[ 0.17830714],
       [ 1.10937847]]), array([[ 0.41641084],
       [ 0.59883025],
       [ 0.64291764]])]
delta w updated: [array([[ 0.15692806, -0.12670656,  0.10964507],
       [ 0.97636366, -0.78833372,  0.68218178]]), array([[ 0.15950527, -0.95072813],
       [ 0.22938064, -1.36721889],
       [ 0.24626821, -1.46787696]])]
input:  [[ 0.04803713]
 [-0.62653231]
 [ 0.66082445]]
activations:  [array([[ 0.04803713],
       [-0.62653231],
       [ 0.66082445]]), array([[ 0.18865376],
       [-1.62976079]]), array([[ 0.72989344],
       [ 0.01747021],
       [ 0.86753696]])]
cost derivative:  [[ 0.68185631]
 [ 0.64400251]
 [ 0.20671251]]
unit step:  1
delta:  [[ 0.68185631]
 [ 0.64400251]
 [ 0.20671251]]
delta b updated:  [array([[ 0.09829746],
       [ 0.70042065]]), array([[ 0.68185631],
       [ 0.64400251],
       [ 0.20671251]])]
delta w updated: [array([[ 0.00472193, -0.06158654,  0.06495737],
       [ 0.0336462 , -0.43883617,  0.4628551 ]]), array([[ 0.12863476, -1.11126268],
       [ 0.1214935 , -1.04957005],
       [ 0.03899709, -0.33689194]])]
input:  [[ 0.10523791]
 [-0.6806234 ]
 [ 0.62383717]]
activations:  [array([[ 0.10523791],
       [-0.6806234 ],
       [ 0.62383717]]), array([[ 0.19376862],
       [-1.70807648]]), array([[ 0.77339218],
       [ 0.01449853],
       [ 0.90334517]])]
cost derivative:  [[ 0.66815427]
 [ 0.69512192]
 [ 0.279508  ]]
unit step:  1
delta:  [[ 0.66815427]
 [ 0.69512192]
 [ 0.279508  ]]
delta b updated:  [array([[ 0.09836015],
       [ 0.77629032]]), array([[ 0.66815427],
       [ 0.69512192],
       [ 0.279508  ]])]
delta w updated: [array([[ 0.01035122, -0.06694622,  0.06136072],
       [ 0.08169517, -0.52836135,  0.48427875]]), array([[ 0.12946733, -1.14125859],
       [ 0.13469282, -1.18732141],
       [ 0.05415988, -0.47742104]])]
input:  [[ 0.88430752]
 [-0.82759425]
 [ 0.53306447]]
activations:  [array([[ 0.88430752],
       [-0.82759425],
       [ 0.53306447]]), array([[ 0.36401403],
       [-2.36778053]]), array([[ 1.30965234],
       [-0.09939286],
       [ 1.28039637]])]
cost derivative:  [[ 0.42534483]
 [ 0.72820138]
 [ 0.74733189]]
unit step:  1
delta:  [[ 0.42534483]
 [ 0.72820138]
 [ 0.74733189]]
delta b updated:  [array([[ 0.16065517],
       [ 1.26741243]]), array([[ 0.42534483],
       [ 0.72820138],
       [ 0.74733189]])]
delta w updated: [array([[ 0.14206857, -0.13295729,  0.08563956],
       [ 1.12078234, -1.04890323,  0.67561254]]), array([[ 0.15483149, -1.0071232 ],
       [ 0.26507552, -1.72422106],
       [ 0.27203929, -1.76951791]])]
input:  [[ 0.87372259]
 [-0.95708859]
 [ 0.44221619]]
activations:  [array([[ 0.87372259],
       [-0.95708859],
       [ 0.44221619]]), array([[ 0.33929089],
       [-2.44956596]]), array([[ 1.31618853],
       [-0.0810732 ],
       [ 1.29888272]])]
cost derivative:  [[ 0.44246594]
 [ 0.87601539]
 [ 0.85666654]]
unit step:  1
delta:  [[ 0.44246594]
 [ 0.87601539]
 [ 0.85666654]]
delta b updated:  [array([[ 0.14147153],
       [ 1.4490184 ]]), array([[ 0.44246594],
       [ 0.87601539],
       [ 0.85666654]])]
delta w updated: [array([[ 0.12360687, -0.13540079,  0.062561  ],
       [ 1.26604011, -1.38683898,  0.64077939]]), array([[ 0.15012466, -1.08384951],
       [ 0.29722404, -2.14585749],
       [ 0.29065915, -2.09846119]])]
input:  [[-0.16929504]
 [-0.42001607]
 [ 0.80205595]]
activations:  [array([[-0.16929504],
       [-0.42001607],
       [ 0.80205595]]), array([[ 0.16888029],
       [-1.33549648]]), array([[ 0.55976842],
       [ 0.02222046],
       [ 0.72886183]])]
cost derivative:  [[ 0.72906346]
 [ 0.44223654]
 [-0.07319412]]
unit step:  1
delta:  [[ 0.72906346]
 [ 0.44223654]
 [-0.07319412]]
delta b updated:  [array([[ 0.09609536],
       [ 0.43823426]]), array([[ 0.72906346],
       [ 0.44223654],
       [-0.07319412]])]
delta w updated: [array([[-0.01626847, -0.04036159,  0.07707385],
       [-0.07419089, -0.18406543,  0.3514884 ]]), array([[ 0.12312445, -0.97366169],
       [ 0.07468503, -0.59060534],
       [-0.01236104,  0.09775049]])]
input:  [[-0.03232454]
 [-0.54998373]
 [ 0.71317725]]
activations:  [array([[-0.03232454],
       [-0.54998373],
       [ 0.71317725]]), array([[ 0.18111788],
       [-1.52275786]]), array([[ 0.66484632],
       [ 0.01623405],
       [ 0.81489671]])]
cost derivative:  [[ 0.69717086]
 [ 0.56621777]
 [ 0.10171946]]
unit step:  1
delta:  [[ 0.69717086]
 [ 0.56621777]
 [ 0.10171946]]
delta b updated:  [array([[ 0.09730658],
       [ 0.59157088]]), array([[ 0.69717086],
       [ 0.56621777],
       [ 0.10171946]])]
delta w updated: [array([[-0.00314539, -0.05351704,  0.06939684],
       [-0.01912226, -0.32535436,  0.42189489]]), array([[ 0.12627011, -1.06162241],
       [ 0.10255216, -0.86221256],
       [ 0.01842321, -0.15489411]])]
input:  [[ 0.26254751]
 [-0.82507121]
 [ 0.52513537]]
activations:  [array([[ 0.26254751],
       [-0.82507121],
       [ 0.52513537]]), array([[ 0.20832894],
       [-1.922465  ]]), array([[ 0.89107597],
       [ 0.00278347],
       [ 0.9988882 ]])]
cost derivative:  [[ 0.62852846]
 [ 0.82785468]
 [ 0.47375283]]
unit step:  1
delta:  [[ 0.62852846]
 [ 0.82785468]
 [ 0.47375283]]
delta b updated:  [array([[ 0.09796184],
       [ 0.99317488]]), array([[ 0.62852846],
       [ 0.82785468],
       [ 0.47375283]])]
delta w updated: [array([[ 0.02571964, -0.0808255 ,  0.05144323],
       [ 0.26075559, -0.81944001,  0.52155126]]), array([[ 0.13094066, -1.20832396],
       [ 0.17246608, -1.59152165],
       [ 0.09869642, -0.91077324]])]
input:  [[ 0.66850921]
 [-1.10502797]
 [ 0.33541597]]
activations:  [array([[ 0.66850921],
       [-1.10502797],
       [ 0.33541597]]), array([[ 0.26252317],
       [-2.40569553]]), array([[ 1.19177845],
       [-0.03008846],
       [ 1.23291464]])]
cost derivative:  [[ 0.52326924]
 [ 1.07493951]
 [ 0.89749866]]
unit step:  1
delta:  [[ 0.52326924]
 [ 1.07493951]
 [ 0.89749866]]
delta b updated:  [array([[ 0.10414919],
       [ 1.5589654 ]]), array([[ 0.52326924],
       [ 1.07493951],
       [ 0.89749866]])]
delta w updated: [array([[ 0.06962469, -0.11508777,  0.0349333 ],
       [ 1.04218273, -1.72270037,  0.5229019 ]]), array([[ 0.1373703 , -1.25882647],
       [ 0.28219653, -2.58597718],
       [ 0.23561419, -2.15910852]])]
input:  [[ 0.79107532]
 [-0.15591211]
 [ 1.00198092]]
activations:  [array([[ 0.79107532],
       [-0.15591211],
       [ 1.00198092]]), array([[ 0.45388162],
       [-1.84776571]]), array([[ 1.16973122],
       [-0.18413771],
       [ 1.10739447]])]
cost derivative:  [[ 0.3786559 ]
 [-0.02822561]
 [ 0.10541355]]
unit step:  1
delta:  [[ 0.3786559 ]
 [-0.02822561]
 [ 0.10541355]]
delta b updated:  [array([[ 0.25873016],
       [ 0.41634189]]), array([[ 0.3786559 ],
       [-0.02822561],
       [ 0.10541355]])]
delta w updated: [array([[ 0.20467504, -0.04033916,  0.25924268],
       [ 0.32935779, -0.06491274,  0.41716663]]), array([[ 0.17186496, -0.69966739],
       [-0.01281108,  0.05215431],
       [ 0.04784527, -0.19477954]])]
input:  [[ 0.69145814]
 [-1.11114508]
 [ 0.33149012]]
activations:  [array([[ 0.69145814],
       [-1.11114508],
       [ 0.33149012]]), array([[ 0.26696043],
       [-2.42809613]]), array([[ 1.20633144],
       [-0.03540431],
       [ 1.24264916]])]
cost derivative:  [[ 0.5148733 ]
 [ 1.07574077]
 [ 0.91115905]]
unit step:  1
delta:  [[ 0.5148733 ]
 [ 1.07574077]
 [ 0.91115905]]
delta b updated:  [array([[ 0.10491338],
       [ 1.57293554]]), array([[ 0.5148733 ],
       [ 1.07574077],
       [ 0.91115905]])]
delta w updated: [array([[ 0.07254321, -0.11657399,  0.03477775],
       [ 1.08761909, -1.74775958,  0.52141259]]), array([[ 0.1374508 , -1.25016186],
       [ 0.28718022, -2.61200199],
       [ 0.24324341, -2.21238176]])]
input:  [[-0.87031495]
 [-0.09903159]
 [ 1.01590529]]
activations:  [array([[-0.87031495],
       [-0.09903159],
       [ 1.01590529]]), array([[ 0.04732226],
       [-0.61523255]]), array([[ 0.05424186],
       [ 0.0957812 ],
       [ 0.35309685]])]
cost derivative:  [[ 0.92455681]
 [ 0.19481279]
 [-0.66280844]]
unit step:  1
delta:  [[ 0.92455681]
 [ 0.19481279]
 [-0.66280844]]
delta b updated:  [array([[ 0.03135624],
       [ 0.10326659]]), array([[ 0.92455681],
       [ 0.19481279],
       [-0.66280844]])]
delta w updated: [array([[-0.0272898 , -0.00310526,  0.03185497],
       [-0.08987446, -0.01022665,  0.10490908]]), array([[ 0.04375211, -0.56881745],
       [ 0.00921898, -0.11985517],
       [-0.03136559,  0.40778133]])]
input:  [[ 0.80372785]
 [-0.21526295]
 [ 0.9606156 ]]
activations:  [array([[ 0.80372785],
       [-0.21526295],
       [ 0.9606156 ]]), array([[ 0.44668276],
       [-1.89886861]]), array([[ 1.18269864],
       [-0.18007324],
       [ 1.12326824]])]
cost derivative:  [[ 0.37897079]
 [ 0.03518971]
 [ 0.16265264]]
unit step:  1
delta:  [[ 0.37897079]
 [ 0.03518971]
 [ 0.16265264]]
delta b updated:  [array([[ 0.24857035],
       [ 0.47499036]]), array([[ 0.37897079],
       [ 0.03518971],
       [ 0.16265264]])]
delta w updated: [array([[ 0.19978291, -0.05350799,  0.23878055],
       [ 0.38176298, -0.10224783,  0.45628315]]), array([[ 0.16927972, -0.71961574],
       [ 0.01571864, -0.06682063],
       [ 0.07265413, -0.30885599]])]
input:  [[ 0.53959763]
 [-1.04203725]
 [ 0.37751727]]
activations:  [array([[ 0.53959763],
       [-1.04203725],
       [ 0.37751727]]), array([[ 0.24037314],
       [-2.2735154 ]]), array([[ 1.09544517],
       [-0.0208882 ],
       [ 1.16054617]])]
cost derivative:  [[ 0.55584754]
 [ 1.02114905]
 [ 0.7830289 ]]
unit step:  1
delta:  [[ 0.55584754]
 [ 1.02114905]
 [ 0.7830289 ]]
delta b updated:  [array([[ 0.0989879 ],
       [ 1.38846087]]), array([[ 0.55584754],
       [ 1.02114905],
       [ 0.7830289 ]])]
delta w updated: [array([[ 0.05341363, -0.10314907,  0.03736964],
       [ 0.74921019, -1.44682795,  0.52416796]]), array([[ 0.13361082, -1.26372795],
       [ 0.2454568 , -2.3215981 ],
       [ 0.18821912, -1.78022828]])]
input:  [[ 0.55803192]
 [-1.05329141]
 [ 0.36992359]]
activations:  [array([[ 0.55803192],
       [-1.05329141],
       [ 0.36992359]]), array([[ 0.24299736],
       [-2.29563396]]), array([[ 1.1082427 ],
       [-0.02461618],
       [ 1.16970368]])]
cost derivative:  [[ 0.55021078]
 [ 1.02867523]
 [ 0.79978009]]
unit step:  1
delta:  [[ 0.55021078]
 [ 1.02867523]
 [ 0.79978009]]
delta b updated:  [array([[ 0.09926611],
       [ 1.40873537]]), array([[ 0.55021078],
       [ 1.02867523],
       [ 0.79978009]])]
delta w updated: [array([[ 0.05539366, -0.10455614,  0.03672088],
       [ 0.78611931, -1.48380887,  0.52112445]]), array([[ 0.13369977, -1.26308255],
       [ 0.24996537, -2.3614618 ],
       [ 0.19434445, -1.83600233]])]
input:  [[ 0.74083576]
 [-1.11590179]
 [ 0.32892906]]
activations:  [array([[ 0.74083576],
       [-1.11590179],
       [ 0.32892906]]), array([[ 0.27805172],
       [-2.47122809]]), array([[ 1.23608604],
       [-0.050258  ],
       [ 1.26174915]])]
cost derivative:  [[ 0.49525028]
 [ 1.06564379]
 [ 0.93282008]]
unit step:  1
delta:  [[ 0.49525028]
 [ 1.06564379]
 [ 0.93282008]]
delta b updated:  [array([[ 0.10765059],
       [ 1.5866631 ]]), array([[ 0.49525028],
       [ 1.06564379],
       [ 0.93282008]])]
delta w updated: [array([[ 0.07975141, -0.12012748,  0.03540941],
       [ 1.17545676, -1.77056019,  0.52189961]]), array([[ 0.13770519, -1.22387639],
       [ 0.29630408, -2.63344886],
       [ 0.25937223, -2.30521119]])]
input:  [[-0.86937796]
 [-0.5441958 ]
 [ 0.70417715]]
activations:  [array([[-0.86937796],
       [-0.5441958 ],
       [ 0.70417715]]), array([[-0.02808769],
       [-0.92192553]]), array([[ 0.10137845],
       [ 0.15333441],
       [ 0.43553579]])]
cost derivative:  [[ 0.97075641]
 [ 0.6975302 ]
 [-0.26864135]]
unit step:  1
delta:  [[ 0.97075641]
 [ 0.6975302 ]
 [-0.26864135]]
delta b updated:  [array([[-0.01620616],
       [ 0.33239295]]), array([[ 0.97075641],
       [ 0.6975302 ],
       [-0.26864135]])]
delta w updated: [array([[ 0.01408928,  0.00881932, -0.01141201],
       [-0.28897511, -0.18088685,  0.23406352]]), array([[-0.0272663 , -0.89496512],
       [-0.01959201, -0.64307091],
       [ 0.00754551,  0.24766732]])]
input:  [[ 0.86565678]
 [-0.57043228]
 [ 0.71286083]]
activations:  [array([[ 0.86565678],
       [-0.57043228],
       [ 0.71286083]]), array([[ 0.40158872],
       [-2.18986574]]), array([[ 1.25886994],
       [-0.14912977],
       [ 1.2139225 ]])]
cost derivative:  [[ 0.39321316]
 [ 0.42130251]
 [ 0.50106166]]
unit step:  1
delta:  [[ 0.39321316]
 [ 0.42130251]
 [ 0.50106166]]
delta b updated:  [array([[ 0.19435571],
       [ 0.88102421]]), array([[ 0.39321316],
       [ 0.42130251],
       [ 0.50106166]])]
delta w updated: [array([[ 0.16824534, -0.11086677,  0.13854857],
       [ 0.76266458, -0.50256465,  0.62804765]]), array([[ 0.15790997, -0.86108403],
       [ 0.16919034, -0.92259594],
       [ 0.20122071, -1.09725777]])]
input:  [[-0.36720003]
 [-0.24077752]
 [ 0.9244882 ]]
activations:  [array([[-0.36720003],
       [-0.24077752],
       [ 0.9244882 ]]), array([[ 0.14887572],
       [-1.07690694]]), array([[ 0.40222128],
       [ 0.02307234],
       [ 0.60234678]])]
cost derivative:  [[ 0.76942131]
 [ 0.26384986]
 [-0.32214141]]
unit step:  1
delta:  [[ 0.76942131]
 [ 0.26384986]
 [-0.32214141]]
delta b updated:  [array([[ 0.09061989],
       [ 0.25385009]]), array([[ 0.76942131],
       [ 0.26384986],
       [-0.32214141]])]
delta w updated: [array([[-0.03327563, -0.02181923,  0.08377702],
       [-0.09321376, -0.0611214 ,  0.23468142]]), array([[ 0.11454815, -0.82859514],
       [ 0.03928084, -0.28414175],
       [-0.04795903,  0.34691632]])]
input:  [[-0.80860522]
 [-0.02154802]
 [ 1.07112836]]
activations:  [array([[-0.80860522],
       [-0.02154802],
       [ 1.07112836]]), array([[ 0.07553081],
       [-0.60915819]]), array([[ 0.08443466],
       [ 0.07123701],
       [ 0.36495079]])]
cost derivative:  [[ 0.89303988]
 [ 0.09278503]
 [-0.70617758]]
unit step:  1
delta:  [[ 0.89303988]
 [ 0.09278503]
 [-0.70617758]]
delta b updated:  [array([[ 0.05079674],
       [ 0.08031894]]), array([[ 0.89303988],
       [ 0.09278503],
       [-0.70617758]])]
delta w updated: [array([[-0.04107451, -0.00109457,  0.05440983],
       [-0.06494632, -0.00173071,  0.0860319 ]]), array([[ 0.06745202, -0.54400256],
       [ 0.00700813, -0.05652076],
       [-0.05333816,  0.43017385]])]
input:  [[-0.85373844]
 [-0.0643567 ]
 [ 1.04044617]]
activations:  [array([[-0.85373844],
       [-0.0643567 ],
       [ 1.04044617]]), array([[ 0.0569414 ],
       [-0.60598188]]), array([[ 0.05856409],
       [ 0.084962  ],
       [ 0.35318055]])]
cost derivative:  [[ 0.91230253]
 [ 0.14931869]
 [-0.68726562]]
unit step:  1
delta:  [[ 0.91230253]
 [ 0.14931869]
 [-0.68726562]]
delta b updated:  [array([[ 0.03793852],
       [ 0.09052687]]), array([[ 0.91230253],
       [ 0.14931869],
       [-0.68726562]])]
delta w updated: [array([[-0.03238957, -0.0024416 ,  0.03947298],
       [-0.07728627, -0.00582601,  0.09418833]]), array([[ 0.05194778, -0.5528388 ],
       [ 0.00850242, -0.09048442],
       [-0.03913387,  0.41647052]])]
input:  [[-0.18059023]
 [-0.40942288]
 [ 0.80929809]]
activations:  [array([[-0.18059023],
       [-0.40942288],
       [ 0.80929809]]), array([[ 0.16686758],
       [-1.32695036]]), array([[ 0.54281439],
       [ 0.01264418],
       [ 0.7181648 ]])]
cost derivative:  [[ 0.72340462]
 [ 0.42206706]
 [-0.09113329]]
unit step:  1
delta:  [[ 0.72340462]
 [ 0.42206706]
 [-0.09113329]]
delta b updated:  [array([[ 0.09438447],
       [ 0.41357314]]), array([[ 0.72340462],
       [ 0.42206706],
       [-0.09113329]])]
delta w updated: [array([[-0.01704491, -0.03864316,  0.07638517],
       [-0.07468727, -0.1693263 ,  0.33470395]]), array([[ 0.12071278, -0.95992202],
       [ 0.07042931, -0.56006203],
       [-0.01520719,  0.12092935]])]
input:  [[-0.47996716]
 [-0.14885975]
 [ 0.98709849]]
activations:  [array([[-0.47996716],
       [-0.14885975],
       [ 0.98709849]]), array([[ 0.13604148],
       [-0.93339496]]), array([[ 0.31529504],
       [ 0.03008905],
       [ 0.53607453]])]
cost derivative:  [[ 0.79526219]
 [ 0.1789488 ]
 [-0.45102396]]
unit step:  1
delta:  [[ 0.79526219]
 [ 0.1789488 ]
 [-0.45102396]]
delta b updated:  [array([[ 0.08574332],
       [ 0.17933998]]), array([[ 0.79526219],
       [ 0.1789488 ],
       [-0.45102396]])]
delta w updated: [array([[-0.04115398, -0.01276373,  0.0846371 ],
       [-0.0860773 , -0.02669651,  0.17702623]]), array([[ 0.10818864, -0.74229373],
       [ 0.02434446, -0.16702991],
       [-0.06135797,  0.42098349]])]
input:  [[-0.07819255]
 [-0.50626023]
 [ 0.74308096]]
activations:  [array([[-0.07819255],
       [-0.50626023],
       [ 0.74308096]]), array([[ 0.17597336],
       [-1.46728849]]), array([[ 0.61996863],
       [ 0.00714995],
       [ 0.78247835]])]
cost derivative:  [[ 0.69816118]
 [ 0.51341018]
 [ 0.03939739]]
unit step:  1
delta:  [[ 0.69816118]
 [ 0.51341018]
 [ 0.03939739]]
delta b updated:  [array([[ 0.09516614],
       [ 0.52064249]]), array([[ 0.69816118],
       [ 0.51341018],
       [ 0.03939739]])]
delta w updated: [array([[-0.00744128, -0.04817883,  0.07071615],
       [-0.04071036, -0.26358059,  0.38687952]]), array([[ 0.12285777, -1.02440386],
       [ 0.09034652, -0.75332086],
       [ 0.00693289, -0.05780734]])]
input:  [[-0.50926384]
 [-0.12696721]
 [ 1.0019727 ]]
activations:  [array([[-0.50926384],
       [-0.12696721],
       [ 1.0019727 ]]), array([[ 0.13229684],
       [-0.89777758]]), array([[ 0.29249828],
       [ 0.0319014 ],
       [ 0.51928256]])]
cost derivative:  [[ 0.80176213]
 [ 0.1588686 ]
 [-0.48269014]]
unit step:  1
delta:  [[ 0.80176213]
 [ 0.1588686 ]
 [-0.48269014]]
delta b updated:  [array([[ 0.08402738],
       [ 0.16264957]]), array([[ 0.80176213],
       [ 0.1588686 ],
       [-0.48269014]])]
delta w updated: [array([[-0.04279211, -0.01066872,  0.08419314],
       [-0.08283154, -0.02065116,  0.16297043]]), array([[ 0.10607059, -0.71980406],
       [ 0.02101781, -0.14262867],
       [-0.06385838,  0.43334839]])]
input:  [[ 0.46254887]
 [-0.98940729]
 [ 0.41317183]]
activations:  [array([[ 0.46254887],
       [-0.98940729],
       [ 0.41317183]]), array([[ 0.22934954],
       [-2.18750016]]), array([[ 1.02922097],
       [-0.02416342],
       [ 1.11463033]])]
cost derivative:  [[ 0.5666721 ]
 [ 0.96524387]
 [ 0.70145851]]
unit step:  1
delta:  [[ 0.5666721 ]
 [ 0.96524387]
 [ 0.70145851]]
delta b updated:  [array([[ 0.09615268],
       [ 1.25587965]]), array([[ 0.5666721 ],
       [ 0.96524387],
       [ 0.70145851]])]
delta w updated: [array([[ 0.04447531, -0.09513416,  0.03972758],
       [ 0.58090571, -1.24257647,  0.51889409]]), array([[ 0.12996599, -1.2395953 ],
       [ 0.22137824, -2.11147111],
       [ 0.16087919, -1.53444059]])]
input:  [[-0.78638149]
 [-0.01365519]
 [ 1.07700217]]
activations:  [array([[-0.78638149],
       [-0.01365519],
       [ 1.07700217]]), array([[ 0.08204743],
       [-0.62127495]]), array([[ 0.09558622],
       [ 0.06491207],
       [ 0.37438927]])]
cost derivative:  [[ 0.88196771]
 [ 0.07856726]
 [-0.70261291]]
unit step:  1
delta:  [[ 0.88196771]
 [ 0.07856726]
 [-0.70261291]]
delta b updated:  [array([[ 0.05502571],
       [ 0.07829638]]), array([[ 0.88196771],
       [ 0.07856726],
       [-0.70261291]])]
delta w updated: [array([[-0.0432712 , -0.00075139,  0.05926281],
       [-0.06157083, -0.00106915,  0.08432538]]), array([[ 0.07236318, -0.54794444],
       [ 0.00644624, -0.04881187],
       [-0.05764758,  0.4365158 ]])]
input:  [[-0.84992859]
 [-0.05851777]
 [ 1.04459451]]
activations:  [array([[-0.84992859],
       [-0.05851777],
       [ 1.04459451]]), array([[ 0.05849886],
       [-0.60623681]]), array([[ 0.05771546],
       [ 0.08219479],
       [ 0.35479617]])]
cost derivative:  [[ 0.90764406]
 [ 0.14071256]
 [-0.68979834]]
unit step:  1
delta:  [[ 0.90764406]
 [ 0.14071256]
 [-0.68979834]]
delta b updated:  [array([[ 0.03889854],
       [ 0.08730717]]), array([[ 0.90764406],
       [ 0.14071256],
       [-0.68979834]])]
delta w updated: [array([[-0.03306098, -0.00227626,  0.0406332 ],
       [-0.07420486, -0.00510902,  0.09120059]]), array([[ 0.05309615, -0.55024724],
       [ 0.00823152, -0.08530513],
       [-0.04035242,  0.41818114]])]
input:  [[ 0.84468781]
 [-0.43082952]
 [ 0.81029585]]
activations:  [array([[ 0.84468781],
       [-0.43082952],
       [ 0.81029585]]), array([[ 0.41944798],
       [-2.08193049]]), array([[ 1.22153883],
       [-0.16869826],
       [ 1.18040839]])]
cost derivative:  [[ 0.37685102]
 [ 0.26213126]
 [ 0.37011254]]
unit step:  1
delta:  [[ 0.37685102]
 [ 0.26213126]
 [ 0.37011254]]
delta b updated:  [array([[ 0.21184488],
       [ 0.69997207]]), array([[ 0.37685102],
       [ 0.26213126],
       [ 0.37011254]])]
delta w updated: [array([[ 0.17894279, -0.09126903,  0.17165703],
       [ 0.59125788, -0.30156863,  0.56718447]]), array([[ 0.1580694 , -0.78457763],
       [ 0.10995043, -0.54573906],
       [ 0.15524295, -0.77054857]])]
input:  [[-0.87249431]
 [-0.52297891]
 [ 0.71898646]]
activations:  [array([[-0.87249431],
       [-0.52297891],
       [ 0.71898646]]), array([[-0.02591071],
       [-0.90791326]]), array([[ 0.09117718],
       [ 0.14814321],
       [ 0.43182273]])]
cost derivative:  [[ 0.9636715 ]
 [ 0.67112212]
 [-0.28716372]]
unit step:  1
delta:  [[ 0.9636715 ]
 [ 0.67112212]
 [-0.28716372]]
delta b updated:  [array([[-0.01492948],
       [ 0.31264961]]), array([[ 0.9636715 ],
       [ 0.67112212],
       [-0.28716372]])]
delta w updated: [array([[ 0.01302589,  0.0078078 , -0.01073409],
       [-0.27278501, -0.16350915,  0.22479084]]), array([[-0.02496941, -0.87493013],
       [-0.01738925, -0.60932067],
       [ 0.00744062,  0.26071975]])]
input:  [[ 0.7843778 ]
 [-0.12539678]
 [ 1.02324597]]
activations:  [array([[ 0.7843778 ],
       [-0.12539678],
       [ 1.02324597]]), array([[ 0.45590421],
       [-1.83032733]]), array([[ 1.14778415],
       [-0.19977424],
       [ 1.09610612]])]
cost derivative:  [[ 0.36340635]
 [-0.07437746]
 [ 0.07286015]]
unit step:  1
delta:  [[ 0.36340635]
 [-0.07437746]
 [ 0.07286015]]
delta b updated:  [array([[ 0.25783189],
       [ 0.36895535]]), array([[ 0.36340635],
       [-0.07437746],
       [ 0.07286015]])]
delta w updated: [array([[ 0.20223761, -0.03233129,  0.26382544],
       [ 0.28940039, -0.04626581,  0.37753208]]), array([[ 0.16567848, -0.66515257],
       [-0.033909  ,  0.1361351 ],
       [ 0.03321725, -0.13335792]])]
input:  [[-0.81885068]
 [-0.02741125]
 [ 1.06686264]]
activations:  [array([[-0.81885068],
       [-0.02741125],
       [ 1.06686264]]), array([[ 0.07131018],
       [-0.60815552]]), array([[ 0.07366521],
       [ 0.07214002],
       [ 0.36314756]])]
cost derivative:  [[ 0.89251589]
 [ 0.09955127]
 [-0.70371508]]
unit step:  1
delta:  [[ 0.89251589]
 [ 0.09955127]
 [-0.70371508]]
delta b updated:  [array([[ 0.04762872],
       [ 0.07888356]]), array([[ 0.89251589],
       [ 0.09955127],
       [-0.70371508]])]
delta w updated: [array([[-0.03900081, -0.00130556,  0.0508133 ],
       [-0.06459386, -0.0021623 ,  0.08415793]]), array([[ 0.06364547, -0.54278846],
       [ 0.00709902, -0.06054265],
       [-0.05018205,  0.42796821]])]
input:  [[ 0.77227571]
 [-1.11056888]
 [ 0.33315392]]
activations:  [array([[ 0.77227571],
       [-1.11056888],
       [ 0.33315392]]), array([[ 0.28586798],
       [-2.49552502]]), array([[ 1.24219484],
       [-0.06580777],
       [ 1.27571113]])]
cost derivative:  [[ 0.46991913]
 [ 1.04476111]
 [ 0.94255721]]
unit step:  1
delta:  [[ 0.46991913]
 [ 1.04476111]
 [ 0.94255721]]
delta b updated:  [array([[ 0.10718574],
       [ 1.56633694]]), array([[ 0.46991913],
       [ 1.04476111],
       [ 0.94255721]])]
delta w updated: [array([[ 0.08277694, -0.11903714,  0.03570935],
       [ 1.20964397, -1.73952506,  0.52183128]]), array([[ 0.13433483, -1.17269494],
       [ 0.29866374, -2.60722749],
       [ 0.26944692, -2.3521751 ]])]
input:  [[ 0.44252695]
 [-0.97449941]
 [ 0.42329939]]
activations:  [array([[ 0.44252695],
       [-0.97449941],
       [ 0.42329939]]), array([[ 0.22633738],
       [-2.16617943]]), array([[ 1.00875103],
       [-0.02758368],
       [ 1.10169582]])]
cost derivative:  [[ 0.56622408]
 [ 0.94691573]
 [ 0.67839643]]
unit step:  1
delta:  [[ 0.56622408]
 [ 0.94691573]
 [ 0.67839643]]
delta b updated:  [array([[ 0.09471753],
       [ 1.21355636]]), array([[ 0.56622408],
       [ 0.94691573],
       [ 0.67839643]])]
delta w updated: [array([[ 0.04191506, -0.09230217,  0.04009387],
       [ 0.53703139, -1.18260995,  0.51369767]]), array([[ 0.12815767, -1.22654296],
       [ 0.21432242, -2.05118938],
       [ 0.15354647, -1.46952839]])]
input:  [[ 0.77743051]
 [-0.09431641]
 [ 1.04490281]]
activations:  [array([[ 0.77743051],
       [-0.09431641],
       [ 1.04490281]]), array([[ 0.45904164],
       [-1.80627033]]), array([[ 1.13742697],
       [-0.20588507],
       [ 1.08536666]])]
cost derivative:  [[ 0.35999646]
 [-0.11156866]
 [ 0.04046384]]
unit step:  1
delta:  [[ 0.35999646]
 [-0.11156866]
 [ 0.04046384]]
delta b updated:  [array([[ 0.26163952],
       [ 0.33544232]]), array([[ 0.35999646],
       [-0.11156866],
       [ 0.04046384]])]
delta w updated: [array([[ 0.20340654, -0.0246769 ,  0.27338787],
       [ 0.26078309, -0.03163771,  0.35050462]]), array([[ 0.16525336, -0.65025092],
       [-0.05121466,  0.20152316],
       [ 0.01857459, -0.07308864]])]
input:  [[ 0.76009975]
 [-1.11361334]
 [ 0.33083205]]
activations:  [array([[ 0.76009975],
       [-1.11361334],
       [ 0.33083205]]), array([[ 0.28194366],
       [-2.49162743]]), array([[ 1.23225898],
       [-0.0673081 ],
       [ 1.26798055]])]
cost derivative:  [[ 0.47215923]
 [ 1.04630524]
 [ 0.93714851]]
unit step:  1
delta:  [[ 0.47215923]
 [ 1.04630524]
 [ 0.93714851]]
delta b updated:  [array([[ 0.10521762],
       [ 1.55284751]]), array([[ 0.47215923],
       [ 1.04630524],
       [ 0.93714851]])]
delta w updated: [array([[ 0.07997589, -0.11717175,  0.03480936],
       [ 1.180319  , -1.7292717 ,  0.51373172]]), array([[ 0.1331223 , -1.1764449 ],
       [ 0.29499912, -2.60700283],
       [ 0.26422308, -2.33502492]])]
input:  [[ 0.27353785]
 [-0.83480259]
 [ 0.51849199]]
activations:  [array([[ 0.27353785],
       [-0.83480259],
       [ 0.51849199]]), array([[ 0.20741896],
       [-1.95101579]]), array([[ 0.88023069],
       [-0.01934844],
       [ 0.99797522]])]
cost derivative:  [[ 0.60669284]
 [ 0.81545416]
 [ 0.47948323]]
unit step:  1
delta:  [[ 0.60669284]
 [ 0.81545416]
 [ 0.47948323]]
delta b updated:  [array([[ 0.09391948],
       [ 0.96113149]]), array([[ 0.60669284],
       [ 0.81545416],
       [ 0.47948323]])]
delta w updated: [array([[ 0.02569053, -0.07840422,  0.0486965 ],
       [ 0.26290584, -0.80235506,  0.49833898]]), array([[ 0.1258396 , -1.1836673 ],
       [ 0.16914066, -1.59096394],
       [ 0.09945391, -0.93547935]])]
input:  [[-0.56567595]
 [-0.08795369]
 [ 1.02841365]]
activations:  [array([[-0.56567595],
       [-0.08795369],
       [ 1.02841365]]), array([[ 0.12403727],
       [-0.83429762]]), array([[ 0.24575764],
       [ 0.03180293],
       [ 0.48537326]])]
cost derivative:  [[ 0.81143359]
 [ 0.11975662]
 [-0.54304039]]
unit step:  1
delta:  [[ 0.81143359]
 [ 0.11975662]
 [-0.54304039]]
delta b updated:  [array([[ 0.07956197],
       [ 0.13173328]]), array([[ 0.81143359],
       [ 0.11975662],
       [-0.54304039]])]
delta w updated: [array([[-0.04500629, -0.00699777,  0.08182261],
       [-0.07451835, -0.01158643,  0.1354763 ]]), array([[ 0.10064801, -0.67697712],
       [ 0.01485428, -0.09991266],
       [-0.06735725,  0.45305731]])]
input:  [[ 0.85221913]
 [-1.03110487]
 [ 0.39004821]]
activations:  [array([[ 0.85221913],
       [-1.03110487],
       [ 0.39004821]]), array([[ 0.31873708],
       [-2.50391099]]), array([[ 1.28223467],
       [-0.0988288 ],
       [ 1.29172693]])]
cost derivative:  [[ 0.43001554]
 [ 0.93227607]
 [ 0.90167873]]
unit step:  1
delta:  [[ 0.43001554]
 [ 0.93227607]
 [ 0.90167873]]
delta b updated:  [array([[ 0.12202118],
       [ 1.4643554 ]]), array([[ 0.43001554],
       [ 0.93227607],
       [ 0.90167873]])]
delta w updated: [array([[ 0.10398878, -0.12581663,  0.04759414],
       [ 1.24795168, -1.50990398,  0.5711692 ]]), array([[ 0.1370619 , -1.07672065],
       [ 0.29715095, -2.33433629],
       [ 0.28739844, -2.25772327]])]
input:  [[ 0.61112977]
 [-1.08199651]
 [ 0.35064981]]
activations:  [array([[ 0.61112977],
       [-1.08199651],
       [ 0.35064981]]), array([[ 0.24974362],
       [-2.36609026]]), array([[ 1.12748957],
       [-0.05088933],
       [ 1.19244217]])]
cost derivative:  [[ 0.5163598 ]
 [ 1.03110718]
 [ 0.84179236]]
unit step:  1
delta:  [[ 0.5163598 ]
 [ 1.03110718]
 [ 0.84179236]]
delta b updated:  [array([[ 0.0963167 ],
       [ 1.41926803]]), array([[ 0.5163598 ],
       [ 1.03110718],
       [ 0.84179236]])]
delta w updated: [array([[ 0.058862  , -0.10421433,  0.03377343],
       [ 0.86735694, -1.53564306,  0.49766606]]), array([[ 0.12895757, -1.2217539 ],
       [ 0.25751244, -2.43969266],
       [ 0.21023227, -1.99175672]])]
input:  [[-0.38826665]
 [-0.22284173]
 [ 0.93671988]]
activations:  [array([[-0.38826665],
       [-0.22284173],
       [ 0.93671988]]), array([[ 0.14539132],
       [-1.05610262]]), array([[ 0.37610352],
       [ 0.01538107],
       [ 0.58805094]])]
cost derivative:  [[ 0.76437017]
 [ 0.2382228 ]
 [-0.34866894]]
unit step:  1
delta:  [[ 0.76437017]
 [ 0.2382228 ]
 [-0.34866894]]
delta b updated:  [array([[ 0.0879949 ],
       [ 0.22887053]]), array([[ 0.76437017],
       [ 0.2382228 ],
       [-0.34866894]])]
delta w updated: [array([[-0.03416549, -0.01960894,  0.08242657],
       [-0.08886279, -0.0510019 ,  0.21438757]]), array([[ 0.11113279, -0.80725334],
       [ 0.03463553, -0.25158772],
       [-0.05069344,  0.36823018]])]
input:  [[-0.85867859]
 [-0.61084914]
 [ 0.65766752]]
activations:  [array([[-0.85867859],
       [-0.61084914],
       [ 0.65766752]]), array([[-0.03794199],
       [-0.98241339]]), array([[ 0.10488585],
       [ 0.1510237 ],
       [ 0.45166603]])]
cost derivative:  [[ 0.96356443]
 [ 0.76187284]
 [-0.20600149]]
unit step:  1
delta:  [[ 0.96356443]
 [ 0.76187284]
 [-0.20600149]]
delta b updated:  [array([[-0.021054  ],
       [ 0.36610871]]), array([[ 0.96356443],
       [ 0.76187284],
       [-0.20600149]])]
delta w updated: [array([[ 0.01807862,  0.01286082, -0.01384653],
       [-0.31436971, -0.22363719,  0.24077781]]), array([[-0.03655955, -0.9466186 ],
       [-0.02890697, -0.74847408],
       [ 0.00781611,  0.20237862]])]
input:  [[-0.34591249]
 [-0.2591908 ]
 [ 0.91192558]]
activations:  [array([[-0.34591249],
       [-0.2591908 ],
       [ 0.91192558]]), array([[ 0.14977496],
       [-1.11203764]]), array([[ 0.40681528],
       [ 0.01180288],
       [ 0.61413479]])]
cost derivative:  [[ 0.75272777]
 [ 0.27099369]
 [-0.29779079]]
unit step:  1
delta:  [[ 0.75272777]
 [ 0.27099369]
 [-0.29779079]]
delta b updated:  [array([[ 0.08916105],
       [ 0.25791788]]), array([[ 0.75272777],
       [ 0.27099369],
       [-0.29779079]])]
delta w updated: [array([[-0.03084192, -0.02310972,  0.08130824],
       [-0.08921702, -0.06684994,  0.23520191]]), array([[ 0.11273977, -0.83706161],
       [ 0.04058807, -0.30135518],
       [-0.04460161,  0.33115457]])]
input:  [[-0.69939058]
 [-0.02062908]
 [ 1.07347501]]
activations:  [array([[-0.69939058],
       [-0.02062908],
       [ 1.07347501]]), array([[ 0.10176457],
       [-0.69328699]]), array([[ 0.14792449],
       [ 0.0445919 ],
       [ 0.41314725]])]
cost derivative:  [[ 0.84731506]
 [ 0.06522099]
 [-0.66032777]]
unit step:  1
delta:  [[ 0.84731506]
 [ 0.06522099]
 [-0.66032777]]
delta b updated:  [array([[ 0.06718224],
       [ 0.08637151]]), array([[ 0.84731506],
       [ 0.06522099],
       [-0.66032777]])]
delta w updated: [array([[-0.04698662, -0.00138591,  0.07211845],
       [-0.06040742, -0.00178177,  0.09271766]]), array([[ 0.08622666, -0.58743251],
       [ 0.00663719, -0.04521686],
       [-0.06719797,  0.45779665]])]
input:  [[-0.00935906]
 [-0.57188877]
 [ 0.69819556]]
activations:  [array([[-0.00935906],
       [-0.57188877],
       [ 0.69819556]]), array([[ 0.1808427 ],
       [-1.56979125]]), array([[ 0.66046668],
       [-0.00859073],
       [ 0.82237887]])]
cost derivative:  [[ 0.66982574]
 [ 0.56329804]
 [ 0.12418331]]
unit step:  1
delta:  [[ 0.66982574]
 [ 0.56329804]
 [ 0.12418331]]
delta b updated:  [array([[ 0.09321541],
       [ 0.57969121]]), array([[ 0.66982574],
       [ 0.56329804],
       [ 0.12418331]])]
delta w updated: [array([[-0.00087241, -0.05330885,  0.06508259],
       [-0.00542536, -0.33151889,  0.40473783]]), array([[ 0.12113309, -1.05148659],
       [ 0.10186834, -0.88426034],
       [ 0.02245764, -0.19494187]])]
input:  [[ 0.88021093]
 [-0.91040425]
 [ 0.47500981]]
activations:  [array([[ 0.88021093],
       [-0.91040425],
       [ 0.47500981]]), array([[ 0.34581581],
       [-2.44485612]]), array([[ 1.2822492 ],
       [-0.12653645],
       [ 1.28020955]])]
cost derivative:  [[ 0.40203826]
 [ 0.7838678 ]
 [ 0.80519974]]
unit step:  1
delta:  [[ 0.40203826]
 [ 0.7838678 ]
 [ 0.80519974]]
delta b updated:  [array([[ 0.1386313 ],
       [ 1.28794433]]), array([[ 0.40203826],
       [ 0.7838678 ],
       [ 0.80519974]])]
delta w updated: [array([[ 0.12202479, -0.12621052,  0.06585123],
       [ 1.13366268, -1.17254999,  0.61178619]]), array([[ 0.13903119, -0.9829257 ],
       [ 0.27107388, -1.91644398],
       [ 0.2784508 , -1.96859752]])]
input:  [[ 0.83742212]
 [-1.05892622]
 [ 0.37033453]]
activations:  [array([[ 0.83742212],
       [-1.05892622],
       [ 0.37033453]]), array([[ 0.30984158],
       [-2.51701448]]), array([[ 1.26878412],
       [-0.10124061],
       [ 1.28732427]])]
cost derivative:  [[ 0.431362  ]
 [ 0.95768561]
 [ 0.91698975]]
unit step:  1
delta:  [[ 0.431362  ]
 [ 0.95768561]
 [ 0.91698975]]
delta b updated:  [array([[ 0.11585406],
       [ 1.47638535]]), array([[ 0.431362  ],
       [ 0.95768561],
       [ 0.91698975]])]
delta w updated: [array([[ 0.09701875, -0.1226809 ,  0.04290476],
       [ 1.23635775, -1.56338315,  0.54675647]]), array([[ 0.13365388, -1.08574441],
       [ 0.29673082, -2.41050853],
       [ 0.28412155, -2.30807647]])]
input:  [[ 0.81047671]
 [-1.08986298]
 [ 0.34824972]]
activations:  [array([[ 0.81047671],
       [-1.08986298],
       [ 0.34824972]]), array([[ 0.29775467],
       [-2.52021607]]), array([[ 1.25365392],
       [-0.09460808],
       [ 1.27937937]])]
cost derivative:  [[ 0.44317722]
 [ 0.99525489]
 [ 0.93112965]]
unit step:  1
delta:  [[ 0.44317722]
 [ 0.99525489]
 [ 0.93112965]]
delta b updated:  [array([[ 0.10992031],
       [ 1.50324512]]), array([[ 0.44317722],
       [ 0.99525489],
       [ 0.93112965]])]
delta w updated: [array([[ 0.08908785, -0.11979808,  0.03827972],
       [ 1.21834515, -1.6383312 ,  0.52350469]]), array([[ 0.13195808, -1.11690234],
       [ 0.29634179, -2.50825738],
       [ 0.2772482 , -2.34664792]])]
input:  [[ 0.09382361]
 [-0.66987231]
 [ 0.63118801]]
activations:  [array([[ 0.09382361],
       [-0.66987231],
       [ 0.63118801]]), array([[ 0.18974228],
       [-1.71472686]]), array([[ 0.73680744],
       [-0.01984748],
       [ 0.8826983 ]])]
cost derivative:  [[ 0.64298382]
 [ 0.65002484]
 [ 0.25151028]]
unit step:  1
delta:  [[ 0.64298382]
 [ 0.65002484]
 [ 0.25151028]]
delta b updated:  [array([[ 0.09292155],
       [ 0.69762692]]), array([[ 0.64298382],
       [ 0.65002484],
       [ 0.25151028]])]
delta w updated: [array([[ 0.00871824, -0.06224558,  0.05865097],
       [ 0.06545388, -0.46732096,  0.44033375]]), array([[ 0.12200122, -1.10254163],
       [ 0.1233372 , -1.11461505],
       [ 0.04772213, -0.43127144]])]
input:  [[-0.88785181]
 [-0.17443756]
 [ 0.96282598]]
activations:  [array([[-0.88785181],
       [-0.17443756],
       [ 0.96282598]]), array([[ 0.02835425],
       [-0.66455716]]), array([[ 0.03745997],
       [ 0.09567374],
       [ 0.3564501 ]])]
cost derivative:  [[ 0.92531178]
 [ 0.27011131]
 [-0.60637588]]
unit step:  1
delta:  [[ 0.92531178]
 [ 0.27011131]
 [-0.60637588]]
delta b updated:  [array([[ 0.01812772],
       [ 0.12201026]]), array([[ 0.92531178],
       [ 0.27011131],
       [-0.60637588]])]
delta w updated: [array([[-0.01609473, -0.00316216,  0.01745384],
       [-0.10832703, -0.02128317,  0.11747464]]), array([[ 0.02623652, -0.61492257],
       [ 0.0076588 , -0.1795044 ],
       [-0.01719333,  0.40297143]])]
input:  [[-0.67638176]
 [-0.02871278]
 [ 1.06817291]]
activations:  [array([[-0.67638176],
       [-0.02871278],
       [ 1.06817291]]), array([[ 0.10585849],
       [-0.71760887]]), array([[ 0.16156346],
       [ 0.03807068],
       [ 0.42344493]])]
cost derivative:  [[ 0.83794522]
 [ 0.06678347]
 [-0.64472798]]
unit step:  1
delta:  [[ 0.83794522]
 [ 0.06678347]
 [-0.64472798]]
delta b updated:  [array([[ 0.06943457],
       [ 0.09041882]]), array([[ 0.83794522],
       [ 0.06678347],
       [-0.64472798]])]
delta w updated: [array([[-0.04696428, -0.00199366,  0.07416813],
       [-0.06115764, -0.00259618,  0.09658293]]), array([[ 0.08870361, -0.60131692],
       [ 0.0070696 , -0.04792441],
       [-0.06824993,  0.46266252]])]
input:  [[ 0.80968627]
 [-0.24410611]
 [ 0.94051003]]
activations:  [array([[ 0.80968627],
       [-0.24410611],
       [ 0.94051003]]), array([[ 0.44062132],
       [-1.94086125]]), array([[ 1.16318545],
       [-0.20680847],
       [ 1.12165545]])]
cost derivative:  [[ 0.35349918]
 [ 0.03729763]
 [ 0.18114542]]
unit step:  1
delta:  [[ 0.35349918]
 [ 0.03729763]
 [ 0.18114542]]
delta b updated:  [array([[ 0.23445827],
       [ 0.46548725]]), array([[ 0.35349918],
       [ 0.03729763],
       [ 0.18114542]])]
delta w updated: [array([[ 0.18983765, -0.0572327 ,  0.22051036],
       [ 0.37689863, -0.11362828,  0.43779542]]), array([[ 0.15575927, -0.68609286],
       [ 0.01643413, -0.07238953],
       [ 0.07981654, -0.35157814]])]
input:  [[-0.8608687 ]
 [-0.07711913]
 [ 1.03139762]]
activations:  [array([[-0.8608687 ],
       [-0.07711913],
       [ 1.03139762]]), array([[ 0.05140219],
       [-0.61764197]]), array([[ 0.04410349],
       [ 0.07817726],
       [ 0.3509257 ]])]
cost derivative:  [[ 0.90497219]
 [ 0.15529639]
 [-0.68047192]]
unit step:  1
delta:  [[ 0.90497219]
 [ 0.15529639]
 [-0.68047192]]
delta b updated:  [array([[ 0.0336993 ],
       [ 0.08799304]]), array([[ 0.90497219],
       [ 0.15529639],
       [-0.68047192]])]
delta w updated: [array([[-0.02901067, -0.00259886,  0.03475737],
       [-0.07575045, -0.00678595,  0.09075581]]), array([[ 0.04651756, -0.55894881],
       [ 0.00798258, -0.09591757],
       [-0.03497775,  0.42028802]])]
input:  [[ 0.8708618 ]
 [-0.61292545]
 [ 0.68318458]]
activations:  [array([[ 0.8708618 ],
       [-0.61292545],
       [ 0.68318458]]), array([[ 0.39322695],
       [-2.23881815]]), array([[ 1.23991758],
       [-0.17072483],
       [ 1.21724806]])]
cost derivative:  [[ 0.36905578]
 [ 0.44220062]
 [ 0.53406348]]
unit step:  1
delta:  [[ 0.36905578]
 [ 0.44220062]
 [ 0.53406348]]
delta b updated:  [array([[ 0.17895843],
       [ 0.88159453]]), array([[ 0.36905578],
       [ 0.44220062],
       [ 0.53406348]])]
delta w updated: [array([[ 0.15584806, -0.10968818,  0.12226164],
       [ 0.767747  , -0.54035173,  0.60229179]]), array([[ 0.14512268, -0.82624877],
       [ 0.1738852 , -0.99000679],
       [ 0.21000815, -1.195671  ]])]
input:  [[-0.54721097]
 [-0.10021561]
 [ 1.02011474]]
activations:  [array([[-0.54721097],
       [-0.10021561],
       [ 1.02011474]]), array([[ 0.12573588],
       [-0.86094245]]), array([[ 0.25249431],
       [ 0.02318805],
       [ 0.49400531]])]
cost derivative:  [[ 0.79970528]
 [ 0.12340366]
 [-0.52610943]]
unit step:  1
delta:  [[ 0.79970528]
 [ 0.12340366]
 [-0.52610943]]
delta b updated:  [array([[ 0.0796056 ],
       [ 0.13478815]]), array([[ 0.79970528],
       [ 0.12340366],
       [-0.52610943]])]
delta w updated: [array([[-0.04356106, -0.00797772,  0.08120684],
       [-0.07375755, -0.01350788,  0.13749938]]), array([[ 0.10055164, -0.68850022],
       [ 0.01551627, -0.10624345],
       [-0.06615083,  0.45294995]])]
input:  [[-0.25882582]
 [-0.33700705]
 [ 0.85878993]]
activations:  [array([[-0.25882582],
       [-0.33700705],
       [ 0.85878993]]), array([[ 0.15760422],
       [-1.23240218]]), array([[  4.66134293e-01],
       [  5.21218542e-04],
       [  6.65768582e-01]])]
cost derivative:  [[ 0.72496012]
 [ 0.33752827]
 [-0.19302135]]
unit step:  1
delta:  [[ 0.72496012]
 [ 0.33752827]
 [-0.19302135]]
delta b updated:  [array([[ 0.08988027],
       [ 0.31958006]]), array([[ 0.72496012],
       [ 0.33752827],
       [-0.19302135]])]
delta w updated: [array([[-0.02326333, -0.03029028,  0.07718827],
       [-0.08271557, -0.10770073,  0.27445214]]), array([[ 0.11425677, -0.89344243],
       [ 0.05319588, -0.41597057],
       [-0.03042098,  0.23787993]])]
input:  [[ 0.82087594]
 [-0.30014702]
 [ 0.90143979]]
activations:  [array([[ 0.82087594],
       [-0.30014702],
       [ 0.90143979]]), array([[ 0.43346883],
       [-1.98886339]]), array([[ 1.17283665],
       [-0.20284136],
       [ 1.13721729]])]
cost derivative:  [[ 0.35196071]
 [ 0.09730566]
 [ 0.23577749]]
unit step:  1
delta:  [[ 0.35196071]
 [ 0.09730566]
 [ 0.23577749]]
delta b updated:  [array([[ 0.22410914],
       [ 0.51973403]]), array([[ 0.35196071],
       [ 0.09730566],
       [ 0.23577749]])]
delta w updated: [array([[ 0.1839658 , -0.06726569,  0.2020209 ],
       [ 0.42663716, -0.15599662,  0.46850894]]), array([[ 0.152564  , -0.70000176],
       [ 0.04217897, -0.19352767],
       [ 0.1022022 , -0.46892922]])]
input:  [[ 0.29539115]
 [-0.85396583]
 [ 0.50541302]]
activations:  [array([[ 0.29539115],
       [-0.85396583],
       [ 0.50541302]]), array([[ 0.20829204],
       [-1.98908205]]), array([[ 0.88253408],
       [-0.03547425],
       [ 1.00662497]])]
cost derivative:  [[ 0.58714293]
 [ 0.81849158]
 [ 0.50121195]]
unit step:  1
delta:  [[ 0.58714293]
 [ 0.81849158]
 [ 0.50121195]]
delta b updated:  [array([[ 0.09095391],
       [ 0.95873704]]), array([[ 0.58714293],
       [ 0.81849158],
       [ 0.50121195]])]
delta w updated: [array([[ 0.02686698, -0.07767153,  0.04596929],
       [ 0.28320244, -0.81872867,  0.48455818]]), array([[ 0.1222972 , -1.16787547],
       [ 0.17048528, -1.62804691],
       [ 0.10439846, -0.9969517 ]])]
input:  [[-0.71414978]
 [-0.01651868]
 [ 1.07612332]]
activations:  [array([[-0.71414978],
       [-0.01651868],
       [ 1.07612332]]), array([[ 0.09794313],
       [-0.68362727]]), array([[ 0.13243321],
       [ 0.04232447],
       [ 0.40472407]])]
cost derivative:  [[ 0.84658299]
 [ 0.05884314]
 [-0.67139925]]
unit step:  1
delta:  [[ 0.84658299]
 [ 0.05884314]
 [-0.67139925]]
delta b updated:  [array([[ 0.06437877],
       [ 0.08035602]]), array([[ 0.84658299],
       [ 0.05884314],
       [-0.67139925]])]
delta w updated: [array([[-0.04597608, -0.00106345,  0.0692795 ],
       [-0.05738623, -0.00132738,  0.08647299]]), array([[ 0.08291699, -0.57874721],
       [ 0.00576328, -0.04022678],
       [-0.06575895,  0.45898683]])]
input:  [[ 0.78950553]
 [-1.1036475 ]
 [ 0.33826956]]
activations:  [array([[ 0.78950553],
       [-1.1036475 ],
       [ 0.33826956]]), array([[ 0.28931631],
       [-2.51902331]]), array([[ 1.2315057 ],
       [-0.09598454],
       [ 1.27136328]])]
cost derivative:  [[ 0.44200017]
 [ 1.00766296]
 [ 0.93309373]]
unit step:  1
delta:  [[ 0.44200017]
 [ 1.00766296]
 [ 0.93309373]]
delta b updated:  [array([[ 0.10383284],
       [ 1.49091251]]), array([[ 0.44200017],
       [ 1.00766296],
       [ 0.93309373]])]
delta w updated: [array([[ 0.08197661, -0.11459486,  0.03512349],
       [ 1.17708367, -1.64544187,  0.50433031]]), array([[ 0.12787786, -1.11340872],
       [ 0.29153333, -2.53832649],
       [ 0.26995924, -2.35048485]])]
input:  [[-0.81380157]
 [-0.02431671]
 [ 1.06910845]]
activations:  [array([[-0.81380157],
       [-0.02431671],
       [ 1.06910845]]), array([[ 0.0716551 ],
       [-0.61726707]]), array([[ 0.06695788],
       [ 0.06084167],
       [ 0.36172568]])]
cost derivative:  [[ 0.88075945]
 [ 0.08515838]
 [-0.70738276]]
unit step:  1
delta:  [[ 0.88075945]
 [ 0.08515838]
 [-0.70738276]]
delta b updated:  [array([[ 0.0473548 ],
       [ 0.07318617]]), array([[ 0.88075945],
       [ 0.08515838],
       [-0.70738276]])]
delta w updated: [array([[-0.03853741, -0.00115151,  0.05062742],
       [-0.05955902, -0.00177965,  0.07824395]]), array([[ 0.0631109 , -0.5436638 ],
       [ 0.00610203, -0.05256546],
       [-0.05068758,  0.43664408]])]
input:  [[ 0.84876504]
 [-1.03861718]
 [ 0.38473357]]
activations:  [array([[ 0.84876504],
       [-1.03861718],
       [ 0.38473357]]), array([[ 0.31501065],
       [-2.51875876]]), array([[ 1.26259716],
       [-0.11767424],
       [ 1.28441464]])]
cost derivative:  [[ 0.41383212]
 [ 0.92094293]
 [ 0.89968107]]
unit step:  1
delta:  [[ 0.41383212]
 [ 0.92094293]
 [ 0.89968107]]
delta b updated:  [array([[ 0.11581413],
       [ 1.41861421]]), array([[ 0.41383212],
       [ 0.92094293],
       [ 0.89968107]])]
delta w updated: [array([[ 0.09829899, -0.12028655,  0.04455758],
       [ 1.20407015, -1.47339709,  0.54578851]]), array([[ 0.13036152, -1.04234327],
       [ 0.29010683, -2.31963308],
       [ 0.28340912, -2.26607958]])]
input:  [[-0.40909873]
 [-0.20541402]
 [ 0.94859942]]
activations:  [array([[-0.40909873],
       [-0.20541402],
       [ 0.94859942]]), array([[ 0.14195406],
       [-1.03554789]]), array([[ 0.35072394],
       [ 0.00794323],
       [ 0.57355286]])]
cost derivative:  [[ 0.75982267]
 [ 0.21335725]
 [-0.37504656]]
unit step:  1
delta:  [[ 0.75982267]
 [ 0.21335725]
 [-0.37504656]]
delta b updated:  [array([[ 0.08546203],
       [ 0.20584909]]), array([[ 0.75982267],
       [ 0.21335725],
       [-0.37504656]])]
delta w updated: [array([[-0.03496241, -0.0175551 ,  0.08106924],
       [-0.0842126 , -0.04228429,  0.19526833]]), array([[ 0.10785991, -0.78683276],
       [ 0.03028693, -0.22094165],
       [-0.05323938,  0.38837867]])]
input:  [[ 0.75381005]
 [-1.11467609]
 [ 0.32998973]]
activations:  [array([[ 0.75381005],
       [-1.11467609],
       [ 0.32998973]]), array([[ 0.27827356],
       [-2.50369562]]), array([[ 1.2063878 ],
       [-0.09288461],
       [ 1.25520839]])]
cost derivative:  [[ 0.45257774]
 [ 1.02179149]
 [ 0.92521866]]
unit step:  1
delta:  [[ 0.45257774]
 [ 1.02179149]
 [ 0.92521866]]
delta b updated:  [array([[ 0.09934934],
       [ 1.47749365]]), array([[ 0.45257774],
       [ 1.02179149],
       [ 0.92521866]])]
delta w updated: [array([[ 0.07489053, -0.11074234,  0.03278426],
       [ 1.11374957, -1.64692686,  0.48755773]]), array([[ 0.12594042, -1.13311691],
       [ 0.28433756, -2.55825487],
       [ 0.25746389, -2.3164659 ]])]
input:  [[-0.77334271]
 [-1.01494568]
 [ 0.37601468]]
activations:  [array([[-0.77334271],
       [-1.01494568],
       [ 0.37601468]]), array([[-0.08619269],
       [-1.32900691]]), array([[ 0.19204679],
       [ 0.17628796],
       [ 0.56096738]])]
cost derivative:  [[ 0.9653895 ]
 [ 1.19123364]
 [ 0.18495271]]
unit step:  1
delta:  [[ 0.9653895 ]
 [ 1.19123364]
 [ 0.18495271]]
delta b updated:  [array([[-0.03985974],
       [ 0.69462921]]), array([[ 0.9653895 ],
       [ 1.19123364],
       [ 0.18495271]])]
delta w updated: [array([[ 0.03082524,  0.04045547, -0.01498785],
       [-0.53718644, -0.70501091,  0.26119078]]), array([[-0.08320952, -1.28300932],
       [-0.10267563, -1.58315773],
       [-0.01594157, -0.24580342]])]
input:  [[-0.20310013]
 [-0.38840343]
 [ 0.82366671]]
activations:  [array([[-0.20310013],
       [-0.38840343],
       [ 0.82366671]]), array([[ 0.16231341],
       [-1.3120012 ]]), array([[ 0.50305184],
       [-0.00977033],
       [ 0.69754663]])]
cost derivative:  [[ 0.70615196]
 [ 0.3786331 ]
 [-0.12612008]]
unit step:  1
delta:  [[ 0.70615196]
 [ 0.3786331 ]
 [-0.12612008]]
delta b updated:  [array([[ 0.08990322],
       [ 0.36066772]]), array([[ 0.70615196],
       [ 0.3786331 ],
       [-0.12612008]])]
delta w updated: [array([[-0.01825936, -0.03491872,  0.07405029],
       [-0.07325166, -0.14008458,  0.29706999]]), array([[ 0.11461793, -0.92647222],
       [ 0.06145723, -0.49676708],
       [-0.02047098,  0.1654697 ]])]
input:  [[-0.26986321]
 [-0.32695589]
 [ 0.8656565 ]]
activations:  [array([[-0.26986321],
       [-0.32695589],
       [ 0.8656565 ]]), array([[ 0.15599636],
       [-1.22154336]]), array([[ 0.45243221],
       [-0.00532319],
       [ 0.65695603]])]
cost derivative:  [[ 0.72229542]
 [ 0.3216327 ]
 [-0.20870048]]
unit step:  1
delta:  [[ 0.72229542]
 [ 0.3216327 ]
 [-0.20870048]]
delta b updated:  [array([[ 0.08880772],
       [ 0.30332225]]), array([[ 0.72229542],
       [ 0.3216327 ],
       [-0.20870048]])]
delta w updated: [array([[-0.02396594, -0.02903621,  0.07687698],
       [-0.08185552, -0.099173  ,  0.26257288]]), array([[ 0.11267545, -0.88231517],
       [ 0.05017353, -0.39288829],
       [-0.03255651,  0.25493668]])]
input:  [[ 0.88410719]
 [-0.84248988]
 [ 0.52263013]]
activations:  [array([[ 0.88410719],
       [-0.84248988],
       [ 0.52263013]]), array([[ 0.35673321],
       [-2.41305216]]), array([[ 1.26093759],
       [-0.15638085],
       [ 1.26138424]])]
cost derivative:  [[ 0.3768304 ]
 [ 0.68610903]
 [ 0.73875411]]
unit step:  1
delta:  [[ 0.3768304 ]
 [ 0.68610903]
 [ 0.73875411]]
delta b updated:  [array([[ 0.1431897],
       [ 1.1488215]]), array([[ 0.3768304 ],
       [ 0.68610903],
       [ 0.73875411]])]
delta w updated: [array([[ 0.12659504, -0.12063587,  0.07483525],
       [ 1.01568136, -0.96787049,  0.60040873]]), array([[ 0.13442792, -0.9093114 ],
       [ 0.24475788, -1.65561687],
       [ 0.26353813, -1.7826522 ]])]
input:  [[ 0.88371162]
 [-0.85694283]
 [ 0.51250275]]
activations:  [array([[ 0.88371162],
       [-0.85694283],
       [ 0.51250275]]), array([[ 0.35405464],
       [-2.42377028]]), array([[ 1.26156986],
       [-0.15599448],
       [ 1.26250874]])]
cost derivative:  [[ 0.37785824]
 [ 0.70094835]
 [ 0.75000599]]
unit step:  1
delta:  [[ 0.37785824]
 [ 0.70094835]
 [ 0.75000599]]
delta b updated:  [array([[ 0.1409263 ],
       [ 1.16391265]]), array([[ 0.37785824],
       [ 0.70094835],
       [ 0.75000599]])]
delta w updated: [array([[ 0.12453821, -0.12076578,  0.07222512],
       [ 1.02856314, -0.9974066 ,  0.59650843]]), array([[ 0.13378246, -0.91584157],
       [ 0.24817401, -1.69893778],
       [ 0.2655431 , -1.81784223]])]
input:  [[-0.87822135]
 [-0.1243584 ]
 [ 0.99804596]]
activations:  [array([[-0.87822135],
       [-0.1243584 ],
       [ 0.99804596]]), array([[ 0.0382869 ],
       [-0.64194549]]), array([[ 0.03178163],
       [ 0.08150412],
       [ 0.35032148]])]
cost derivative:  [[ 0.91000298]
 [ 0.20586252]
 [-0.64772448]]
unit step:  1
delta:  [[ 0.91000298]
 [ 0.20586252]
 [-0.64772448]]
delta b updated:  [array([[ 0.02462051],
       [ 0.09954808]]), array([[ 0.91000298],
       [ 0.20586252],
       [-0.64772448]])]
delta w updated: [array([[-0.02162226, -0.00306177,  0.0245724 ],
       [-0.08742525, -0.01237964,  0.09935356]]), array([[ 0.03484119, -0.58417231],
       [ 0.00788184, -0.13215251],
       [-0.02479936,  0.41580381]])]
input:  [[-0.13526893]
 [-0.45208366]
 [ 0.78013005]]
activations:  [array([[-0.13526893],
       [-0.45208366],
       [ 0.78013005]]), array([[ 0.1681778 ],
       [-1.40675837]]), array([[ 0.55142182],
       [-0.01706676],
       [ 0.7382565 ]])]
cost derivative:  [[ 0.68669075]
 [ 0.43501691]
 [-0.04187355]]
unit step:  1
delta:  [[ 0.68669075]
 [ 0.43501691]
 [-0.04187355]]
delta b updated:  [array([[ 0.09004129],
       [ 0.42031823]]), array([[ 0.68669075],
       [ 0.43501691],
       [-0.04187355]])]
delta w updated: [array([[-0.01217979, -0.0407062 ,  0.07024392],
       [-0.056856  , -0.19001901,  0.32790288]]), array([[ 0.11548614, -0.96600797],
       [ 0.07316019, -0.61196368],
       [-0.0070422 ,  0.05890596]])]
input:  [[ 0.83586808]
 [-0.38015222]
 [ 0.84564697]]
activations:  [array([[ 0.83586808],
       [-0.38015222],
       [ 0.84564697]]), array([[ 0.42268733],
       [-2.06219334]]), array([[ 1.18043802],
       [-0.20864739],
       [ 1.15329604]])]
cost derivative:  [[ 0.34456994]
 [ 0.17150483]
 [ 0.30764907]]
unit step:  1
delta:  [[ 0.34456994]
 [ 0.17150483]
 [ 0.30764907]]
delta b updated:  [array([[ 0.20858943],
       [ 0.58606799]]), array([[ 0.34456994],
       [ 0.17150483],
       [ 0.30764907]])]
delta w updated: [array([[ 0.17435325, -0.07929574,  0.17639302],
       [ 0.48987552, -0.22279505,  0.49560662]]), array([[ 0.14564535, -0.71056983],
       [ 0.07249292, -0.35367612],
       [ 0.13003936, -0.63443186]])]
input:  [[ 0.69887632]
 [-1.1126556 ]
 [ 0.330548  ]]
activations:  [array([[ 0.69887632],
       [-1.1126556 ],
       [ 0.330548  ]]), array([[ 0.26426234],
       [-2.46745325]]), array([[ 1.16279636],
       [-0.09206267],
       [ 1.22667638]])]
cost derivative:  [[ 0.46392004]
 [ 1.02059293]
 [ 0.89612838]]
unit step:  1
delta:  [[ 0.46392004]
 [ 1.02059293]
 [ 0.89612838]]
delta b updated:  [array([[ 0.09381033],
       [ 1.42414108]]), array([[ 0.46392004],
       [ 1.02059293],
       [ 0.89612838]])]
delta w updated: [array([[ 0.06556182, -0.10437859,  0.03100882],
       [ 0.99529848, -1.58457855,  0.47074698]]), array([[ 0.12259659, -1.14470101],
       [ 0.26970427, -2.51826535],
       [ 0.23681298, -2.2111549 ]])]
input:  [[ 0.51130396]
 [-1.02368072]
 [ 0.38993089]]
activations:  [array([[ 0.51130396],
       [-1.02368072],
       [ 0.38993089]]), array([[ 0.23244593],
       [-2.27131676]]), array([[ 1.03042846],
       [-0.07012448],
       [ 1.12618026]])]
cost derivative:  [[ 0.5191245 ]
 [ 0.95355624]
 [ 0.73624937]]
unit step:  1
delta:  [[ 0.5191245 ]
 [ 0.95355624]
 [ 0.73624937]]
delta b updated:  [array([[ 0.08910342],
       [ 1.21731005]]), array([[ 0.5191245 ],
       [ 0.95355624],
       [ 0.73624937]])]
delta w updated: [array([[ 0.04555893, -0.09121345,  0.03474417],
       [ 0.62241545, -1.24613682,  0.47466679]]), array([[ 0.12066838, -1.17909617],
       [ 0.22165026, -2.16582826],
       [ 0.17113817, -1.67225552]])]
input:  [[ 0.8615769 ]
 [-1.00628655]
 [ 0.40757408]]
activations:  [array([[ 0.8615769 ],
       [-1.00628655],
       [ 0.40757408]]), array([[ 0.32270854],
       [-2.5147499 ]]), array([[ 1.25748626],
       [-0.14034262],
       [ 1.27594041]])]
cost derivative:  [[ 0.39590936]
 [ 0.86594393]
 [ 0.86836633]]
unit step:  1
delta:  [[ 0.39590936]
 [ 0.86594393]
 [ 0.86836633]]
delta b updated:  [array([[ 0.11820846],
       [ 1.33811579]]), array([[ 0.39590936],
       [ 0.86594393],
       [ 0.86836633]])]
delta w updated: [array([[ 0.10184568, -0.11895158,  0.0481787 ],
       [ 1.15288965, -1.34652792,  0.54538132]]), array([[ 0.12776333, -0.99561303],
       [ 0.2794475 , -2.1776324 ],
       [ 0.28022923, -2.18372414]])]
input:  [[-0.87806208]
 [-0.48202356]
 [ 0.74758014]]
activations:  [array([[-0.87806208],
       [-0.48202356],
       [ 0.74758014]]), array([[-0.02253008],
       [-0.89039583]]), array([[ 0.06548191],
       [ 0.12264906],
       [ 0.41410294]])]
cost derivative:  [[ 0.94354399]
 [ 0.60467262]
 [-0.3334772 ]]
unit step:  1
delta:  [[ 0.94354399]
 [ 0.60467262]
 [-0.3334772 ]]
delta b updated:  [array([[-0.01285689],
       [ 0.26298504]]), array([[ 0.94354399],
       [ 0.60467262],
       [-0.3334772 ]])]
delta w updated: [array([[ 0.01128915,  0.00619733, -0.00961156],
       [-0.23091719, -0.12676499,  0.19660239]]), array([[-0.02125812, -0.84012763],
       [-0.01362332, -0.53839798],
       [ 0.00751327,  0.29692671]])]
input:  [[ 0.82007365]
 [-1.08094931]
 [ 0.3546415 ]]
activations:  [array([[ 0.82007365],
       [-1.08094931],
       [ 0.3546415 ]]), array([[ 0.29959339],
       [-2.53745352]]), array([[ 1.23618779],
       [-0.1260368 ],
       [ 1.27002101]])]
cost derivative:  [[ 0.41611414]
 [ 0.9549125 ]
 [ 0.91537951]]
unit step:  1
delta:  [[ 0.41611414]
 [ 0.9549125 ]
 [ 0.91537951]]
delta b updated:  [array([[ 0.10576229],
       [ 1.41711187]]), array([[ 0.41611414],
       [ 0.9549125 ],
       [ 0.91537951]])]
delta w updated: [array([[ 0.08673287, -0.11432368,  0.0375077 ],
       [ 1.16213611, -1.5318261 ,  0.50256668]]), array([[ 0.12466504, -1.05587028],
       [ 0.28608547, -2.4230461 ],
       [ 0.27424165, -2.32273295]])]
input:  [[ 0.18458517]
 [-0.75451282]
 [ 0.57333073]]
activations:  [array([[ 0.18458517],
       [-0.75451282],
       [ 0.57333073]]), array([[ 0.19630861],
       [-1.851667  ]]), array([[ 0.78737636],
       [-0.0474437 ],
       [ 0.92978916]])]
cost derivative:  [[ 0.60279118]
 [ 0.70706912]
 [ 0.35645843]]
unit step:  1
delta:  [[ 0.60279118]
 [ 0.70706912]
 [ 0.35645843]]
delta b updated:  [array([[ 0.08924975],
       [ 0.77261578]]), array([[ 0.60279118],
       [ 0.70706912],
       [ 0.35645843]])]
delta w updated: [array([[ 0.01647418, -0.06734008,  0.05116963],
       [ 0.14261342, -0.58294851,  0.44296437]]), array([[ 0.1183331 , -1.11616854],
       [ 0.13880376, -1.30925654],
       [ 0.06997586, -0.66004232]])]
input:  [[-0.6841651 ]
 [-0.02576757]
 [ 1.07011403]]
activations:  [array([[-0.6841651 ],
       [-0.02576757],
       [ 1.07011403]]), array([[ 0.10308576],
       [-0.71778475]]), array([[ 0.14631846],
       [ 0.02814226],
       [ 0.41557506]])]
cost derivative:  [[ 0.83048355]
 [ 0.05390983]
 [-0.65453896]]
unit step:  1
delta:  [[ 0.83048355]
 [ 0.05390983]
 [-0.65453896]]
delta b updated:  [array([[ 0.06699705],
       [ 0.08273631]]), array([[ 0.83048355],
       [ 0.05390983],
       [-0.65453896]])]
delta w updated: [array([[-0.04583704, -0.00172635,  0.07169448],
       [-0.05660529, -0.00213191,  0.08853728]]), array([[ 0.08561102, -0.59610843],
       [ 0.00555734, -0.03869565],
       [-0.06747364,  0.46981809]])]
input:  [[-0.70682931]
 [-0.01844346]
 [ 1.07488957]]
activations:  [array([[-0.70682931],
       [-0.01844346],
       [ 1.07488957]]), array([[ 0.09861548],
       [-0.69632588]]), array([[ 0.13030457],
       [ 0.03158145],
       [ 0.40461951]])]
cost derivative:  [[ 0.83713388]
 [ 0.05002491]
 [-0.67027007]]
unit step:  1
delta:  [[ 0.83713388]
 [ 0.05002491]
 [-0.67027007]]
delta b updated:  [array([[ 0.06432058],
       [ 0.07777316]]), array([[ 0.83713388],
       [ 0.05002491],
       [-0.67027007]])]
delta w updated: [array([[-0.04546367, -0.00118629,  0.06913752],
       [-0.05497235, -0.00143441,  0.08359756]]), array([[ 0.08255436, -0.58291799],
       [ 0.00493323, -0.03483364],
       [-0.06609901,  0.46672639]])]
input:  [[-0.79777761]
 [-0.01697286]
 [ 1.07450114]]
activations:  [array([[-0.79777761],
       [-0.01697286],
       [ 1.07450114]]), array([[ 0.07612119],
       [-0.62925532]]), array([[ 0.07020732],
       [ 0.04874133],
       [ 0.36473579]])]
cost derivative:  [[ 0.86798493]
 [ 0.06571419]
 [-0.70976535]]
unit step:  1
delta:  [[ 0.86798493]
 [ 0.06571419]
 [-0.70976535]]
delta b updated:  [array([[ 0.05003985],
       [ 0.06886415]]), array([[ 0.86798493],
       [ 0.06571419],
       [-0.70976535]])]
delta w updated: [array([[-0.03992067, -0.00084932,  0.05376787],
       [-0.05493827, -0.00116882,  0.0739946 ]]), array([[ 0.06607204, -0.54618414],
       [ 0.00500224, -0.041351  ],
       [-0.05402818,  0.44662362]])]
input:  [[ 0.67627288]
 [-1.10732743]
 [ 0.33392676]]
activations:  [array([[ 0.67627288],
       [-1.10732743],
       [ 0.33392676]]), array([[ 0.25903346],
       [-2.45312128]]), array([[ 1.14084486],
       [-0.09919084],
       [ 1.21123149]])]
cost derivative:  [[ 0.46457198]
 [ 1.0081366 ]
 [ 0.87730473]]
unit step:  1
delta:  [[ 0.46457198]
 [ 1.0081366 ]
 [ 0.87730473]]
delta b updated:  [array([[ 0.09155299],
       [ 1.3802065 ]]), array([[ 0.46457198],
       [ 1.0081366 ],
       [ 0.87730473]])]
delta w updated: [array([[ 0.0619148 , -0.10137914,  0.03057199],
       [ 0.93339623, -1.52834053,  0.46088788]]), array([[ 0.12033969, -1.13965141],
       [ 0.26114111, -2.47308134],
       [ 0.22725128, -2.1521349 ]])]
input:  [[-0.52840239]
 [-0.11323031]
 [ 1.01129402]]
activations:  [array([[-0.52840239],
       [-0.11323031],
       [ 1.01129402]]), array([[ 0.12692832],
       [-0.8920719 ]]), array([[ 0.25508667],
       [ 0.00810106],
       [ 0.50018455]])]
cost derivative:  [[ 0.78348906]
 [ 0.12133137]
 [-0.51110947]]
unit step:  1
delta:  [[ 0.78348906]
 [ 0.12133137]
 [-0.51110947]]
delta b updated:  [array([[ 0.07895095],
       [ 0.13445267]]), array([[ 0.78348906],
       [ 0.12133137],
       [-0.51110947]])]
delta w updated: [array([[-0.04171787, -0.00893964,  0.07984263],
       [-0.07104511, -0.01522412,  0.13597118]]), array([[ 0.09944695, -0.69892858],
       [ 0.01540039, -0.10823631],
       [-0.06487427,  0.4559464 ]])]
input:  [[ 0.84039431]
 [-0.40575427]
 [ 0.82778877]]
activations:  [array([[ 0.84039431],
       [-0.40575427],
       [ 0.82778877]]), array([[ 0.41874451],
       [-2.08963438]]), array([[ 1.17797644],
       [-0.21806759],
       [ 1.15462105]])]
cost derivative:  [[ 0.33758213]
 [ 0.18768668]
 [ 0.32683228]]
unit step:  1
delta:  [[ 0.33758213]
 [ 0.18768668]
 [ 0.32683228]]
delta b updated:  [array([[ 0.20232934],
       [ 0.59687283]]), array([[ 0.33758213],
       [ 0.18768668],
       [ 0.32683228]])]
delta w updated: [array([[ 0.17003643, -0.08209599,  0.16748596],
       [ 0.50160853, -0.2421837 ,  0.49408463]]), array([[ 0.14136066, -0.70542322],
       [ 0.07859277, -0.39219655],
       [ 0.13685922, -0.68295996]])]
input:  [[-0.69183527]
 [-0.02307173]
 [ 1.07188228]]
activations:  [array([[-0.69183527],
       [-0.02307173],
       [ 1.07188228]]), array([[ 0.10128816],
       [-0.71134376]]), array([[ 0.13864481],
       [ 0.02828185],
       [ 0.4121317 ]])]
cost derivative:  [[ 0.83048008]
 [ 0.05135358]
 [-0.65975058]]
unit step:  1
delta:  [[ 0.83048008]
 [ 0.05135358]
 [-0.65975058]]
delta b updated:  [array([[ 0.06570136],
       [ 0.07977839]]), array([[ 0.83048008],
       [ 0.05135358],
       [-0.65975058]])]
delta w updated: [array([[-0.04545451, -0.00151584,  0.07042412],
       [-0.05519351, -0.00184063,  0.08551305]]), array([[ 0.0841178 , -0.59075682],
       [ 0.00520151, -0.03653005],
       [-0.06682492,  0.46930946]])]
input:  [[ 0.70617593]
 [-1.1138955 ]
 [ 0.32979354]]
activations:  [array([[ 0.70617593],
       [-1.1138955 ],
       [ 0.32979354]]), array([[ 0.26508953],
       [-2.48122417]]), array([[ 1.15807494],
       [-0.10685933],
       [ 1.22452919]])]
cost derivative:  [[ 0.451899  ]
 [ 1.00703618]
 [ 0.89473565]]
unit step:  1
delta:  [[ 0.451899  ]
 [ 1.00703618]
 [ 0.89473565]]
delta b updated:  [array([[ 0.09219156],
       [ 1.39409333]]), array([[ 0.451899  ],
       [ 1.00703618],
       [ 0.89473565]])]
delta w updated: [array([[ 0.06510346, -0.10269177,  0.03040418],
       [ 0.98447515, -1.55287429,  0.45976298]]), array([[ 0.11979369, -1.12126273],
       [ 0.26695475, -2.49868251],
       [ 0.23718505, -2.22003972]])]
input:  [[-0.55648726]
 [-0.09398864]
 [ 1.02433075]]
activations:  [array([[-0.55648726],
       [-0.09398864],
       [ 1.02433075]]), array([[ 0.12293989],
       [-0.85930485]]), array([[ 0.23324192],
       [ 0.00996844],
       [ 0.48400728]])]
cost derivative:  [[ 0.78972918]
 [ 0.10395708]
 [-0.54032347]]
unit step:  1
delta:  [[ 0.78972918]
 [ 0.10395708]
 [-0.54032347]]
delta b updated:  [array([[ 0.07696261],
       [ 0.12141364]]), array([[ 0.78972918],
       [ 0.10395708],
       [-0.54032347]])]
delta w updated: [array([[-0.04282871, -0.00723361,  0.07883517],
       [-0.06756514, -0.0114115 ,  0.12436773]]), array([[ 0.09708922, -0.67861812],
       [ 0.01278047, -0.08933083],
       [-0.06642731,  0.46430258]])]
input:  [[-0.22549134]
 [-0.36763205]
 [ 0.83786346]]
activations:  [array([[-0.22549134],
       [-0.36763205],
       [ 0.83786346]]), array([[ 0.15906359],
       [-1.28924431]]), array([[ 0.47554578],
       [-0.02055653],
       [ 0.67921745]])]
cost derivative:  [[ 0.70103713]
 [ 0.34707552]
 [-0.15864601]]
unit step:  1
delta:  [[ 0.70103713]
 [ 0.34707552]
 [-0.15864601]]
delta b updated:  [array([[ 0.08768342],
       [ 0.32620047]]), array([[ 0.70103713],
       [ 0.34707552],
       [-0.15864601]])]
delta w updated: [array([[-0.01977185, -0.03223524,  0.07346674],
       [-0.07355538, -0.11992175,  0.27331146]]), array([[ 0.11150948, -0.90380813],
       [ 0.05520708, -0.44746514],
       [-0.0252348 ,  0.20453347]])]
input:  [[ 0.8756188 ]
 [-0.94603947]
 [ 0.44998331]]
activations:  [array([[ 0.8756188 ],
       [-0.94603947],
       [ 0.44998331]]), array([[ 0.33563074],
       [-2.49017378]]), array([[ 1.24995976],
       [-0.16252915],
       [ 1.26754393]])]
cost derivative:  [[ 0.37434096]
 [ 0.78351033]
 [ 0.81756062]]
unit step:  1
delta:  [[ 0.37434096]
 [ 0.78351033]
 [ 0.81756062]]
delta b updated:  [array([[ 0.12412387],
       [ 1.2331633 ]]), array([[ 0.37434096],
       [ 0.78351033],
       [ 0.81756062]])]
delta w updated: [array([[ 0.10868519, -0.11742608,  0.05585367],
       [ 1.07978098, -1.16662116,  0.5549029 ]]), array([[ 0.12564033, -0.93217404],
       [ 0.26297015, -1.95107688],
       [ 0.27439848, -2.03586801]])]
input:  [[ 0.4324114 ]
 [-0.96680394]
 [ 0.42853068]]
activations:  [array([[ 0.4324114 ],
       [-0.96680394],
       [ 0.42853068]]), array([[ 0.2214712 ],
       [-2.18297915]]), array([[ 0.96216933],
       [-0.07657717],
       [ 1.07545479]])]
cost derivative:  [[ 0.52975793]
 [ 0.89022678]
 [ 0.6469241 ]]
unit step:  1
delta:  [[ 0.52975793]
 [ 0.89022678]
 [ 0.6469241 ]]
delta b updated:  [array([[ 0.08668797],
       [ 1.08050944]]), array([[ 0.52975793],
       [ 0.89022678],
       [ 0.6469241 ]])]
delta w updated: [array([[ 0.03748487, -0.08381027,  0.03714846],
       [ 0.46722459, -1.04464079,  0.46303145]]), array([[ 0.11732613, -1.15645052],
       [ 0.19715959, -1.94334649],
       [ 0.14327506, -1.41222183]])]
input:  [[ 0.79496623]
 [-1.10069716]
 [ 0.3404208 ]]
activations:  [array([[ 0.79496623],
       [-1.10069716],
       [ 0.3404208 ]]), array([[ 0.28911811],
       [-2.54037026]]), array([[ 1.21095708],
       [-0.13218852],
       [ 1.25754599]])]
cost derivative:  [[ 0.41599086]
 [ 0.96850864]
 [ 0.9171252 ]]
unit step:  1
delta:  [[ 0.41599086]
 [ 0.96850864]
 [ 0.9171252 ]]
delta b updated:  [array([[ 0.09908926],
       [ 1.39814332]]), array([[ 0.41599086],
       [ 0.96850864],
       [ 0.9171252 ]])]
delta w updated: [array([[ 0.07877261, -0.10906726,  0.03373204],
       [ 1.11147672, -1.53893239,  0.47595706]]), array([[ 0.12027049, -1.0567708 ],
       [ 0.28001339, -2.46037056],
       [ 0.2651575 , -2.32983758]])]
input:  [[-0.64415088]
 [-0.04291088]
 [ 1.05873279]]
activations:  [array([[-0.64415088],
       [-0.04291088],
       [ 1.05873279]]), array([[ 0.1095064 ],
       [-0.76180117]]), array([[ 0.16926536],
       [ 0.01796943],
       [ 0.43491592]])]
cost derivative:  [[ 0.81341624]
 [ 0.06088031]
 [-0.62381687]]
unit step:  1
delta:  [[ 0.81341624]
 [ 0.06088031]
 [-0.62381687]]
delta b updated:  [array([[ 0.07011694],
       [ 0.0901407 ]]), array([[ 0.81341624],
       [ 0.06088031],
       [-0.62381687]])]
delta w updated: [array([[-0.04516589, -0.00300878,  0.0742351 ],
       [-0.05806421, -0.00386802,  0.09543491]]), array([[ 0.08907428, -0.61966144],
       [ 0.00666678, -0.04637869],
       [-0.06831194,  0.47522442]])]
input:  [[-0.88477696]
 [-0.42422919]
 [ 0.78794808]]
activations:  [array([[-0.88477696],
       [-0.42422919],
       [ 0.78794808]]), array([[-0.01518139],
       [-0.85016729]]), array([[ 0.0487181 ],
       [ 0.10995729],
       [ 0.39885616]])]
cost derivative:  [[ 0.93349506]
 [ 0.53418648]
 [-0.38909192]]
unit step:  1
delta:  [[ 0.93349506]
 [ 0.53418648]
 [-0.38909192]]
delta b updated:  [array([[-0.00876548],
       [ 0.22302116]]), array([[ 0.93349506],
       [ 0.53418648],
       [-0.38909192]])]
delta w updated: [array([[ 0.0077555 ,  0.00371857, -0.00690674],
       [-0.19732398, -0.09461208,  0.17572909]]), array([[-0.01417175, -0.79362697],
       [-0.00810969, -0.45414787],
       [ 0.00590695,  0.33079322]])]
input:  [[-0.59269937]
 [-0.07103919]
 [ 1.03983725]]
activations:  [array([[-0.59269937],
       [-0.07103919],
       [ 1.03983725]]), array([[ 0.11751573],
       [-0.81899012]]), array([[ 0.20462834],
       [ 0.01106262],
       [ 0.4631433 ]])]
cost derivative:  [[ 0.7973277 ]
 [ 0.08210181]
 [-0.57669395]]
unit step:  1
delta:  [[ 0.7973277 ]
 [ 0.08210181]
 [-0.57669395]]
delta b updated:  [array([[ 0.07414933],
       [ 0.10583021]]), array([[ 0.7973277 ],
       [ 0.08210181],
       [-0.57669395]])]
delta w updated: [array([[-0.04394826, -0.00526751,  0.07710324],
       [-0.0627255 , -0.00751809,  0.1100462 ]]), array([[ 0.09369855, -0.65300351],
       [ 0.00964825, -0.06724057],
       [-0.06777061,  0.47230665]])]
input:  [[ 0.84875027]
 [-0.45538179]
 [ 0.79316557]]
activations:  [array([[ 0.84875027],
       [-0.45538179],
       [ 0.79316557]]), array([[ 0.41175429],
       [-2.13495973]]), array([[ 1.18069878],
       [-0.2224116 ],
       [ 1.16417633]])]
cost derivative:  [[ 0.33194851]
 [ 0.23297019]
 [ 0.37101076]]
unit step:  1
delta:  [[ 0.33194851]
 [ 0.23297019]
 [ 0.37101076]]
delta b updated:  [array([[ 0.19246031],
       [ 0.6363024 ]]), array([[ 0.33194851],
       [ 0.23297019],
       [ 0.37101076]])]
delta w updated: [array([[ 0.16335074, -0.08764292,  0.15265289],
       [ 0.54006183, -0.28976053,  0.50469315]]), array([[ 0.13668122, -0.7086967 ],
       [ 0.09592647, -0.49738197],
       [ 0.15276528, -0.79209304]])]
input:  [[-0.53784878]
 [-0.10663077]
 [ 1.01576828]]
activations:  [array([[-0.53784878],
       [-0.10663077],
       [ 1.01576828]]), array([[ 0.12501132],
       [-0.88393935]]), array([[ 0.24301662],
       [ 0.00450554],
       [ 0.49362897]])]
cost derivative:  [[ 0.7808654 ]
 [ 0.11113631]
 [-0.52213931]]
unit step:  1
delta:  [[ 0.7808654 ]
 [ 0.11113631]
 [-0.52213931]]
delta b updated:  [array([[ 0.07745933],
       [ 0.12649097]]), array([[ 0.7808654 ],
       [ 0.11113631],
       [-0.52213931]])]
delta w updated: [array([[-0.04166141, -0.00825955,  0.07868073],
       [-0.06803302, -0.01348783,  0.12848552]]), array([[ 0.09761701, -0.69023765],
       [ 0.0138933 , -0.09823776],
       [-0.06527332,  0.46153948]])]
input:  [[-0.89074637]
 [-0.35380162]
 [ 0.83717451]]
activations:  [array([[-0.89074637],
       [-0.35380162],
       [ 0.83717451]]), array([[-0.00491509],
       [-0.79773339]]), array([[ 0.03635498],
       [ 0.10223916],
       [ 0.38414863]])]
cost derivative:  [[ 0.92710135]
 [ 0.45604078]
 [-0.45302588]]
unit step:  1
delta:  [[ 0.92710135]
 [ 0.45604078]
 [-0.45302588]]
delta b updated:  [array([[-0.00290179],
       [ 0.18615048]]), array([[ 0.92710135],
       [ 0.45604078],
       [-0.45302588]])]
delta w updated: [array([[ 0.00258476,  0.00102666, -0.00242931],
       [-0.16581286, -0.06586034,  0.15584043]]), array([[-0.00455678, -0.73957971],
       [-0.00224148, -0.36379896],
       [ 0.00222666,  0.36139387]])]
input:  [[ 0.8261106 ]
 [-0.32735242]
 [ 0.88246983]]
activations:  [array([[ 0.8261106 ],
       [-0.32735242],
       [ 0.88246983]]), array([[ 0.42760568],
       [-2.03063051]]), array([[ 1.15149616],
       [-0.23404324],
       [ 1.13146077]])]
cost derivative:  [[ 0.32538556]
 [ 0.09330918]
 [ 0.24899093]]
unit step:  1
delta:  [[ 0.32538556]
 [ 0.09330918]
 [ 0.24899093]]
delta b updated:  [array([[ 0.21063153],
       [ 0.5017215 ]]), array([[ 0.32538556],
       [ 0.09330918],
       [ 0.24899093]])]
delta w updated: [array([[ 0.17400494, -0.06895074,  0.18587597],
       [ 0.41447745, -0.16423975,  0.44275409]]), array([[ 0.13913671, -0.66073784],
       [ 0.03989954, -0.18947647],
       [ 0.10646994, -0.50560858]])]
input:  [[-0.45000473]
 [-0.17220518]
 [ 0.97121724]]
activations:  [array([[-0.45000473],
       [-0.17220518],
       [ 0.97121724]]), array([[ 0.13563416],
       [-0.99377966]]), array([[ 0.30519727],
       [-0.00504578],
       [ 0.54438217]])]
cost derivative:  [[ 0.755202  ]
 [ 0.1671594 ]
 [-0.42683507]]
unit step:  1
delta:  [[ 0.755202  ]
 [ 0.1671594 ]
 [-0.42683507]]
delta b updated:  [array([[ 0.08135851],
       [ 0.16758854]]), array([[ 0.755202  ],
       [ 0.1671594 ],
       [-0.42683507]])]
delta w updated: [array([[-0.03661171, -0.01401036,  0.07901678],
       [-0.07541564, -0.02885962,  0.16276488]]), array([[ 0.10243119, -0.75050439],
       [ 0.02267252, -0.16611961],
       [-0.05789341,  0.42418001]])]
input:  [[ 0.8773334 ]
 [-0.93457826]
 [ 0.45803619]]
activations:  [array([[ 0.8773334 ],
       [-0.93457826],
       [ 0.45803619]]), array([[ 0.33727668],
       [-2.48817323]]), array([[ 1.24145582],
       [-0.17213437],
       [ 1.26383001]])]
cost derivative:  [[ 0.36412241]
 [ 0.76244389]
 [ 0.80579382]]
unit step:  1
delta:  [[ 0.36412241]
 [ 0.76244389]
 [ 0.80579382]]
delta b updated:  [array([[ 0.12312029],
       [ 1.19826221]]), array([[ 0.36412241],
       [ 0.76244389],
       [ 0.80579382]])]
delta w updated: [array([[ 0.10801754, -0.11506554,  0.05639355],
       [ 1.05127546, -1.11986981,  0.54884746]]), array([[ 0.12281   , -0.90599964],
       [ 0.25715454, -1.89709247],
       [ 0.27177546, -2.00495461]])]
input:  [[ 0.73415457]
 [-1.11607237]
 [ 0.32870542]]
activations:  [array([[ 0.73415457],
       [-1.11607237],
       [ 0.32870542]]), array([[ 0.27072211],
       [-2.51040373]]), array([[ 1.16507914],
       [-0.1246289 ],
       [ 1.2323909 ]])]
cost derivative:  [[ 0.43092457]
 [ 0.99144347]
 [ 0.90368548]]
unit step:  1
delta:  [[ 0.43092457]
 [ 0.99144347]
 [ 0.90368548]]
delta b updated:  [array([[ 0.09111086],
       [ 1.37429329]]), array([[ 0.43092457],
       [ 0.99144347],
       [ 0.90368548]])]
delta w updated: [array([[ 0.06688946, -0.10168632,  0.02994863],
       [ 1.0089437 , -1.53381078,  0.45173765]]), array([[ 0.11666081, -1.08179464],
       [ 0.26840567, -2.48892338],
       [ 0.24464764, -2.2686154 ]])]
input:  [[-0.31359679]
 [-0.2876391 ]
 [ 0.89250755]]
activations:  [array([[-0.31359679],
       [-0.2876391 ],
       [ 0.89250755]]), array([[ 0.14992094],
       [-1.17429185]]), array([[ 0.40384503],
       [-0.02014731],
       [ 0.62345349]])]
cost derivative:  [[ 0.71744182]
 [ 0.26749179]
 [-0.26905405]]
unit step:  1
delta:  [[ 0.71744182]
 [ 0.26749179]
 [-0.26905405]]
delta b updated:  [array([[ 0.08508237],
       [ 0.25047003]]), array([[ 0.71744182],
       [ 0.26749179],
       [-0.26905405]])]
delta w updated: [array([[-0.02668156, -0.02447302,  0.07593666],
       [-0.0785466 , -0.07204498,  0.22354639]]), array([[ 0.10755955, -0.84248609],
       [ 0.04010262, -0.31411343],
       [-0.04033684,  0.31594798]])]
input:  [[-0.83105005]
 [-0.75801209]
 [ 0.55504205]]
activations:  [array([[-0.83105005],
       [-0.75801209],
       [ 0.55504205]]), array([[-0.05880272],
       [-1.12240149]]), array([[ 0.1114754 ],
       [ 0.13594559],
       [ 0.48230744]])]
cost derivative:  [[ 0.94252545]
 [ 0.89395768]
 [-0.07273461]]
unit step:  1
delta:  [[ 0.94252545]
 [ 0.89395768]
 [-0.07273461]]
delta b updated:  [array([[-0.02957828],
       [ 0.43305867]]), array([[ 0.94252545],
       [ 0.89395768],
       [-0.07273461]])]
delta w updated: [array([[ 0.02458103,  0.02242069, -0.01641719],
       [-0.35989343, -0.32826371,  0.24036577]]), array([[-0.05542306, -1.05789196],
       [-0.05256714, -1.00337942],
       [ 0.00427699,  0.08163743]])]
input:  [[ 0.74738816]
 [-1.11543764]
 [ 0.32935628]]
activations:  [array([[ 0.74738816],
       [-1.11543764],
       [ 0.32935628]]), array([[ 0.27401447],
       [-2.52126168]]), array([[ 1.17101259],
       [-0.13115154],
       [ 1.23688504]])]
cost derivative:  [[ 0.42362443]
 [ 0.9842861 ]
 [ 0.90752876]]
unit step:  1
delta:  [[ 0.42362443]
 [ 0.9842861 ]
 [ 0.90752876]]
delta b updated:  [array([[ 0.0916708 ],
       [ 1.37037485]]), array([[ 0.42362443],
       [ 0.9842861 ],
       [ 0.90752876]])]
delta w updated: [array([[ 0.06851367, -0.10225306,  0.03019235],
       [ 1.02420193, -1.52856769,  0.45134157]]), array([[ 0.11607923, -1.06806804],
       [ 0.26970864, -2.48164282],
       [ 0.24867601, -2.28811748]])]
input:  [[-0.47005138]
 [-0.15648523]
 [ 0.9819131 ]]
activations:  [array([[-0.47005138],
       [-0.15648523],
       [ 0.9819131 ]]), array([[ 0.13308441],
       [-0.97042001]]), array([[ 0.28824267],
       [-0.00697871],
       [ 0.53098908]])]
cost derivative:  [[ 0.75829405]
 [ 0.14950652]
 [-0.45092402]]
unit step:  1
delta:  [[ 0.75829405]
 [ 0.14950652]
 [-0.45092402]]
delta b updated:  [array([[ 0.08024924],
       [ 0.15480899]]), array([[ 0.75829405],
       [ 0.14950652],
       [-0.45092402]])]
delta w updated: [array([[-0.03772126, -0.01255782,  0.07879778],
       [-0.07276818, -0.02422532,  0.15200898]]), array([[ 0.10091712, -0.73586372],
       [ 0.01989699, -0.14508412],
       [-0.06001096,  0.43758569]])]
input:  [[ 0.60251976]
 [-1.07776145]
 [ 0.35348131]]
activations:  [array([[ 0.60251976],
       [-1.07776145],
       [ 0.35348131]]), array([[ 0.24417896],
       [-2.39086683]]), array([[ 1.07185949],
       [-0.10969775],
       [ 1.16559571]])]
cost derivative:  [[ 0.46933974]
 [ 0.96806369]
 [ 0.8121144 ]]
unit step:  1
delta:  [[ 0.46933974]
 [ 0.96806369]
 [ 0.8121144 ]]
delta b updated:  [array([[ 0.08549915],
       [ 1.25380911]]), array([[ 0.46933974],
       [ 0.96806369],
       [ 0.8121144 ]])]
delta w updated: [array([[ 0.05151493, -0.09214769,  0.03022235],
       [ 0.75544476, -1.35130712,  0.44319808]]), array([[ 0.11460289, -1.12212881],
       [ 0.23638079, -2.31451138],
       [ 0.19830125, -1.94165738]])]
input:  [[-0.46006334]
 [-0.16426831]
 [ 0.97661847]]
activations:  [array([[-0.46006334],
       [-0.16426831],
       [ 0.97661847]]), array([[ 0.13415982],
       [-0.98372982]]), array([[ 0.29460938],
       [-0.00915583],
       [ 0.53633082]])]
cost derivative:  [[ 0.75467272]
 [ 0.15511249]
 [-0.44028765]]
unit step:  1
delta:  [[ 0.75467272]
 [ 0.15511249]
 [-0.44028765]]
delta b updated:  [array([[ 0.08052964],
       [ 0.15907738]]), array([[ 0.75467272],
       [ 0.15511249],
       [-0.44028765]])]
delta w updated: [array([[-0.03704873, -0.01322847,  0.07864673],
       [-0.07318567, -0.02613137,  0.15535791]]), array([[ 0.10124676, -0.74239406],
       [ 0.02080986, -0.15258878],
       [-0.05906891,  0.43312409]])]
input:  [[-0.19185916]
 [-0.39888405]
 [ 0.81650256]]
activations:  [array([[-0.19185916],
       [-0.39888405],
       [ 0.81650256]]), array([[ 0.1611728 ],
       [-1.34208511]]), array([[ 0.49039983],
       [-0.03468871],
       [ 0.69588173]])]
cost derivative:  [[ 0.682259  ]
 [ 0.36419534]
 [-0.12062083]]
unit step:  1
delta:  [[ 0.682259  ]
 [ 0.36419534]
 [-0.12062083]]
delta b updated:  [array([[ 0.0863407],
       [ 0.3407243]]), array([[ 0.682259  ],
       [ 0.36419534],
       [-0.12062083]])]
delta w updated: [array([[-0.01656525, -0.03443993,  0.0704974 ],
       [-0.06537108, -0.13590949,  0.27820226]]), array([[ 0.10996159, -0.91564964],
       [ 0.05869838, -0.48878115],
       [-0.0194408 ,  0.16188342]])]
input:  [[-0.21431142]
 [-0.37798482]
 [ 0.8307879 ]]
activations:  [array([[-0.21431142],
       [-0.37798482],
       [ 0.8307879 ]]), array([[ 0.15906604],
       [-1.31143639]]), array([[ 0.47324004],
       [-0.03300377],
       [ 0.68249039]])]
cost derivative:  [[ 0.68755147]
 [ 0.34498105]
 [-0.14829751]]
unit step:  1
delta:  [[ 0.68755147]
 [ 0.34498105]
 [-0.14829751]]
delta b updated:  [array([[ 0.08602749],
       [ 0.32153317]]), array([[ 0.68755147],
       [ 0.34498105],
       [-0.14829751]])]
delta w updated: [array([[-0.01843667, -0.03251708,  0.07147059],
       [-0.06890823, -0.12153466,  0.26712587]]), array([[ 0.10936609, -0.90168001],
       [ 0.05487477, -0.4524207 ],
       [-0.0235891 ,  0.19448274]])]
input:  [[ 0.5017083 ]
 [-1.01718375]
 [ 0.39433099]]
activations:  [array([[ 0.5017083 ],
       [-1.01718375],
       [ 0.39433099]]), array([[ 0.22912231],
       [-2.27686428]]), array([[ 0.99734257],
       [-0.10010794],
       [ 1.11022623]])]
cost derivative:  [[ 0.49563427]
 [ 0.91707582]
 [ 0.71589524]]
unit step:  1
delta:  [[ 0.49563427]
 [ 0.91707582]
 [ 0.71589524]]
delta b updated:  [array([[ 0.08391026],
       [ 1.13034637]]), array([[ 0.49563427],
       [ 0.91707582],
       [ 0.71589524]])]
delta w updated: [array([[ 0.04209847, -0.08535215,  0.03308842],
       [ 0.56710416, -1.14976997,  0.44573061]]), array([[ 0.11356087, -1.12849196],
       [ 0.21012253, -2.08805717],
       [ 0.16402757, -1.6299963 ]])]
input:  [[ 0.41197964]
 [-0.95094907]
 [ 0.43931503]]
activations:  [array([[ 0.41197964],
       [-0.95094907],
       [ 0.43931503]]), array([[ 0.2179207 ],
       [-2.16639343]]), array([[ 0.93221668],
       [-0.09191839],
       [ 1.05803104]])]
cost derivative:  [[ 0.52023705]
 [ 0.85903068]
 [ 0.61871602]]
unit step:  1
delta:  [[ 0.52023705]
 [ 0.85903068]
 [ 0.61871602]]
delta b updated:  [array([[ 0.08388542],
       [ 1.01451945]]), array([[ 0.52023705],
       [ 0.85903068],
       [ 0.61871602]])]
delta w updated: [array([[ 0.03455908, -0.07977076,  0.03685213],
       [ 0.41796135, -0.96475633,  0.44569364]]), array([[ 0.11337042, -1.12703812],
       [ 0.18720057, -1.86099842],
       [ 0.13483103, -1.34038231]])]
input:  [[-0.66048242]
 [-0.03533603]
 [ 1.06378268]]
activations:  [array([[-0.66048242],
       [-0.03533603],
       [ 1.06378268]]), array([[ 0.10582738],
       [-0.74955834]]), array([[ 0.15028465],
       [ 0.0132572 ],
       [ 0.42536996]])]
cost derivative:  [[ 0.81076707]
 [ 0.04859323]
 [-0.63841272]]
unit step:  1
delta:  [[ 0.81076707]
 [ 0.04859323]
 [-0.63841272]]
delta b updated:  [array([[ 0.06744746],
       [ 0.08114526]]), array([[ 0.81076707],
       [ 0.04859323],
       [-0.63841272]])]
delta w updated: [array([[-0.04454786, -0.00238333,  0.07174944],
       [-0.05359502, -0.00286735,  0.08632092]]), array([[ 0.08580136, -0.60771722],
       [ 0.00514249, -0.03642346],
       [-0.06756155,  0.47852758]])]
input:  [[ 0.00212559]
 [-0.58283873]
 [ 0.69070654]]
activations:  [array([[ 0.00212559],
       [-0.58283873],
       [ 0.69070654]]), array([[ 0.17808901],
       [-1.61284308]]), array([[ 0.63060405],
       [-0.05482078],
       [ 0.81289316]])]
cost derivative:  [[ 0.62847846]
 [ 0.52801795]
 [ 0.12218662]]
unit step:  1
delta:  [[ 0.62847846]
 [ 0.52801795]
 [ 0.12218662]]
delta b updated:  [array([[ 0.08625282],
       [ 0.52034086]]), array([[ 0.62847846],
       [ 0.52801795],
       [ 0.12218662]])]
delta w updated: [array([[  1.83337990e-04,  -5.02714823e-02,   5.95753848e-02],
       [  1.10603050e-03,  -3.03274803e-01,   3.59402832e-01]]), array([[ 0.11192511, -1.01363714],
       [ 0.0940342 , -0.8516101 ],
       [ 0.02176009, -0.19706784]])]
input:  [[ 0.86435564]
 [-0.99724056]
 [ 0.41395221]]
activations:  [array([[ 0.86435564],
       [-0.99724056],
       [ 0.41395221]]), array([[ 0.32265827],
       [-2.52990164]]), array([[ 1.2273637 ],
       [-0.17860345],
       [ 1.26312488]])]
cost derivative:  [[ 0.36300806]
 [ 0.81863711]
 [ 0.84917267]]
unit step:  1
delta:  [[ 0.36300806]
 [ 0.81863711]
 [ 0.84917267]]
delta b updated:  [array([[ 0.11159378],
       [ 1.23740699]]), array([[ 0.36300806],
       [ 0.81863711],
       [ 0.84917267]])]
delta w updated: [array([[ 0.09645671, -0.11128584,  0.04619449],
       [ 1.06955971, -1.23399245,  0.51222735]]), array([[ 0.11712755, -0.91837468],
       [ 0.26414003, -2.07107138],
       [ 0.27399259, -2.14832334]])]
input:  [[-0.88923054]
 [-0.18566798]
 [ 0.95493997]]
activations:  [array([[-0.88923054],
       [-0.18566798],
       [ 0.95493997]]), array([[ 0.02320655],
       [-0.68742404]]), array([[ 0.01498205],
       [ 0.07476735],
       [ 0.35229056]])]
cost derivative:  [[ 0.90421259]
 [ 0.26043533]
 [-0.6026494 ]]
unit step:  1
delta:  [[ 0.90421259]
 [ 0.26043533]
 [-0.6026494 ]]
delta b updated:  [array([[ 0.01438691],
       [ 0.11029916]]), array([[ 0.90421259],
       [ 0.26043533],
       [-0.6026494 ]])]
delta w updated: [array([[-0.01279328, -0.00267119,  0.01373864],
       [-0.09808138, -0.02047902,  0.10532907]]), array([[ 0.02098366, -0.62157747],
       [ 0.00604381, -0.17902951],
       [-0.01398542,  0.41427569]])]
input:  [[-0.87575982]
 [-0.11553038]
 [ 1.00426649]]
activations:  [array([[-0.87575982],
       [-0.11553038],
       [ 1.00426649]]), array([[ 0.03843944],
       [-0.64874053]]), array([[ 0.01676681],
       [ 0.06394683],
       [ 0.34592068]])]
cost derivative:  [[ 0.89252663]
 [ 0.17947721]
 [-0.65834581]]
unit step:  1
delta:  [[ 0.89252663]
 [ 0.17947721]
 [-0.65834581]]
delta b updated:  [array([[ 0.02433951],
       [ 0.08698478]]), array([[ 0.89252663],
       [ 0.17947721],
       [-0.65834581]])]
delta w updated: [array([[-0.02131557, -0.00281195,  0.02444336],
       [-0.07617777, -0.01004938,  0.0873559 ]]), array([[ 0.03430822, -0.5790182 ],
       [ 0.006899  , -0.11643414],
       [-0.02530644,  0.42709561]])]
input:  [[-0.78075027]
 [-0.98418159]
 [ 0.39744286]]
activations:  [array([[-0.78075027],
       [-0.98418159],
       [ 0.39744286]]), array([[-0.08515775],
       [-1.32041742]]), array([[ 0.15858839],
       [ 0.14436297],
       [ 0.54337419]])]
cost derivative:  [[ 0.93933866]
 [ 1.12854456]
 [ 0.14593133]]
unit step:  1
delta:  [[ 0.93933866]
 [ 1.12854456]
 [ 0.14593133]]
delta b updated:  [array([[-0.03826036],
       [ 0.60698645]]), array([[ 0.93933866],
       [ 1.12854456],
       [ 0.14593133]])]
delta w updated: [array([[ 0.02987179,  0.03765515, -0.01520631],
       [-0.47390484, -0.59738489,  0.24124243]]), array([[-0.07999196, -1.24031914],
       [-0.09610431, -1.49014989],
       [-0.01242718, -0.19269028]])]
input:  [[ 0.87886468]
 [-0.92270113]
 [ 0.46637747]]
activations:  [array([[ 0.87886468],
       [-0.92270113],
       [ 0.46637747]]), array([[ 0.33880835],
       [-2.49036374]]), array([[ 1.22653639],
       [-0.19401144],
       [ 1.25544417]])]
cost derivative:  [[ 0.34767171]
 [ 0.72868969]
 [ 0.7890667 ]]
unit step:  1
delta:  [[ 0.34767171]
 [ 0.72868969]
 [ 0.7890667 ]]
delta b updated:  [array([[ 0.1214467 ],
       [ 1.14047593]]), array([[ 0.34767171],
       [ 0.72868969],
       [ 0.7890667 ]])]
delta w updated: [array([[ 0.10673521, -0.11205901,  0.05664   ],
       [ 1.00232402, -1.05231843,  0.53189228]]), array([[ 0.11779408, -0.86582902],
       [ 0.24688615, -1.81470237],
       [ 0.26734239, -1.9650631 ]])]
input:  [[ 0.15071471]
 [-0.72317733]
 [ 0.59474638]]
activations:  [array([[ 0.15071471],
       [-0.72317733],
       [ 0.59474638]]), array([[ 0.19111845],
       [-1.82103369]]), array([[ 0.73633054],
       [-0.07315921],
       [ 0.90125959]])]
cost derivative:  [[ 0.58561583]
 [ 0.65001812]
 [ 0.30651321]]
unit step:  1
delta:  [[ 0.58561583]
 [ 0.65001812]
 [ 0.30651321]]
delta b updated:  [array([[ 0.0849282 ],
       [ 0.67801313]]), array([[ 0.58561583],
       [ 0.65001812],
       [ 0.30651321]])]
delta w updated: [array([[ 0.01279993, -0.06141815,  0.05051074],
       [ 0.10218655, -0.49032373,  0.40324586]]), array([[ 0.11192199, -1.06642616],
       [ 0.12423046, -1.1837049 ],
       [ 0.05858033, -0.55817088]])]
input:  [[ 0.56711552]
 [-1.05861197]
 [ 0.36633933]]
activations:  [array([[ 0.56711552],
       [-1.05861197],
       [ 0.36633933]]), array([[ 0.23792968],
       [-2.35840571]]), array([[ 1.03594779],
       [-0.11921922],
       [ 1.14212104]])]
cost derivative:  [[ 0.46883227]
 [ 0.93939275]
 [ 0.77578171]]
unit step:  1
delta:  [[ 0.46883227]
 [ 0.93939275]
 [ 0.77578171]]
delta b updated:  [array([[ 0.08304817],
       [ 1.18210724]]), array([[ 0.46883227],
       [ 0.93939275],
       [ 0.77578171]])]
delta w updated: [array([[ 0.04709791, -0.08791579,  0.03042381],
       [ 0.67039136, -1.25139287,  0.43305238]]), array([[ 0.11154911, -1.1056967 ],
       [ 0.22350942, -2.21546922],
       [ 0.18458149, -1.82960801]])]
input:  [[ 0.52081854]
 [-1.02999117]
 [ 0.38566014]]
activations:  [array([[ 0.52081854],
       [-1.02999117],
       [ 0.38566014]]), array([[ 0.23117853],
       [-2.30571929]]), array([[ 1.00269618],
       [-0.11521576],
       [ 1.11553613]])]
cost derivative:  [[ 0.48187764]
 [ 0.91477541]
 [ 0.72987599]]
unit step:  1
delta:  [[ 0.48187764]
 [ 0.91477541]
 [ 0.72987599]]
delta b updated:  [array([[ 0.08266099],
       [ 1.12502246]]), array([[ 0.48187764],
       [ 0.91477541],
       [ 0.72987599]])]
delta w updated: [array([[ 0.04305138, -0.08514009,  0.03187905],
       [ 0.58593256, -1.1587632 ,  0.43387632]]), array([[ 0.11139976, -1.11107457],
       [ 0.21147643, -2.10921531],
       [ 0.16873166, -1.68288916]])]
input:  [[ 0.40166683]
 [-0.94279731]
 [ 0.44486278]]
activations:  [array([[ 0.40166683],
       [-0.94279731],
       [ 0.44486278]]), array([[ 0.21621711],
       [-2.15899973]]), array([[ 0.91694352],
       [-0.10299885],
       [ 1.04701769]])]
cost derivative:  [[ 0.51527669]
 [ 0.83979847]
 [ 0.60215492]]
unit step:  1
delta:  [[ 0.51527669]
 [ 0.83979847]
 [ 0.60215492]]
delta b updated:  [array([[ 0.08273461],
       [ 0.97662755]]), array([[ 0.51527669],
       [ 0.83979847],
       [ 0.60215492]])]
delta w updated: [array([[ 0.03323175, -0.07800197,  0.03680555],
       [ 0.39227889, -0.92076182,  0.43446524]]), array([[ 0.11141164, -1.11248223],
       [ 0.1815788 , -1.81312466],
       [ 0.1301962 , -1.3000523 ]])]
input:  [[-0.33519014]
 [-0.26856694]
 [ 0.9055268 ]]
activations:  [array([[-0.33519014],
       [-0.26856694],
       [ 0.9055268 ]]), array([[ 0.14696816],
       [-1.15266536]]), array([[ 0.37806809],
       [-0.03177524],
       [ 0.60622874]])]
cost derivative:  [[ 0.71325823]
 [ 0.2367917 ]
 [-0.29929806]]
unit step:  1
delta:  [[ 0.71325823]
 [ 0.2367917 ]
 [-0.29929806]]
delta b updated:  [array([[ 0.08334791],
       [ 0.2239941 ]]), array([[ 0.71325823],
       [ 0.2367917 ],
       [-0.29929806]])]
delta w updated: [array([[-0.0279374 , -0.02238449,  0.07547376],
       [-0.07508061, -0.06015741,  0.20283266]]), array([[ 0.10482625, -0.82214806],
       [ 0.03480084, -0.27294159],
       [-0.04398728,  0.3449905 ]])]
input:  [[ 0.1280158 ]
 [-0.70199809]
 [ 0.60922395]]
activations:  [array([[ 0.1280158 ],
       [-0.70199809],
       [ 0.60922395]]), array([[ 0.18878649],
       [-1.7925209 ]]), array([[ 0.71649877],
       [-0.07667012],
       [ 0.88479895]])]
cost derivative:  [[ 0.58848297]
 [ 0.62532797]
 [ 0.275575  ]]
unit step:  1
delta:  [[ 0.58848297]
 [ 0.62532797]
 [ 0.275575  ]]
delta b updated:  [array([[ 0.08463625],
       [ 0.64289264]]), array([[ 0.58848297],
       [ 0.62532797],
       [ 0.275575  ]])]
delta w updated: [array([[ 0.01083478, -0.05941449,  0.05156243],
       [ 0.08230041, -0.4513094 ,  0.3916656 ]]), array([[ 0.11109764, -1.05486802],
       [ 0.11805348, -1.12091346],
       [ 0.05202484, -0.49397394]])]
input:  [[ 0.65264831]
 [-1.09966686]
 [ 0.33892295]]
activations:  [array([[ 0.65264831],
       [-1.09966686],
       [ 0.33892295]]), array([[ 0.25196777],
       [-2.45274839]]), array([[ 1.09095214],
       [-0.1388909 ],
       [ 1.18305083]])]
cost derivative:  [[ 0.43830384]
 [ 0.96077596]
 [ 0.84412788]]
unit step:  1
delta:  [[ 0.43830384]
 [ 0.96077596]
 [ 0.84412788]]
delta b updated:  [array([[ 0.083861  ],
       [ 1.25056066]]), array([[ 0.43830384],
       [ 0.96077596],
       [ 0.84412788]])]
delta w updated: [array([[ 0.05473174, -0.09221916,  0.02842242],
       [ 0.8161763 , -1.37520011,  0.4238437 ]]), array([[ 0.11043844, -1.07504903],
       [ 0.24208457, -2.35654169],
       [ 0.21269302, -2.07043331]])]
input:  [[ 0.87867669]
 [-0.69203369]
 [ 0.62790797]]
activations:  [array([[ 0.87867669],
       [-0.69203369],
       [ 0.62790797]]), array([[ 0.37732917],
       [-2.33597734]]), array([[ 1.19901345],
       [-0.23215537],
       [ 1.20706494]])]
cost derivative:  [[ 0.32033676]
 [ 0.45987832]
 [ 0.57915697]]
unit step:  1
delta:  [[ 0.32033676]
 [ 0.45987832]
 [ 0.57915697]]
delta b updated:  [array([[ 0.15178265],
       [ 0.84552092]]), array([[ 0.32033676],
       [ 0.45987832],
       [ 0.57915697]])]
delta w updated: [array([[ 0.13336788, -0.10503871,  0.09530554],
       [ 0.74293952, -0.58512896,  0.53090932]]), array([[ 0.1208724 , -0.7482994 ],
       [ 0.17352551, -1.07426534],
       [ 0.21853282, -1.35289754]])]
input:  [[ 0.81540173]
 [-0.27239952]
 [ 0.92078564]]
activations:  [array([[ 0.81540173],
       [-0.27239952],
       [ 0.92078564]]), array([[ 0.43262214],
       [-1.99879126]]), array([[ 1.11935134],
       [-0.26683004],
       [ 1.10415234]])]
cost derivative:  [[ 0.30394961]
 [ 0.00556948]
 [ 0.18336669]]
unit step:  1
delta:  [[ 0.30394961]
 [ 0.00556948]
 [ 0.18336669]]
delta b updated:  [array([[ 0.21289275],
       [ 0.4151475 ]]), array([[ 0.30394961],
       [ 0.00556948],
       [ 0.18336669]])]
delta w updated: [array([[ 0.17359312, -0.05799188,  0.19602859],
       [ 0.33851199, -0.11308598,  0.38226186]]), array([[ 0.13149533, -0.60753182],
       [ 0.00240948, -0.01113223],
       [ 0.07932849, -0.36651175]])]
input:  [[ 0.47245184]
 [-0.99661205]
 [ 0.40828086]]
activations:  [array([[ 0.47245184],
       [-0.99661205],
       [ 0.40828086]]), array([[ 0.2242267 ],
       [-2.25141377]]), array([[ 0.96341552],
       [-0.11695054],
       [ 1.08367497]])]
cost derivative:  [[ 0.49096369]
 [ 0.87966151]
 [ 0.67539411]]
unit step:  1
delta:  [[ 0.49096369]
 [ 0.87966151]
 [ 0.67539411]]
delta b updated:  [array([[ 0.08148795],
       [ 1.04868455]]), array([[ 0.49096369],
       [ 0.87966151],
       [ 0.67539411]])]
delta w updated: [array([[ 0.03849913, -0.08121187,  0.03326997],
       [ 0.49545294, -1.04513166,  0.42815783]]), array([[ 0.11008717, -1.1053624 ],
       [ 0.19724359, -1.98048203],
       [ 0.15144139, -1.5205916 ]])]
input:  [[-0.84595787]
 [-0.05303528]
 [ 1.04849575]]
activations:  [array([[-0.84595787],
       [-0.05303528],
       [ 1.04849575]]), array([[ 0.05600096],
       [-0.63117629]]), array([[ 0.02644573],
       [ 0.04457387],
       [ 0.34471751]])]
cost derivative:  [[ 0.87240361]
 [ 0.09760915]
 [-0.70377823]]
unit step:  1
delta:  [[ 0.87240361]
 [ 0.09760915]
 [-0.70377823]]
delta b updated:  [array([[ 0.03596011],
       [ 0.06758235]]), array([[ 0.87240361],
       [ 0.09760915],
       [-0.70377823]])]
delta w updated: [array([[-0.03042074, -0.00190715,  0.03770402],
       [-0.05717182, -0.00358425,  0.0708598 ]]), array([[ 0.04885544, -0.55064047],
       [ 0.00546621, -0.06160858],
       [-0.03941226,  0.44420813]])]
input:  [[ 0.85258341]
 [-0.47941491]
 [ 0.77639526]]
activations:  [array([[ 0.85258341],
       [-0.47941491],
       [ 0.77639526]]), array([[ 0.40651122],
       [-2.171012  ]]), array([[ 1.16018359],
       [-0.25306832],
       [ 1.15617191]])]
cost derivative:  [[ 0.30760018]
 [ 0.22634659]
 [ 0.37977665]]
unit step:  1
delta:  [[ 0.30760018]
 [ 0.22634659]
 [ 0.37977665]]
delta b updated:  [array([[ 0.18095236],
       [ 0.61122703]]), array([[ 0.30760018],
       [ 0.22634659],
       [ 0.37977665]])]
delta w updated: [array([[ 0.15427698, -0.08675126,  0.14049055],
       [ 0.52112202, -0.29303135,  0.47455377]]), array([[ 0.12504292, -0.66780369],
       [ 0.09201243, -0.49140116],
       [ 0.15438347, -0.82449966]])]
input:  [[ 0.72734629]
 [-1.11595321]
 [ 0.32868269]]
activations:  [array([[ 0.72734629],
       [-1.11595321],
       [ 0.32868269]]), array([[ 0.26721931],
       [-2.52231093]]), array([[ 1.13656972],
       [-0.15773343],
       [ 1.21396712]])]
cost derivative:  [[ 0.40922343]
 [ 0.95821978]
 [ 0.88528443]]
unit step:  1
delta:  [[ 0.40922343]
 [ 0.95821978]
 [ 0.88528443]]
delta b updated:  [array([[ 0.08566018],
       [ 1.28403243]]), array([[ 0.40922343],
       [ 0.95821978],
       [ 0.88528443]])]
delta w updated: [array([[ 0.06230462, -0.09559276,  0.02815502],
       [ 0.93393622, -1.43292011,  0.42203924]]), array([[ 0.1093524 , -1.03218873],
       [ 0.25605483, -2.41692823],
       [ 0.2365651 , -2.23296259]])]
input:  [[-0.58378371]
 [-0.07647514]
 [ 1.03616955]]
activations:  [array([[-0.58378371],
       [-0.07647514],
       [ 1.03616955]]), array([[ 0.1171521 ],
       [-0.84015459]]), array([[ 0.19668283],
       [-0.00722475],
       [ 0.46166586]])]
cost derivative:  [[ 0.78046654]
 [ 0.06925039]
 [-0.5745037 ]]
unit step:  1
delta:  [[ 0.78046654]
 [ 0.06925039]
 [-0.5745037 ]]
delta b updated:  [array([[ 0.07260124],
       [ 0.09900752]]), array([[ 0.78046654],
       [ 0.06925039],
       [-0.5745037 ]])]
delta w updated: [array([[-0.04238342, -0.00555219,  0.0752272 ],
       [-0.05779898, -0.00757161,  0.10258858]]), array([[ 0.09143329, -0.65571255],
       [ 0.00811283, -0.05818104],
       [-0.06730431,  0.48267192]])]
input:  [[-0.04380197]
 [-0.53903629]
 [ 0.72066461]]
activations:  [array([[-0.04380197],
       [-0.53903629],
       [ 0.72066461]]), array([[ 0.17303331],
       [-1.55747513]]), array([[ 0.58601904],
       [-0.066414  ],
       [ 0.77730348]])]
cost derivative:  [[ 0.62982101]
 [ 0.47262229]
 [ 0.05663887]]
unit step:  1
delta:  [[ 0.62982101]
 [ 0.47262229]
 [ 0.05663887]]
delta b updated:  [array([[ 0.08456952],
       [ 0.45180337]]), array([[ 0.62982101],
       [ 0.47262229],
       [ 0.05663887]])]
delta w updated: [array([[-0.00370431, -0.04558604,  0.06094626],
       [-0.01978988, -0.24353841,  0.3255987 ]]), array([[ 0.10898002, -0.98093055],
       [ 0.0817794 , -0.73609746],
       [ 0.00980041, -0.08821363]])]
input:  [[-0.81402889]
 [-0.83872816]
 [ 0.49878306]]
activations:  [array([[-0.81402889],
       [-0.83872816],
       [ 0.49878306]]), array([[-0.0695617 ],
       [-1.20199567]]), array([[ 0.11619062],
       [ 0.12294674],
       [ 0.49710605]])]
cost derivative:  [[ 0.9302195 ]
 [ 0.9616749 ]
 [-0.00167701]]
unit step:  1
delta:  [[ 0.9302195 ]
 [ 0.9616749 ]
 [-0.00167701]]
delta b updated:  [array([[-0.03309159],
       [ 0.46617014]]), array([[ 0.9302195 ],
       [ 0.9616749 ],
       [-0.00167701]])]
delta w updated: [array([[ 0.02693751,  0.02775485, -0.01650552],
       [-0.37947596, -0.39099002,  0.23251777]]), array([[ -6.47076458e-02,  -1.11811982e+00],
       [ -6.68957365e-02,  -1.15592907e+00],
       [  1.16655438e-04,   2.01575494e-03]])]
input:  [[-0.89171727]
 [-0.33735345]
 [ 0.84867781]]
activations:  [array([[-0.89171727],
       [-0.33735345],
       [ 0.84867781]]), array([[-0.00382642],
       [-0.79676523]]), array([[ 0.02051321],
       [ 0.08316069],
       [ 0.3750881 ]])]
cost derivative:  [[ 0.91223047]
 [ 0.42051414]
 [-0.4735897 ]]
unit step:  1
delta:  [[ 0.91223047]
 [ 0.42051414]
 [-0.4735897 ]]
delta b updated:  [array([[-0.00223757],
       [ 0.16445333]]), array([[ 0.91223047],
       [ 0.42051414],
       [-0.4735897 ]])]
delta w updated: [array([[ 0.00199528,  0.00075485, -0.00189897],
       [-0.14664587, -0.0554789 ,  0.13956789]]), array([[-0.00349058, -0.72683352],
       [-0.00160907, -0.33505104],
       [ 0.00181215,  0.37733981]])]
input:  [[-0.89356616]
 [-0.27608096]
 [ 0.89155731]]
activations:  [array([[-0.89356616],
       [-0.27608096],
       [ 0.89155731]]), array([[ 0.00610832],
       [-0.75293704]]), array([[ 0.01338981],
       [ 0.07660835],
       [ 0.36377211]])]
cost derivative:  [[ 0.90695597]
 [ 0.35268931]
 [-0.5277852 ]]
unit step:  1
delta:  [[ 0.90695597]
 [ 0.35268931]
 [-0.5277852 ]]
delta b updated:  [array([[ 0.00364914],
       [ 0.13857326]]), array([[ 0.90695597],
       [ 0.35268931],
       [-0.5277852 ]])]
delta w updated: [array([[-0.00326075, -0.00100746,  0.00325342],
       [-0.12382438, -0.03825744,  0.12354601]]), array([[ 0.00553997, -0.68288074],
       [ 0.00215434, -0.26555284],
       [-0.00322388,  0.39738903]])]
input:  [[ 0.24044795]
 [-0.80532804]
 [ 0.53861663]]
activations:  [array([[ 0.24044795],
       [-0.80532804],
       [ 0.53861663]]), array([[ 0.19858111],
       [-1.95158626]]), array([[ 0.79014083],
       [-0.09742077],
       [ 0.94833188]])]
cost derivative:  [[ 0.54969288]
 [ 0.70790727]
 [ 0.40971526]]
unit step:  1
delta:  [[ 0.54969288]
 [ 0.70790727]
 [ 0.40971526]]
delta b updated:  [array([[ 0.08213743],
       [ 0.75537914]]), array([[ 0.54969288],
       [ 0.70790727],
       [ 0.40971526]])]
delta w updated: [array([[ 0.01974978, -0.06614758,  0.04424059],
       [ 0.18162937, -0.608328  ,  0.40685976]]), array([[ 0.10915862, -1.07277307],
       [ 0.14057701, -1.3815421 ],
       [ 0.08136171, -0.79959466]])]
input:  [[ 0.87313736]
 [-0.63343154]
 [ 0.66885992]]
activations:  [array([[ 0.87313736],
       [-0.63343154],
       [ 0.66885992]]), array([[ 0.38515161],
       [-2.29585451]]), array([[ 1.18100557],
       [-0.24671653],
       [ 1.19107314]])]
cost derivative:  [[ 0.3078682 ]
 [ 0.38671501]
 [ 0.52221322]]
unit step:  1
delta:  [[ 0.3078682 ]
 [ 0.38671501]
 [ 0.52221322]]
delta b updated:  [array([[ 0.15701401],
       [ 0.76267965]]), array([[ 0.3078682 ],
       [ 0.38671501],
       [ 0.52221322]])]
delta w updated: [array([[ 0.1370948 , -0.09945763,  0.10502038],
       [ 0.6659241 , -0.48310535,  0.51012585]]), array([[ 0.11857594, -0.7068206 ],
       [ 0.14894391, -0.8878414 ],
       [ 0.20113126, -1.19892557]])]
input:  [[-0.51887351]
 [-0.1200104 ]
 [ 1.00669461]]
activations:  [array([[-0.51887351],
       [-0.1200104 ],
       [ 1.00669461]]), array([[ 0.12572579],
       [-0.91959759]]), array([[ 0.23942268],
       [-0.01816956],
       [ 0.49788136]])]
cost derivative:  [[ 0.75829619]
 [ 0.10184083]
 [-0.50881325]]
unit step:  1
delta:  [[ 0.75829619]
 [ 0.10184083]
 [-0.50881325]]
delta b updated:  [array([[ 0.07602637],
       [ 0.12102753]]), array([[ 0.75829619],
       [ 0.10184083],
       [-0.50881325]])]
delta w updated: [array([[-0.03944807, -0.00912395,  0.07653534],
       [-0.06279798, -0.01452456,  0.12183776]]), array([[ 0.09533739, -0.69732734],
       [ 0.01280402, -0.09365259],
       [-0.06397095,  0.46790344]])]
input:  [[-0.74221482]
 [-0.01150444]
 [ 1.07919707]]
activations:  [array([[-0.74221482],
       [-0.01150444],
       [ 1.07919707]]), array([[ 0.08849411],
       [-0.68059882]]), array([[ 0.08565408],
       [ 0.0157667 ],
       [ 0.38248162]])]
cost derivative:  [[ 0.82786889]
 [ 0.02727114]
 [-0.69671545]]
unit step:  1
delta:  [[ 0.82786889]
 [ 0.02727114]
 [-0.69671545]]
delta b updated:  [array([[ 0.056762  ],
       [ 0.06117328]]), array([[ 0.82786889],
       [ 0.02727114],
       [-0.69671545]])]
delta w updated: [array([[-0.0421296 , -0.00065301,  0.06125738],
       [-0.04540371, -0.00070376,  0.06601802]]), array([[ 0.07326152, -0.5634466 ],
       [ 0.00241333, -0.0185607 ],
       [-0.06165521,  0.47418372]])]
input:  [[-0.88818223]
 [-0.38808078]
 [ 0.81320924]]
activations:  [array([[-0.88818223],
       [-0.38808078],
       [ 0.81320924]]), array([[-0.01175431],
       [-0.83569353]]), array([[ 0.02490029],
       [ 0.08661681],
       [ 0.38622708]])]
cost derivative:  [[ 0.91308252]
 [ 0.47469759]
 [-0.42698216]]
unit step:  1
delta:  [[ 0.91308252]
 [ 0.47469759]
 [-0.42698216]]
delta b updated:  [array([[-0.00672482],
       [ 0.18555327]]), array([[ 0.91308252],
       [ 0.47469759],
       [-0.42698216]])]
delta w updated: [array([[ 0.00597287,  0.00260977, -0.00546869],
       [-0.16480511, -0.07200966,  0.15089363]]), array([[-0.01073266, -0.76305716],
       [-0.00557974, -0.39670171],
       [ 0.00501888,  0.35682623]])]
input:  [[ 0.08239468]
 [-0.65908384]
 [ 0.63856482]]
activations:  [array([[ 0.08239468],
       [-0.65908384],
       [ 0.63856482]]), array([[ 0.18382687],
       [-1.73529942]]), array([[ 0.67221507],
       [-0.08316243],
       [ 0.85423708]])]
cost derivative:  [[ 0.58982039]
 [ 0.57592141]
 [ 0.21567227]]
unit step:  1
delta:  [[ 0.58982039]
 [ 0.57592141]
 [ 0.21567227]]
delta b updated:  [array([[ 0.08304121],
       [ 0.57292523]]), array([[ 0.58982039],
       [ 0.57592141],
       [ 0.21567227]])]
delta w updated: [array([[ 0.00684215, -0.05473112,  0.0530272 ],
       [ 0.04720599, -0.37760576,  0.36584989]]), array([[ 0.10842484, -1.02351498],
       [ 0.10586983, -0.99939609],
       [ 0.03964636, -0.37425596]])]
input:  [[ 0.86272391]
 [-0.54843756]
 [ 0.72821772]]
activations:  [array([[ 0.86272391],
       [-0.54843756],
       [ 0.72821772]]), array([[ 0.39673571],
       [-2.2302651 ]]), array([[ 1.16293529],
       [-0.25603008],
       [ 1.17194652]])]
cost derivative:  [[ 0.30021139]
 [ 0.29240748]
 [ 0.4437288 ]]
unit step:  1
delta:  [[ 0.30021139]
 [ 0.29240748]
 [ 0.4437288 ]]
delta b updated:  [array([[ 0.16779775],
       [ 0.66820115]]), array([[ 0.30021139],
       [ 0.29240748],
       [ 0.4437288 ]])]
delta w updated: [array([[ 0.14476313, -0.09202659,  0.12219329],
       [ 0.57647311, -0.36646661,  0.48659592]]), array([[ 0.11910458, -0.66955097],
       [ 0.11600849, -0.65214619],
       [ 0.17604306, -0.98963285]])]
input:  [[ 0.72041262]
 [-1.11554813]
 [ 0.32885824]]
activations:  [array([[ 0.72041262],
       [-1.11554813],
       [ 0.32885824]]), array([[ 0.2649909 ],
       [-2.52110017]]), array([[ 1.12116877],
       [-0.16594299],
       [ 1.20975401]])]
cost derivative:  [[ 0.40075615]
 [ 0.94960514]
 [ 0.88089577]]
unit step:  1
delta:  [[ 0.40075615]
 [ 0.94960514]
 [ 0.88089577]]
delta b updated:  [array([[ 0.08295675],
       [ 1.2566628 ]]), array([[ 0.40075615],
       [ 0.94960514],
       [ 0.88089577]])]
delta w updated: [array([[ 0.05976309, -0.09254224,  0.02728101],
       [ 0.90531574, -1.40186784,  0.41326392]]), array([[ 0.10619673, -1.0103464 ],
       [ 0.25163672, -2.39404968],
       [ 0.23342936, -2.22082648]])]
input:  [[-0.89329364]
 [-0.24810329]
 [ 0.91115396]]
activations:  [array([[-0.89329364],
       [-0.24810329],
       [ 0.91115396]]), array([[ 0.01059143],
       [-0.73567597]]), array([[ 0.0078958 ],
       [ 0.07066107],
       [ 0.35848341]])]
cost derivative:  [[ 0.90118944]
 [ 0.31876437]
 [-0.55267055]]
unit step:  1
delta:  [[ 0.90118944]
 [ 0.31876437]
 [-0.55267055]]
delta b updated:  [array([[ 0.00636334],
       [ 0.12530104]]), array([[ 0.90118944],
       [ 0.31876437],
       [-0.55267055]])]
delta w updated: [array([[-0.00568433, -0.00157877,  0.00579798],
       [-0.11193062, -0.0310876 ,  0.11416854]]), array([[ 0.00954489, -0.66298342],
       [ 0.00337617, -0.23450728],
       [-0.00585357,  0.40658645]])]
input:  [[-0.89248299]
 [-0.32136112]
 [ 0.85986509]]
activations:  [array([[-0.89248299],
       [-0.32136112],
       [ 0.85986509]]), array([[-0.00164016],
       [-0.78737297]]), array([[ 0.01445715],
       [ 0.07821597],
       [ 0.37206604]])]
cost derivative:  [[ 0.90694014]
 [ 0.3995771 ]
 [-0.48779904]]
unit step:  1
delta:  [[ 0.90694014]
 [ 0.3995771 ]
 [-0.48779904]]
delta b updated:  [array([[-0.00095981],
       [ 0.15421843]]), array([[ 0.90694014],
       [ 0.3995771 ],
       [-0.48779904]])]
delta w updated: [array([[ 0.00085661,  0.00030845, -0.00082531],
       [-0.13763732, -0.04955981,  0.13260704]]), array([[ -1.48753085e-03,  -7.14100156e-01],
       [ -6.55372091e-04,  -3.14616207e-01],
       [  8.00070574e-04,   3.84079781e-01]])]
input:  [[ 0.8841156 ]
 [-0.79645963]
 [ 0.55486465]]
activations:  [array([[ 0.8841156 ],
       [-0.79645963],
       [ 0.55486465]]), array([[ 0.35976864],
       [-2.42027886]]), array([[ 1.19583103],
       [-0.23702487],
       [ 1.22350819]])]
cost derivative:  [[ 0.31171542]
 [ 0.55943476]
 [ 0.66864354]]
unit step:  1
delta:  [[ 0.31171542]
 [ 0.55943476]
 [ 0.66864354]]
delta b updated:  [array([[ 0.13229292],
       [ 0.93142125]]), array([[ 0.31171542],
       [ 0.55943476],
       [ 0.66864354]])]
delta w updated: [array([[ 0.11696223, -0.10536597,  0.07340466],
       [ 0.82348406, -0.74183943,  0.51681273]]), array([[ 0.11214543, -0.75443825],
       [ 0.20126708, -1.35398812],
       [ 0.24055697, -1.61830383]])]
input:  [[-0.85465634]
 [-0.63408057]
 [ 0.64146157]]
activations:  [array([[-0.85465634],
       [-0.63408057],
       [ 0.64146157]]), array([[-0.04532733],
       [-1.03323655]]), array([[ 0.06555693],
       [ 0.103212  ],
       [ 0.44317815]])]
cost derivative:  [[ 0.92021327]
 [ 0.73729257]
 [-0.19828342]]
unit step:  1
delta:  [[ 0.92021327]
 [ 0.73729257]
 [-0.19828342]]
delta b updated:  [array([[-0.0234207 ],
       [ 0.31575625]]), array([[ 0.92021327],
       [ 0.73729257],
       [-0.19828342]])]
delta w updated: [array([[ 0.02001665,  0.01485061, -0.01502348],
       [-0.26986308, -0.2002149 ,  0.2025455 ]]), array([[-0.04171081, -0.95079799],
       [-0.03341951, -0.76179763],
       [ 0.00898766,  0.20487368]])]
input:  [[ 0.54885873]
 [-1.04776523]
 [ 0.37365046]]
activations:  [array([[ 0.54885873],
       [-1.04776523],
       [ 0.37365046]]), array([[ 0.23362708],
       [-2.35041648]]), array([[ 1.00136358],
       [-0.14296044],
       [ 1.12202579]])]
cost derivative:  [[ 0.45250485]
 [ 0.9048048 ]
 [ 0.74837534]]
unit step:  1
delta:  [[ 0.45250485]
 [ 0.9048048 ]
 [ 0.74837534]]
delta b updated:  [array([[ 0.07857678],
       [ 1.09845117]]), array([[ 0.45250485],
       [ 0.9048048 ],
       [ 0.74837534]])]
delta w updated: [array([[ 0.04312755, -0.08233002,  0.02936025],
       [ 0.60289451, -1.15091895,  0.41043678]]), array([[ 0.10571739, -1.06357486],
       [ 0.2113869 , -2.1266681 ],
       [ 0.17484074, -1.75899373]])]
input:  [[-0.48980896]
 [-0.14139571]
 [ 0.99217199]]
activations:  [array([[-0.48980896],
       [-0.14139571],
       [ 0.99217199]]), array([[ 0.12900237],
       [-0.95843748]]), array([[ 0.25548992],
       [-0.02642521],
       [ 0.51352928]])]
cost derivative:  [[ 0.74529888]
 [ 0.1149705 ]
 [-0.47864271]]
unit step:  1
delta:  [[ 0.74529888]
 [ 0.1149705 ]
 [-0.47864271]]
delta b updated:  [array([[ 0.07682164],
       [ 0.12997041]]), array([[ 0.74529888],
       [ 0.1149705 ],
       [-0.47864271]])]
delta w updated: [array([[-0.03762793, -0.01086225,  0.07622028],
       [-0.06366067, -0.01837726,  0.128953  ]]), array([[ 0.09614532, -0.71432238],
       [ 0.01483147, -0.11019203],
       [-0.06174605,  0.45874911]])]
input:  [[-0.89224133]
 [-0.22185723]
 [ 0.92955015]]
activations:  [array([[-0.89224133],
       [-0.22185723],
       [ 0.92955015]]), array([[ 0.01519071],
       [-0.7194747 ]]), array([[ 0.00409508],
       [ 0.06547937],
       [ 0.3543965 ]])]
cost derivative:  [[ 0.89633641]
 [ 0.2873366 ]
 [-0.57515365]]
unit step:  1
delta:  [[ 0.89633641]
 [ 0.2873366 ]
 [-0.57515365]]
delta b updated:  [array([[ 0.00919096],
       [ 0.11414271]]), array([[ 0.89633641],
       [ 0.2873366 ],
       [-0.57515365]])]
delta w updated: [array([[-0.00820055, -0.00203908,  0.00854345],
       [-0.10184285, -0.02532339,  0.10610138]]), array([[ 0.01361599, -0.64489136],
       [ 0.00436485, -0.20673141],
       [-0.00873699,  0.4138085 ]])]
input:  [[-0.15797529]
 [-0.43065982]
 [ 0.7947788 ]]
activations:  [array([[-0.15797529],
       [-0.43065982],
       [ 0.7947788 ]]), array([[ 0.16240265],
       [-1.40339171]]), array([[ 0.49235058],
       [-0.06456146],
       [ 0.70825226]])]
cost derivative:  [[ 0.65032587]
 [ 0.36609836]
 [-0.08652654]]
unit step:  1
delta:  [[ 0.65032587]
 [ 0.36609836]
 [-0.08652654]]
delta b updated:  [array([[ 0.08311205],
       [ 0.33721376]]), array([[ 0.65032587],
       [ 0.36609836],
       [-0.08652654]])]
delta w updated: [array([[-0.01312965, -0.03579302,  0.0660557 ],
       [-0.05327144, -0.14522442,  0.26801034]]), array([[ 0.10561464, -0.91266193],
       [ 0.05945534, -0.51377941],
       [-0.01405214,  0.12143062]])]
input:  [[-0.10106781]
 [-0.48450296]
 [ 0.75796058]]
activations:  [array([[-0.10106781],
       [-0.48450296],
       [ 0.75796058]]), array([[ 0.16737239],
       [-1.48282187]]), array([[ 0.53286076],
       [-0.07096466],
       [ 0.74241758]])]
cost derivative:  [[ 0.63392858]
 [ 0.4135383 ]
 [-0.015543  ]]
unit step:  1
delta:  [[ 0.63392858]
 [ 0.4135383 ]
 [-0.015543  ]]
delta b updated:  [array([[ 0.08303767],
       [ 0.3845692 ]]), array([[ 0.63392858],
       [ 0.4135383 ],
       [-0.015543  ]])]
delta w updated: [array([[-0.00839244, -0.040232  ,  0.06293928],
       [-0.03886757, -0.18632491,  0.29148829]]), array([[ 0.10610214, -0.94000316],
       [ 0.06921489, -0.61320363],
       [-0.00260147,  0.0230475 ]])]
input:  [[-0.79214976]
 [-0.01515875]
 [ 1.0758593 ]]
activations:  [array([[-0.79214976],
       [-0.01515875],
       [ 1.0758593 ]]), array([[ 0.07504132],
       [-0.64948794]]), array([[ 0.04900637],
       [ 0.02213963],
       [ 0.36173527]])]
cost derivative:  [[ 0.84115614]
 [ 0.03729838]
 [-0.71412403]]
unit step:  1
delta:  [[ 0.84115614]
 [ 0.03729838]
 [-0.71412403]]
delta b updated:  [array([[ 0.04809183],
       [ 0.0560344 ]]), array([[ 0.84115614],
       [ 0.03729838],
       [-0.71412403]])]
delta w updated: [array([[-0.03809593, -0.00072901,  0.05174004],
       [-0.04438764, -0.00084941,  0.06028513]]), array([[ 0.06312147, -0.54632077],
       [ 0.00279892, -0.02422485],
       [-0.05358881,  0.46381494]])]
input:  [[ 0.79752477]
 [-0.18586622]
 [ 0.98110502]]
activations:  [array([[ 0.79752477],
       [-0.18586622],
       [ 0.98110502]]), array([[ 0.44149339],
       [-1.9339777 ]]), array([[ 1.08094931],
       [-0.28957632],
       [ 1.07822301]])]
cost derivative:  [[ 0.28342455]
 [-0.1037101 ]
 [ 0.097118  ]]
unit step:  1
delta:  [[ 0.28342455]
 [-0.1037101 ]
 [ 0.097118  ]]
delta b updated:  [array([[ 0.21960838],
       [ 0.31947745]]), array([[ 0.28342455],
       [-0.1037101 ],
       [ 0.097118  ]])]
delta w updated: [array([[ 0.17514312, -0.04081778,  0.21545888],
       [ 0.25479118, -0.05938007,  0.31344093]]), array([[ 0.12513006, -0.54813675],
       [-0.04578732,  0.20057302],
       [ 0.04287695, -0.18782404]])]
input:  [[-0.61024572]
 [-0.06079305]
 [ 1.04673886]]
activations:  [array([[-0.61024572],
       [-0.06079305],
       [ 1.04673886]]), array([[ 0.11239289],
       [-0.8148575 ]]), array([[ 0.16864636],
       [-0.01057307],
       [ 0.44852739]])]
cost derivative:  [[ 0.77889208]
 [ 0.05021998]
 [-0.59821147]]
unit step:  1
delta:  [[ 0.77889208]
 [ 0.05021998]
 [-0.59821147]]
delta b updated:  [array([[ 0.06945784],
       [ 0.08463893]]), array([[ 0.77889208],
       [ 0.05021998],
       [-0.59821147]])]
delta w updated: [array([[-0.04238635, -0.00422255,  0.07270422],
       [-0.05165054, -0.00514546,  0.08859485]]), array([[ 0.08754193, -0.63468605],
       [ 0.00564437, -0.04092213],
       [-0.06723472,  0.4874571 ]])]
input:  [[-0.35658302]
 [-0.24992639]
 [ 0.91824693]]
activations:  [array([[-0.35658302],
       [-0.24992639],
       [ 0.91824693]]), array([[ 0.14335069],
       [-1.13262828]]), array([[ 0.34681249],
       [-0.04308279],
       [ 0.59166443]])]
cost derivative:  [[ 0.70339552]
 [ 0.2068436 ]
 [-0.3265825 ]]
unit step:  1
delta:  [[ 0.70339552]
 [ 0.2068436 ]
 [-0.3265825 ]]
delta b updated:  [array([[ 0.08034527],
       [ 0.19575353]]), array([[ 0.70339552],
       [ 0.2068436 ],
       [-0.3265825 ]])]
delta w updated: [array([[-0.02864976, -0.0200804 ,  0.0737768 ],
       [-0.06980238, -0.04892397,  0.17975008]]), array([[ 0.10083223, -0.79668565],
       [ 0.02965117, -0.23427691],
       [-0.04681583,  0.36989657]])]
input:  [[-0.42968263]
 [-0.18852497]
 [ 0.96010561]]
activations:  [array([[-0.42968263],
       [-0.18852497],
       [ 0.96010561]]), array([[ 0.13552694],
       [-1.03640725]]), array([[ 0.29420839],
       [-0.03455704],
       [ 0.54955577]])]
cost derivative:  [[ 0.72389103]
 [ 0.15396794]
 [-0.41054984]]
unit step:  1
delta:  [[ 0.72389103]
 [ 0.15396794]
 [-0.41054984]]
delta b updated:  [array([[ 0.07832069],
       [ 0.1555301 ]]), array([[ 0.72389103],
       [ 0.15396794],
       [-0.41054984]])]
delta w updated: [array([[-0.03365304, -0.01476541,  0.07519614],
       [-0.06682858, -0.02932131,  0.14932532]]), array([[ 0.09810673, -0.75024591],
       [ 0.0208668 , -0.15957349],
       [-0.05564056,  0.42549683]])]
input:  [[ 0.78390241]
 [-1.10627369]
 [ 0.3363431 ]]
activations:  [array([[ 0.78390241],
       [-1.10627369],
       [ 0.3363431 ]]), array([[ 0.28171436],
       [-2.56535303]]), array([[ 1.14869069],
       [-0.18908585],
       [ 1.23575072]])]
cost derivative:  [[ 0.36478828]
 [ 0.91718784]
 [ 0.89940762]]
unit step:  1
delta:  [[ 0.36478828]
 [ 0.91718784]
 [ 0.89940762]]
delta b updated:  [array([[ 0.08486752],
       [ 1.24686244]]), array([[ 0.36478828],
       [ 0.91718784],
       [ 0.89940762]])]
delta w updated: [array([[ 0.06652785, -0.0938867 ,  0.0285446 ],
       [ 0.97741847, -1.37937111,  0.41937357]]), array([[ 0.1027661 , -0.93581072],
       [ 0.25838498, -2.3529106 ],
       [ 0.25337604, -2.30729807]])]
input:  [[ 0.53025033]
 [-1.03611129]
 [ 0.38152138]]
activations:  [array([[ 0.53025033],
       [-1.03611129],
       [ 0.38152138]]), array([[ 0.23044235],
       [-2.33163373]]), array([[ 0.97999709],
       [-0.14601919],
       [ 1.11212059]])]
cost derivative:  [[ 0.44974676]
 [ 0.89009209]
 [ 0.73059921]]
unit step:  1
delta:  [[ 0.44974676]
 [ 0.89009209]
 [ 0.73059921]]
delta b updated:  [array([[ 0.0767754 ],
       [ 1.06343146]]), array([[ 0.44974676],
       [ 0.89009209],
       [ 0.73059921]])]
delta w updated: [array([[ 0.04071018, -0.07954786,  0.02929146],
       [ 0.56388489, -1.10183334,  0.40572184]]), array([[ 0.1036407 , -1.04864472],
       [ 0.20511491, -2.07536875],
       [ 0.168361  , -1.70348976]])]
input:  [[-0.88050667]
 [-0.13357725]
 [ 0.99155448]]
activations:  [array([[-0.88050667],
       [-0.13357725],
       [ 0.99155448]]), array([[ 0.03260133],
       [-0.66840239]]), array([[  2.19987168e-04],
       [  5.15304750e-02],
       [  3.44274731e-01]])]
cost derivative:  [[ 0.88072666]
 [ 0.18510773]
 [-0.64727975]]
unit step:  1
delta:  [[ 0.88072666]
 [ 0.18510773]
 [-0.64727975]]
delta b updated:  [array([[ 0.02019872],
       [ 0.08301449]]), array([[ 0.88072666],
       [ 0.18510773],
       [-0.64727975]])]
delta w updated: [array([[-0.01778511, -0.00269809,  0.02002814],
       [-0.07309482, -0.01108885,  0.08231339]]), array([[ 0.02871286, -0.5886798 ],
       [ 0.00603476, -0.12372645],
       [-0.02110218,  0.43264333]])]
input:  [[-0.82375085]
 [-0.03083545]
 [ 1.0643883 ]]
activations:  [array([[-0.82375085],
       [-0.03083545],
       [ 1.0643883 ]]), array([[ 0.0641246 ],
       [-0.63852349]]), array([[ 0.02725465],
       [ 0.02880739],
       [ 0.3510251 ]])]
cost derivative:  [[ 0.8510055 ]
 [ 0.05964284]
 [-0.71336321]]
unit step:  1
delta:  [[ 0.8510055 ]
 [ 0.05964284]
 [-0.71336321]]
delta b updated:  [array([[ 0.0408539 ],
       [ 0.05679669]]), array([[ 0.8510055 ],
       [ 0.05964284],
       [-0.71336321]])]
delta w updated: [array([[-0.03365343, -0.00125975,  0.04348441],
       [-0.04678632, -0.00175135,  0.06045374]]), array([[ 0.05457039, -0.543387  ],
       [ 0.00382457, -0.03808336],
       [-0.04574413,  0.45549916]])]
input:  [[ 0.13937598]
 [-0.71261405]
 [ 0.60196689]]
activations:  [array([[ 0.13937598],
       [-0.71261405],
       [ 0.60196689]]), array([[ 0.18800489],
       [-1.82034396]]), array([[ 0.70046262],
       [-0.10054317],
       [ 0.88656972]])]
cost derivative:  [[ 0.56108664]
 [ 0.61207088]
 [ 0.28460283]]
unit step:  1
delta:  [[ 0.56108664]
 [ 0.61207088]
 [ 0.28460283]]
delta b updated:  [array([[ 0.0802528],
       [ 0.6134042]]), array([[ 0.56108664],
       [ 0.61207088],
       [ 0.28460283]])]
delta w updated: [array([[ 0.01118531, -0.05718927,  0.04830953],
       [ 0.08549381, -0.43712045,  0.36924902]]), array([[ 0.10548703, -1.02137068],
       [ 0.11507232, -1.11417954],
       [ 0.05350672, -0.51807505]])]
input:  [[-0.43987726]
 [-0.18029201]
 [ 0.96571207]]
activations:  [array([[-0.43987726],
       [-0.18029201],
       [ 0.96571207]]), array([[ 0.13417141],
       [-1.02471775]]), array([[ 0.28439444],
       [-0.03616883],
       [ 0.54301449]])]
cost derivative:  [[ 0.72427169]
 [ 0.14412318]
 [-0.42269758]]
unit step:  1
delta:  [[ 0.72427169]
 [ 0.14412318]
 [-0.42269758]]
delta b updated:  [array([[ 0.07763761],
       [ 0.14831327]]), array([[ 0.72427169],
       [ 0.14412318],
       [-0.42269758]])]
delta w updated: [array([[-0.03415102, -0.01399744,  0.07497558],
       [-0.06523963, -0.0267397 ,  0.14322791]]), array([[ 0.09717655, -0.74217406],
       [ 0.01933721, -0.14768558],
       [-0.05671393,  0.43314571]])]
input:  [[ 0.82906   ]
 [-1.07064725]
 [ 0.36199604]]
activations:  [array([[ 0.82906   ],
       [-1.07064725],
       [ 0.36199604]]), array([[ 0.29873391],
       [-2.57636191]]), array([[ 1.16983165],
       [-0.20815186],
       [ 1.24705664]])]
cost derivative:  [[ 0.34077164]
 [ 0.86249539]
 [ 0.88506061]]
unit step:  1
delta:  [[ 0.34077164]
 [ 0.86249539]
 [ 0.88506061]]
delta b updated:  [array([[ 0.0904224 ],
       [ 1.20662586]]), array([[ 0.34077164],
       [ 0.86249539],
       [ 0.88506061]])]
delta w updated: [array([[ 0.07496559, -0.09681049,  0.03273255],
       [ 1.00036524, -1.29187065,  0.43679378]]), array([[ 0.10180005, -0.87795108],
       [ 0.25765662, -2.22210027],
       [ 0.26439762, -2.28023644]])]
input:  [[ 0.11663588]
 [-0.69133326]
 [ 0.61651493]]
activations:  [array([[ 0.11663588],
       [-0.69133326],
       [ 0.61651493]]), array([[ 0.18580265],
       [-1.79012484]]), array([[ 0.68234084],
       [-0.10060072],
       [ 0.87176412]])]
cost derivative:  [[ 0.56570496]
 [ 0.59073254]
 [ 0.25524919]]
unit step:  1
delta:  [[ 0.56570496]
 [ 0.59073254]
 [ 0.25524919]]
delta b updated:  [array([[ 0.08020667],
       [ 0.5849044 ]]), array([[ 0.56570496],
       [ 0.59073254],
       [ 0.25524919]])]
delta w updated: [array([[ 0.00935498, -0.05544954,  0.04944861],
       [ 0.06822084, -0.40436387,  0.3606023 ]]), array([[ 0.10510948, -1.01268251],
       [ 0.10975967, -1.05748499],
       [ 0.04742598, -0.45692792]])]
input:  [[ 0.71335526]
 [-1.11486096]
 [ 0.32922941]]
activations:  [array([[ 0.71335526],
       [-1.11486096],
       [ 0.32922941]]), array([[ 0.26231388],
       [-2.52384882]]), array([[ 1.09832971],
       [-0.18254968],
       [ 1.20275582]])]
cost derivative:  [[ 0.38497445]
 [ 0.93231128]
 [ 0.87352641]]
unit step:  1
delta:  [[ 0.38497445]
 [ 0.93231128]
 [ 0.87352641]]
delta b updated:  [array([[ 0.07879183],
       [ 1.2083681 ]]), array([[ 0.38497445],
       [ 0.93231128],
       [ 0.87352641]])]
delta w updated: [array([[ 0.05620656, -0.08784193,  0.02594059],
       [ 0.86199575, -1.34716242,  0.39783031]]), array([[ 0.10098414, -0.97161731],
       [ 0.24455819, -2.35301272],
       [ 0.2291381 , -2.2046486 ]])]
input:  [[-0.84182799]
 [-0.0479054 ]
 [ 1.05215254]]
activations:  [array([[-0.84182799],
       [-0.0479054 ],
       [ 1.05215254]]), array([[ 0.05650613],
       [-0.63857022]]), array([[ 0.01523976],
       [ 0.03194344],
       [ 0.34528475]])]
cost derivative:  [[ 0.85706775]
 [ 0.07984884]
 [-0.7068678 ]]
unit step:  1
delta:  [[ 0.85706775]
 [ 0.07984884]
 [-0.7068678 ]]
delta b updated:  [array([[ 0.03579431],
       [ 0.05934043]]), array([[ 0.85706775],
       [ 0.07984884],
       [-0.7068678 ]])]
delta w updated: [array([[-0.03013266, -0.00171474,  0.03766108],
       [-0.04995443, -0.00284273,  0.06243518]]), array([[ 0.04842958, -0.54729795],
       [ 0.00451195, -0.05098909],
       [-0.03994236,  0.45138473]])]
input:  [[ 0.38085591]
 [-0.92606427]
 [ 0.45625618]]
activations:  [array([[ 0.38085591],
       [-0.92606427],
       [ 0.45625618]]), array([[ 0.21156802],
       [-2.14913502]]), array([[ 0.86897902],
       [-0.13447589],
       [ 1.02548601]])]
cost derivative:  [[ 0.48812311]
 [ 0.79158837]
 [ 0.56922983]]
unit step:  1
delta:  [[ 0.48812311]
 [ 0.79158837]
 [ 0.56922983]]
delta b updated:  [array([[ 0.07671413],
       [ 0.87640148]]), array([[ 0.48812311],
       [ 0.79158837],
       [ 0.56922983]])]
delta w updated: [array([[ 0.02921703, -0.07104222,  0.0350013 ],
       [ 0.33378268, -0.81160409,  0.39986359]]), array([[ 0.10327124, -1.04904248],
       [ 0.16747479, -1.70123029],
       [ 0.12043083, -1.22335177]])]
input:  [[ 0.77815857]
 [-1.10857954]
 [ 0.33463877]]
activations:  [array([[ 0.77815857],
       [-1.10857954],
       [ 0.33463877]]), array([[ 0.27934747],
       [-2.56894638]]), array([[ 1.13697824],
       [-0.20090946],
       [ 1.22740165]])]
cost derivative:  [[ 0.35881967]
 [ 0.90767008]
 [ 0.89276289]]
unit step:  1
delta:  [[ 0.35881967]
 [ 0.90767008]
 [ 0.89276289]]
delta b updated:  [array([[ 0.08270056],
       [ 1.21594423]]), array([[ 0.35881967],
       [ 0.90767008],
       [ 0.89276289]])]
delta w updated: [array([[ 0.06435415, -0.09168015,  0.02767481],
       [ 0.94619742, -1.34797089,  0.40690208]]), array([[ 0.10023537, -0.92178849],
       [ 0.25355534, -2.33175578],
       [ 0.24939105, -2.29345999]])]
input:  [[-0.11248479]
 [-0.47366382]
 [ 0.76537305]]
activations:  [array([[-0.11248479],
       [-0.47366382],
       [ 0.76537305]]), array([[ 0.16553454],
       [-1.47243834]]), array([[ 0.51516166],
       [-0.08002889],
       [ 0.73218192]])]
cost derivative:  [[ 0.62764645]
 [ 0.39363493]
 [-0.03319113]]
unit step:  1
delta:  [[ 0.62764645]
 [ 0.39363493]
 [-0.03319113]]
delta b updated:  [array([[ 0.08147703],
       [ 0.3609925 ]]), array([[ 0.62764645],
       [ 0.39363493],
       [-0.03319113]])]
delta w updated: [array([[-0.00916493, -0.03859272,  0.06236033],
       [-0.04060617, -0.17098909,  0.27629393]]), array([[ 0.10389717, -0.9241707 ],
       [ 0.06516018, -0.57960316],
       [-0.00549428,  0.04887189]])]
input:  [[ 0.42222839]
 [-0.95895256]
 [ 0.43387011]]
activations:  [array([[ 0.42222839],
       [-0.95895256],
       [ 0.43387011]]), array([[ 0.21610306],
       [-2.2043546 ]]), array([[ 0.8961069 ],
       [-0.14383259],
       [ 1.04663557]])]
cost derivative:  [[ 0.47387851]
 [ 0.81511996]
 [ 0.61276546]]
unit step:  1
delta:  [[ 0.47387851]
 [ 0.81511996]
 [ 0.61276546]]
delta b updated:  [array([[ 0.07596799],
       [ 0.9157572 ]]), array([[ 0.47387851],
       [ 0.81511996],
       [ 0.61276546]])]
delta w updated: [array([[ 0.03207584, -0.0728497 ,  0.03296024],
       [ 0.38665869, -0.87816771,  0.39731968]]), array([[ 0.1024066 , -1.04459627],
       [ 0.17614992, -1.79681344],
       [ 0.13242049, -1.35075236]])]
input:  [[ 0.81535065]
 [-1.08557778]
 [ 0.35132659]]
activations:  [array([[ 0.81535065],
       [-1.08557778],
       [ 0.35132659]]), array([[ 0.2923072 ],
       [-2.58238812]]), array([[ 1.15643444],
       [-0.21586309],
       [ 1.23649251]])]
cost derivative:  [[ 0.34108379]
 [ 0.86971469]
 [ 0.88516591]]
unit step:  1
delta:  [[ 0.34108379]
 [ 0.86971469]
 [ 0.88516591]]
delta b updated:  [array([[ 0.08681472],
       [ 1.19101402]]), array([[ 0.34108379],
       [ 0.86971469],
       [ 0.88516591]])]
delta w updated: [array([[ 0.07078444, -0.09424413,  0.03050032],
       [ 0.97109406, -1.29293835,  0.41843489]]), array([[ 0.09970125, -0.88081073],
       [ 0.25422387, -2.24594088],
       [ 0.25874037, -2.28584194]])]
input:  [[-0.23663819]
 [-0.35734895]
 [ 0.84489076]]
activations:  [array([[-0.23663819],
       [-0.35734895],
       [ 0.84489076]]), array([[ 0.15426544],
       [-1.30131146]]), array([[ 0.42486337],
       [-0.06838028],
       [ 0.6569264 ]])]
cost derivative:  [[ 0.66150156]
 [ 0.28896868]
 [-0.18796435]]
unit step:  1
delta:  [[ 0.66150156]
 [ 0.28896868]
 [-0.18796435]]
delta b updated:  [array([[ 0.08094703],
       [ 0.26323614]]), array([[ 0.66150156],
       [ 0.28896868],
       [-0.18796435]])]
delta w updated: [array([[-0.01915516, -0.02892634,  0.0683914 ],
       [-0.06229172, -0.09406716,  0.22240578]]), array([[ 0.10204683, -0.86081956],
       [ 0.04457788, -0.37603825],
       [-0.0289964 ,  0.24460017]])]
input:  [[-0.8411984 ]
 [-0.70686931]
 [ 0.59069842]]
activations:  [array([[-0.8411984 ],
       [-0.70686931],
       [ 0.59069842]]), array([[-0.05541858],
       [-1.10119614]]), array([[ 0.06872245],
       [ 0.09549033],
       [ 0.45860328]])]
cost derivative:  [[ 0.90992085]
 [ 0.80235963]
 [-0.13209514]]
unit step:  1
delta:  [[ 0.90992085]
 [ 0.80235963]
 [-0.13209514]]
delta b updated:  [array([[-0.02724879],
       [ 0.34393683]]), array([[ 0.90992085],
       [ 0.80235963],
       [-0.13209514]])]
delta w updated: [array([[ 0.02292164,  0.01926134, -0.01609582],
       [-0.28931911, -0.24311839,  0.20316294]]), array([[-0.05042652, -1.00200133],
       [-0.04446563, -0.88355534],
       [ 0.00732053,  0.14546266]])]
input:  [[ 0.82464401]
 [-1.07597374]
 [ 0.3581971 ]]
activations:  [array([[ 0.82464401],
       [-1.07597374],
       [ 0.3581971 ]]), array([[ 0.2961333 ],
       [-2.58396597]]), array([[ 1.15901225],
       [-0.22247894],
       [ 1.23746517]])]
cost derivative:  [[ 0.33436824]
 [ 0.85349479]
 [ 0.87926807]]
unit step:  1
delta:  [[ 0.33436824]
 [ 0.85349479]
 [ 0.87926807]]
delta b updated:  [array([[ 0.08793819],
       [ 1.17499175]]), array([[ 0.33436824],
       [ 0.85349479],
       [ 0.87926807]])]
delta w updated: [array([[ 0.0725177 , -0.09461918,  0.0314992 ],
       [ 0.9689499 , -1.26426027,  0.42087864]]), array([[ 0.09901757, -0.86399615],
       [ 0.25274823, -2.2054015 ],
       [ 0.26038056, -2.27199877]])]
input:  [[ 0.80028279]
 [-1.09741885]
 [ 0.34279947]]
activations:  [array([[ 0.80028279],
       [-1.09741885],
       [ 0.34279947]]), array([[ 0.28635009],
       [-2.58220201]]), array([[ 1.14482935],
       [-0.21730322],
       [ 1.2288738 ]])]
cost derivative:  [[ 0.34454656]
 [ 0.88011562]
 [ 0.88607433]]
unit step:  1
delta:  [[ 0.34454656]
 [ 0.88011562]
 [ 0.88607433]]
delta b updated:  [array([[ 0.08414759],
       [ 1.18617834]]), array([[ 0.34454656],
       [ 0.88011562],
       [ 0.88607433]])]
delta w updated: [array([[ 0.06734187, -0.09234515,  0.02884575],
       [ 0.94927811, -1.30173446,  0.40662131]]), array([[ 0.09866094, -0.88968882],
       [ 0.25202119, -2.27263633],
       [ 0.25372747, -2.28802291]])]
input:  [[ 0.84136483]
 [-1.05252402]
 [ 0.37487938]]
activations:  [array([[ 0.84136483],
       [-1.05252402],
       [ 0.37487938]]), array([[ 0.30410053],
       [-2.58220216]]), array([[ 1.16672184],
       [-0.23285717],
       [ 1.23680073]])]
cost derivative:  [[ 0.32535701]
 [ 0.81966686]
 [ 0.86192135]]
unit step:  1
delta:  [[ 0.32535701]
 [ 0.81966686]
 [ 0.86192135]]
delta b updated:  [array([[ 0.09135126],
       [ 1.14291108]]), array([[ 0.32535701],
       [ 0.81966686],
       [ 0.86192135]])]
delta w updated: [array([[ 0.07685974, -0.0961494 ,  0.03424571],
       [ 0.96160518, -1.20294137,  0.4284538 ]]), array([[ 0.09894124, -0.84013757],
       [ 0.24926113, -2.11654553],
       [ 0.26211074, -2.22565517]])]
input:  [[ 0.88312251]
 [-0.87095692]
 [ 0.50267967]]
activations:  [array([[ 0.88312251],
       [-0.87095692],
       [ 0.50267967]]), array([[ 0.34521701],
       [-2.48703029]]), array([[ 1.17767271],
       [-0.2620412 ],
       [ 1.22145155]])]
cost derivative:  [[ 0.29455021]
 [ 0.60891571]
 [ 0.71877188]]
unit step:  1
delta:  [[ 0.29455021]
 [ 0.60891571]
 [ 0.71877188]]
delta b updated:  [array([[ 0.11600216],
       [ 0.94734507]]), array([[ 0.29455021],
       [ 0.60891571],
       [ 0.71877188]])]
delta w updated: [array([[ 0.10244412, -0.10103288,  0.05831193],
       [ 0.83662175, -0.82509674,  0.47621111]]), array([[ 0.10168374, -0.73255529],
       [ 0.21020806, -1.51439182],
       [ 0.24813228, -1.78760743]])]
input:  [[-0.89286411]
 [-0.23476572]
 [ 0.92050079]]
activations:  [array([[-0.89286411],
       [-0.23476572],
       [ 0.92050079]]), array([[ 0.01177311],
       [-0.73492068]]), array([[-0.00498066],
       [ 0.05503538],
       [ 0.35178601]])]
cost derivative:  [[ 0.88788345]
 [ 0.2898011 ]
 [-0.56871477]]
unit step:  1
delta:  [[ 0.88788345]
 [ 0.2898011 ]
 [-0.56871477]]
delta b updated:  [array([[ 0.0070103 ],
       [ 0.11113609]]), array([[ 0.88788345],
       [ 0.2898011 ],
       [-0.56871477]])]
delta w updated: [array([[-0.00625924, -0.00164578,  0.00645298],
       [-0.09922943, -0.02609094,  0.10230086]]), array([[ 0.01045315, -0.65252391],
       [ 0.00341186, -0.21298082],
       [-0.00669554,  0.41796025]])]
input:  [[ 0.80545352]
 [-1.09380872]
 [ 0.34540823]]
activations:  [array([[ 0.80545352],
       [-1.09380872],
       [ 0.34540823]]), array([[ 0.28796339],
       [-2.58670775]]), array([[ 1.14550974],
       [-0.22488748],
       [ 1.22577228]])]
cost derivative:  [[ 0.34005623]
 [ 0.86892125]
 [ 0.88036405]]
unit step:  1
delta:  [[ 0.34005623]
 [ 0.86892125]
 [ 0.88036405]]
delta b updated:  [array([[ 0.08429329],
       [ 1.16863183]]), array([[ 0.34005623],
       [ 0.86892125],
       [ 0.88036405]])]
delta w updated: [array([[ 0.06789433, -0.09220074,  0.0291156 ],
       [ 0.94127861, -1.27825969,  0.40365505]]), array([[ 0.09792374, -0.87962608],
       [ 0.25021751, -2.24764532],
       [ 0.25351262, -2.27724452]])]
input:  [[-0.37776181]
 [-0.23174803]
 [ 0.93064673]]
activations:  [array([[-0.37776181],
       [-0.23174803],
       [ 0.93064673]]), array([[ 0.14025686],
       [-1.11268902]]), array([[ 0.32150091],
       [-0.05730737],
       [ 0.57067001]])]
cost derivative:  [[ 0.69926272]
 [ 0.17444066]
 [-0.35997672]]
unit step:  1
delta:  [[ 0.69926272]
 [ 0.17444066]
 [-0.35997672]]
delta b updated:  [array([[ 0.07851373],
       [ 0.1723156 ]]), array([[ 0.69926272],
       [ 0.17444066],
       [-0.35997672]])]
delta w updated: [array([[-0.02965949, -0.0181954 ,  0.07306854],
       [-0.06509425, -0.0399338 ,  0.16036495]]), array([[ 0.09807639, -0.77806195],
       [ 0.0244665 , -0.19409821],
       [-0.0504892 ,  0.40054215]])]
input:  [[ 0.31706324]
 [-0.8727042 ]
 [ 0.49262874]]
activations:  [array([[ 0.31706324],
       [-0.8727042 ],
       [ 0.49262874]]), array([[ 0.20402595],
       [-2.07337638]]), array([[ 0.81548672],
       [-0.14386672],
       [ 0.97784905]])]
cost derivative:  [[ 0.49842348]
 [ 0.72883748]
 [ 0.48522031]]
unit step:  1
delta:  [[ 0.49842348]
 [ 0.72883748]
 [ 0.48522031]]
delta b updated:  [array([[ 0.07616712],
       [ 0.7707402 ]]), array([[ 0.49842348],
       [ 0.72883748],
       [ 0.48522031]])]
delta w updated: [array([[ 0.02414979, -0.06647136,  0.03752211],
       [ 0.24437338, -0.67262821,  0.37968877]]), array([[ 0.10169132, -1.03341947],
       [ 0.14870176, -1.51115441],
       [ 0.09899753, -1.00604432]])]
input:  [[ 0.84514637]
 [-1.04575562]
 [ 0.37967818]]
activations:  [array([[ 0.84514637],
       [-1.04575562],
       [ 0.37967818]]), array([[ 0.30581095],
       [-2.58413981]]), array([[ 1.16445012],
       [-0.24218074],
       [ 1.23220066]])]
cost derivative:  [[ 0.31930375]
 [ 0.80357488]
 [ 0.85252248]]
unit step:  1
delta:  [[ 0.31930375]
 [ 0.80357488]
 [ 0.85252248]]
delta b updated:  [array([[ 0.09135758],
       [ 1.11770681]]), array([[ 0.31930375],
       [ 0.80357488],
       [ 0.85252248]])]
delta w updated: [array([[ 0.07721053, -0.0955377 ,  0.03468648],
       [ 0.94462586, -1.16884818,  0.42436889]]), array([[ 0.09764658, -0.82512553],
       [ 0.245742  , -2.07654982],
       [ 0.26071071, -2.20303728]])]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.37036119]
 [-0.91749063]
 [ 0.46209653]]
dot product : [[-0.34477764]
 [-1.89130721]]
result : [[ 0.2095363 ]
 [-2.14545596]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.2095363 ]
 [-2.14545596]]
dot product : [[ 1.18917009]
 [-0.24584559]
 [ 0.94502358]]
result : [[ 0.85190538]
 [-0.15399867]
 [ 1.00603056]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.45257334]
 [-0.98203513]
 [ 0.41817889]]
dot product : [[-0.33531336]
 [-1.99711578]]
result : [[ 0.21900058]
 [-2.25126452]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.21900058]
 [-2.25126452]]
dot product : [[ 1.24670115]
 [-0.25731919]
 [ 0.99112967]]
result : [[ 0.90943644]
 [-0.16547227]
 [ 1.05213665]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.6015206 ]
 [-0.06581055]
 [ 1.04336123]]
dot product : [[-0.44160172]
 [-0.57836813]]
result : [[ 0.11271222]
 [-0.83251688]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.11271222]
 [-0.83251688]]
dot product : [[ 0.50174305]
 [-0.11890492]
 [ 0.3847672 ]]
result : [[ 0.16447833]
 [-0.027058  ]
 [ 0.44577418]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.76625553]
 [-1.11224554]
 [ 0.33188589]]
dot product : [[-0.27948876]
 [-2.31952534]]
result : [[ 0.27482518]
 [-2.57367408]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.27482518]
 [-2.57367408]]
dot product : [[ 1.45663492]
 [-0.31248077]
 [ 1.14714119]]
result : [[ 1.1193702 ]
 [-0.22063385]
 [ 1.20814817]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.66848697]
 [-0.03190354]
 [ 1.06606158]]
dot product : [[-0.45248177]
 [-0.50525895]]
result : [[ 0.10183218]
 [-0.75940769]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.10183218]
 [-0.75940769]]
dot product : [[ 0.45642127]
 [-0.10772797]
 [ 0.35041327]]
result : [[ 0.11915656]
 [-0.01588106]
 [ 0.41142025]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.88431089]
 [-0.8122521 ]
 [ 0.54380843]]
dot product : [[-0.19919984]
 [-2.19637712]]
result : [[ 0.3551141 ]
 [-2.45052587]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.3551141 ]
 [-2.45052587]]
dot product : [[ 1.50684517]
 [-0.36747254]
 [ 1.14599479]]
result : [[ 1.16958046]
 [-0.27562562]
 [ 1.20700176]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.32441767]
 [-0.27805098]
 [ 0.89905324]]
dot product : [[-0.40879928]
 [-0.93128333]]
result : [[ 0.14551467]
 [-1.18543207]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.14551467]
 [-1.18543207]]
dot product : [[ 0.69521794]
 [-0.15809872]
 [ 0.53926046]]
result : [[ 0.35795322]
 [-0.0662518 ]
 [ 0.60026744]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.84591795]
 [-0.68208683]
 [ 0.60797968]]
dot product : [[-0.60700541]
 [-0.82996851]]
result : [[-0.05269147]
 [-1.08411726]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.05269147]
 [-1.08411726]]
dot product : [[ 0.39740468]
 [-0.00552903]
 [ 0.38632265]]
result : [[ 0.06013997]
 [ 0.08631789]
 [ 0.44732963]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.88454188]
 [-0.15320278]
 [ 0.97774804]]
dot product : [[-0.52676881]
 [-0.43099623]]
result : [[ 0.02754513]
 [-0.68514497]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.02754513]
 [-0.68514497]]
dot product : [[ 0.3292354 ]
 [-0.04903994]
 [ 0.27914621]]
result : [[-0.00802932]
 [ 0.04280698]
 [ 0.34015319]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.891427  ]
 [-0.20937399]
 [ 0.9383047 ]]
dot product : [[-0.53802054]
 [-0.46527201]]
result : [[ 0.0162934 ]
 [-0.71942075]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.0162934 ]
 [-0.71942075]]
dot product : [[ 0.32949852]
 [-0.0420393 ]
 [ 0.28584683]]
result : [[-0.00776619]
 [ 0.04980762]
 [ 0.34685381]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.07095282]
 [-0.6482618 ]
 [ 0.64596492]]
dot product : [[-0.37344262]
 [-1.48202959]]
result : [[ 0.18087133]
 [-1.73617833]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.18087133]
 [-1.73617833]]
dot product : [[ 0.97682857]
 [-0.20741087]
 [ 0.77124984]]
result : [[ 0.63956386]
 [-0.11556395]
 [ 0.83225682]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.207027  ]
 [-0.77506961]
 [ 0.55928504]]
dot product : [[-0.36117082]
 [-1.67115389]]
result : [[ 0.19314312]
 [-1.92530264]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.19314312]
 [-1.92530264]]
dot product : [[ 1.07370005]
 [-0.22444213]
 [ 0.85098919]]
result : [[ 0.73643534]
 [-0.13259521]
 [ 0.91199617]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.35980925]
 [-0.90878401]
 [ 0.46802911]]
dot product : [[-0.34592065]
 [-1.87743081]]
result : [[ 0.20839329]
 [-2.13157956]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.20839329]
 [-2.13157956]]
dot product : [[ 1.18175112]
 [-0.24441437]
 [ 0.93903342]]
result : [[ 0.84448641]
 [-0.15256745]
 [ 1.0000404 ]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.78790495]
 [-0.95398039]
 [ 0.41848079]]
dot product : [[-0.63877323]
 [-1.06319842]]
result : [[-0.08445929]
 [-1.31734716]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.08445929]
 [-1.31734716]]
dot product : [[ 0.45667948]
 [ 0.00857593]
 [ 0.45768163]]
result : [[ 0.11941476]
 [ 0.10042285]
 [ 0.51868861]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.87164646]
 [-0.96772944]
 [ 0.43473216]]
dot product : [[-0.2287552 ]
 [-2.29596151]]
result : [[ 0.32555874]
 [-2.55011026]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.32555874]
 [-2.55011026]]
dot product : [[ 1.51163307]
 [-0.34947985]
 [ 1.16726598]]
result : [[ 1.17436836]
 [-0.25763293]
 [ 1.22827295]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.05949974]
 [-0.63741001]
 [ 0.65338569]]
dot product : [[-0.37444517]
 [-1.46598624]]
result : [[ 0.17986878]
 [-1.72013499]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.17986878]
 [-1.72013499]]
dot product : [[ 0.96866036]
 [-0.2059949 ]
 [ 0.7645077 ]]
result : [[ 0.63139564]
 [-0.11414799]
 [ 0.82551468]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.83309753]
 [-0.03868815]
 [ 1.0587434 ]]
dot product : [[-0.49453541]
 [-0.38868971]]
result : [[ 0.05977853]
 [-0.64283845]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.05977853]
 [-0.64283845]]
dot product : [[ 0.35245304]
 [-0.07141326]
 [ 0.28142739]]
result : [[ 0.01518833]
 [ 0.02043366]
 [ 0.34243437]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.39871286]
 [-0.21406246]
 [ 0.94270499]]
dot product : [[-0.41639084]
 [-0.83169924]]
result : [[ 0.1379231 ]
 [-1.08584799]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.1379231 ]
 [-1.08584799]]
dot product : [[ 0.64276004]
 [-0.14828513]
 [ 0.49662359]]
result : [[ 0.30549533]
 [-0.05643822]
 [ 0.55763056]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.86836884]
 [-0.59192698]
 [ 0.69785067]]
dot product : [[-0.16573768]
 [-2.03028043]]
result : [[ 0.38857626]
 [-2.28442918]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.38857626]
 [-2.28442918]]
dot product : [[ 1.47854092]
 [-0.3856306 ]
 [ 1.10140981]]
result : [[ 1.1412762 ]
 [-0.29378368]
 [ 1.16241679]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.85862676]
 [-1.01494338]
 [ 0.40146581]]
dot product : [[-0.24000977]
 [-2.31944102]]
result : [[ 0.31430418]
 [-2.57358977]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.31430418]
 [-2.57358977]]
dot product : [[ 1.50726158]
 [-0.34202923]
 [ 1.16981592]]
result : [[ 1.16999687]
 [-0.25018231]
 [ 1.2308229 ]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.88051691]
 [-0.46227744]
 [ 0.76136981]]
dot product : [[-0.57826659]
 [-0.6504825 ]]
result : [[-0.02395264]
 [-0.90463125]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.02395264]
 [-0.90463125]]
dot product : [[ 0.35729581]
 [-0.01959603]
 [ 0.3338754 ]]
result : [[ 0.02003109]
 [ 0.07225088]
 [ 0.39488238]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.12388573]
 [-0.46285611]
 [ 0.77276375]]
dot product : [[-0.39036262]
 [-1.20854418]]
result : [[ 0.16395132]
 [-1.46269293]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.16395132]
 [-1.46269293]]
dot product : [[ 0.83780613]
 [-0.18340075]
 [ 0.65641678]]
result : [[ 0.50054142]
 [-0.09155383]
 [ 0.71742375]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.41942256]
 [-0.19690025]
 [ 0.95440051]]
dot product : [[-0.41862155]
 [-0.80441283]]
result : [[ 0.13569239]
 [-1.05856158]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.13569239]
 [-1.05856158]]
dot product : [[ 0.62819313]
 [-0.14548345]
 [ 0.48485431]]
result : [[ 0.29092842]
 [-0.05363653]
 [ 0.54586129]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.89340573]
 [-0.2907287 ]
 [ 0.88130219]]
dot product : [[-0.5523307 ]
 [-0.52080602]]
result : [[ 0.00198324]
 [-0.77495477]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.00198324]
 [-0.77495477]]
dot product : [[ 0.33495533]
 [-0.03363109]
 [ 0.29895792]]
result : [[-0.00230938]
 [ 0.05821583]
 [ 0.3599649 ]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.72842907]
 [-0.01346693]
 [ 1.07803774]]
dot product : [[-0.4642442 ]
 [-0.44816448]]
result : [[ 0.09006975]
 [-0.70231323]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.09006975]
 [-0.70231323]]
dot product : [[ 0.41683653]
 [-0.09655484]
 [ 0.32170631]]
result : [[ 0.07957182]
 [-0.00470792]
 [ 0.38271329]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.86733502]
 [-0.09135316]
 [ 1.02132887]]
dot product : [[-0.51198791]
 [-0.40034986]]
result : [[ 0.04232603]
 [-0.65449861]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.04232603]
 [-0.65449861]]
dot product : [[ 0.33505802]
 [-0.0588329 ]
 [ 0.27587026]]
result : [[-0.0022067 ]
 [ 0.03301402]
 [ 0.33687724]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.87519723]
 [-0.65344906]
 [ 0.65487403]]
dot product : [[-0.17449085]
 [-2.07841193]]
result : [[ 0.3798231 ]
 [-2.33256067]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.3798231 ]
 [-2.33256067]]
dot product : [[ 1.4879537 ]
 [-0.38107501]
 [ 1.11487232]]
result : [[ 1.15068899]
 [-0.28922809]
 [ 1.1758793 ]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.6280486 ]
 [-1.08977712]
 [ 0.34546499]]
dot product : [[-0.31001305]
 [-2.20192326]]
result : [[ 0.24430089]
 [-2.45607201]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.24430089]
 [-2.45607201]]
dot product : [[ 1.36701911]
 [-0.2847535 ]
 [ 1.08438973]]
result : [[ 1.0297544 ]
 [-0.19290658]
 [ 1.14539671]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.48228053]
 [-1.0036456 ]
 [ 0.40350862]]
dot product : [[-0.33160258]
 [-2.03414977]]
result : [[ 0.22271136]
 [-2.28829851]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.22271136]
 [-2.28829851]]
dot product : [[ 1.26734856]
 [-0.26163313]
 [ 1.00749627]]
result : [[ 0.93008385]
 [-0.16978621]
 [ 1.06850324]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.80786871]
 [-0.86671599]
 [ 0.47927961]]
dot product : [[-0.62891139]
 [-0.98735224]]
result : [[-0.07459744]
 [-1.24150099]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.07459744]
 [-1.24150099]]
dot product : [[ 0.43680147]
 [ 0.0043401 ]
 [ 0.43420598]]
result : [[ 0.09953675]
 [ 0.09618702]
 [ 0.49521296]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.76193823]
 [-0.01066996]
 [ 1.07947387]]
dot product : [[-0.47209523]
 [-0.42150799]]
result : [[ 0.08221871]
 [-0.67565673]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.08221871]
 [-0.67565673]]
dot product : [[ 0.39532733]
 [-0.08957219]
 [ 0.30694647]]
result : [[ 0.05806262]
 [ 0.00227472]
 [ 0.36795345]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.76825116]
 [-0.01096956]
 [ 1.07916561]]
dot product : [[-0.47371471]
 [-0.41706508]]
result : [[ 0.08059923]
 [-0.67121383]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.08059923]
 [-0.67121383]]
dot product : [[ 0.39134332]
 [-0.08817563]
 [ 0.30430757]]
result : [[ 0.05407861]
 [ 0.00367128]
 [ 0.36531455]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.85618893]
 [-0.50293269]
 [ 0.75998228]]
dot product : [[-0.15364794]
 [-1.95895929]]
result : [[ 0.40066601]
 [-2.21310804]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.40066601]
 [-2.21310804]]
dot product : [[ 1.46346292]
 [-0.39172183]
 [ 1.08095456]]
result : [[ 1.12619821]
 [-0.29987492]
 [ 1.14196154]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.28086071]
 [-0.31698969]
 [ 0.8724642 ]]
dot product : [[-0.40459049]
 [-0.99066411]]
result : [[ 0.14972345]
 [-1.24481286]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.14972345]
 [-1.24481286]]
dot product : [[ 0.7260899 ]
 [-0.16371243]
 [ 0.56450143]]
result : [[ 0.38882518]
 [-0.07186551]
 [ 0.62550841]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.75549339]
 [-0.01066178]
 [ 1.0795801 ]]
dot product : [[-0.47049248]
 [-0.42625227]]
result : [[ 0.08382146]
 [-0.68040102]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.08382146]
 [-0.68040102]]
dot product : [[ 0.39941914]
 [-0.09096874]
 [ 0.30969157]]
result : [[ 0.06215443]
 [ 0.00087818]
 [ 0.37069854]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.86939212]
 [-0.97796583]
 [ 0.42752859]]
dot product : [[-0.23105405]
 [-2.30147103]]
result : [[ 0.3232599 ]
 [-2.55561978]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.3232599 ]
 [-2.55561978]]
dot product : [[ 1.51104626]
 [-0.34798759]
 [ 1.16806107]]
result : [[ 1.17378155]
 [-0.25614068]
 [ 1.22906805]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.87704311]
 [-0.67298184]
 [ 0.64122427]]
dot product : [[-0.17734994]
 [-2.09345591]]
result : [[ 0.37696401]
 [-2.34760466]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.37696401]
 [-2.34760466]]
dot product : [[ 1.49073766]
 [-0.3795589 ]
 [ 1.1190093 ]]
result : [[ 1.15347295]
 [-0.28771198]
 [ 1.18001628]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.73538449]
 [-0.01234762]
 [ 1.07871312]]
dot product : [[-0.46578231]
 [-0.44225404]]
result : [[ 0.08853163]
 [-0.69640278]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.08853163]
 [-0.69640278]]
dot product : [[ 0.41232746]
 [-0.09515831]
 [ 0.31855024]]
result : [[ 0.07506274]
 [-0.00331139]
 [ 0.37955722]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.76277979]
 [-0.03044527]
 [ 1.08940248]]
dot product : [[-0.09660322]
 [-1.55911713]]
result : [[ 0.45771072]
 [-1.81326588]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.45771072]
 [-1.81326588]]
dot product : [[ 1.36515869]
 [-0.4178364 ]
 [ 0.96010455]]
result : [[ 1.02789398]
 [-0.32598949]
 [ 1.02111153]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.77443049]
 [-0.01156442]
 [ 1.07865268]]
dot product : [[-0.47535115]
 [-0.41292749]]
result : [[ 0.0789628 ]
 [-0.66707623]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.0789628 ]
 [-0.66707623]]
dot product : [[ 0.38746853]
 [-0.08677905]
 [ 0.30177625]]
result : [[ 0.05020381]
 [ 0.00506787]
 [ 0.36278323]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.61887301]
 [-0.05599051]
 [ 1.04996748]]
dot product : [[-0.44424534]
 [-0.55869962]]
result : [[ 0.1100686 ]
 [-0.81284836]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.1100686 ]
 [-0.81284836]]
dot product : [[ 0.48991389]
 [-0.11611016]
 [ 0.37568801]]
result : [[ 0.15264917]
 [-0.02426324]
 [ 0.43669499]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.85550694]
 [-1.02321488]
 [ 0.39562474]]
dot product : [[-0.24218991]
 [-2.32293616]]
result : [[ 0.31212403]
 [-2.57708491]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.31212403]
 [-2.57708491]]
dot product : [[ 1.50596304]
 [-0.34054227]
 [ 1.16990516]]
result : [[ 1.16869833]
 [-0.24869535]
 [ 1.23091214]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.02084301]
 [-0.56093583]
 [ 0.70568668]]
dot product : [[-0.38141863]
 [-1.35319823]]
result : [[ 0.17289531]
 [-1.60734698]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.17289531]
 [-1.60734698]]
dot product : [[ 0.91133195]
 [-0.19609627]
 [ 0.71715203]]
result : [[ 0.57406723]
 [-0.10424935]
 [ 0.77815901]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.82561786]
 [-0.78438004]
 [ 0.53666163]]
dot product : [[-0.6193364 ]
 [-0.91659088]]
result : [[-0.06502245]
 [-1.17073963]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.06502245]
 [-1.17073963]]
dot product : [[  4.18736431e-01]
 [  1.08063809e-04]
 [  4.12519442e-01]]
result : [[ 0.08147172]
 [ 0.09195498]
 [ 0.47352642]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.8641857 ]
 [-0.08405028]
 [ 1.02649209]]
dot product : [[-0.50996496]
 [-0.39755501]]
result : [[ 0.04434898]
 [-0.65170376]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.04434898]
 [-0.65170376]]
dot product : [[ 0.33645522]
 [-0.06023124]
 [ 0.27595974]]
result : [[-0.0008095 ]
 [ 0.03161568]
 [ 0.33696671]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.66063379]
 [-1.10247317]
 [ 0.33708225]]
dot product : [[-0.304073  ]
 [-2.23483348]]
result : [[ 0.25024094]
 [-2.48898223]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.25024094]
 [-2.48898223]]
dot product : [[ 1.38875845]
 [-0.29056509]
 [ 1.10045375]]
result : [[ 1.05149374]
 [-0.19871817]
 [ 1.16146073]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.86603769]
 [-0.56591058]
 [ 0.68902265]]
dot product : [[-0.5922715 ]
 [-0.73375342]]
result : [[-0.03795756]
 [-0.98790216]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.03795756]
 [-0.98790216]]
dot product : [[ 0.37504185]
 [-0.0125669 ]
 [ 0.35782143]]
result : [[ 0.03777714]
 [ 0.07928002]
 [ 0.41882841]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.33854048]
 [-0.89098712]
 [ 0.48016037]]
dot product : [[-0.34818247]
 [-1.84928772]]
result : [[ 0.20613147]
 [-2.10343647]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.20613147]
 [-2.10343647]]
dot product : [[ 1.16677682]
 [-0.24155386]
 [ 0.92691702]]
result : [[ 0.82951211]
 [-0.14970694]
 [ 0.987924  ]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.34920177]
 [-0.89994823]
 [ 0.47405128]]
dot product : [[-0.34705552]
 [-1.863423  ]]
result : [[ 0.20725843]
 [-2.11757175]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.20725843]
 [-2.11757175]]
dot product : [[ 1.17428623]
 [-0.2429838 ]
 [ 0.93299744]]
result : [[ 0.83702152]
 [-0.15113688]
 [ 0.99400442]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.39129169]
 [-0.9345011 ]
 [ 0.45051071]]
dot product : [[-0.3424663 ]
 [-1.91865007]]
result : [[ 0.21184765]
 [-2.17279882]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.21184765]
 [-2.17279882]]
dot product : [[ 1.2038647 ]
 [-0.24870997]
 [ 0.95686093]]
result : [[ 0.86659998]
 [-0.15686305]
 [ 1.01786791]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.88371996]
 [-0.780213  ]
 [ 0.56623579]]
dot product : [[-0.19390467]
 [-2.17349685]]
result : [[ 0.36040928]
 [-2.4276456 ]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.36040928]
 [-2.4276456 ]]
dot product : [[ 1.50382609]
 [-0.37048712]
 [ 1.14024746]]
result : [[ 1.16656138]
 [-0.2786402 ]
 [ 1.20125444]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.88137046]
 [-0.8976838 ]
 [ 0.48393586]]
dot product : [[-0.21444145]
 [-2.25405844]]
result : [[ 0.33987249]
 [-2.50820719]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.33987249]
 [-2.50820719]]
dot product : [[ 1.51202774]
 [-0.35845617]
 [ 1.15939535]]
result : [[ 1.17476302]
 [-0.26660925]
 [ 1.22040233]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.88232077]
 [-0.74634198]
 [ 0.58993341]]
dot product : [[-0.18849916]
 [-2.14873754]]
result : [[ 0.36581478]
 [-2.40288629]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.36581478]
 [-2.40288629]]
dot product : [[ 1.5001426 ]
 [-0.37350634]
 [ 1.13384148]]
result : [[ 1.16287789]
 [-0.28165942]
 [ 1.19484845]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.65236982]
 [-0.03900642]
 [ 1.06133886]]
dot product : [[-0.44968355]
 [-0.52211355]]
result : [[ 0.10463039]
 [-0.7762623 ]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.10463039]
 [-0.7762623 ]]
dot product : [[ 0.46724182]
 [-0.11052173]
 [ 0.35849999]]
result : [[ 0.12997711]
 [-0.01867482]
 [ 0.41950697]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.06673768]
 [-0.51717072]
 [ 0.73561912]]
dot product : [[-0.38538849]
 [-1.2887134 ]]
result : [[ 0.16892545]
 [-1.54286215]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.16892545]
 [-1.54286215]]
dot product : [[ 0.87857727]
 [-0.19044969]
 [ 0.690087  ]]
result : [[ 0.54131255]
 [-0.09860277]
 [ 0.75109398]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.63635401]
 [-1.09331501]
 [ 0.34311697]]
dot product : [[-0.30855031]
 [-2.210523  ]]
result : [[ 0.24576363]
 [-2.46467175]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.24576363]
 [-2.46467175]]
dot product : [[ 1.37258501]
 [-0.28620517]
 [ 1.08853596]]
result : [[ 1.0353203 ]
 [-0.19435825]
 [ 1.14954294]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.14663269]
 [-0.44135029]
 [ 0.78746928]]
dot product : [[-0.39236175]
 [-1.17671337]]
result : [[ 0.1619522 ]
 [-1.43086212]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.1619522 ]
 [-1.43086212]]
dot product : [[ 0.82158712]
 [-0.1805839 ]
 [ 0.64303427]]
result : [[ 0.48432241]
 [-0.08873698]
 [ 0.70404125]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.5761078 ]
 [-1.06372307]
 [ 0.36290032]]
dot product : [[-0.31849352]
 [-2.14538963]]
result : [[ 0.23582043]
 [-2.39953837]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.23582043]
 [-2.39953837]]
dot product : [[ 1.33188663]
 [-0.27606034]
 [ 1.05778599]]
result : [[ 0.99462192]
 [-0.18421342]
 [ 1.11879297]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.58500707]
 [-1.0686209 ]
 [ 0.35960921]]
dot product : [[-0.31711421]
 [-2.15537975]]
result : [[ 0.23719973]
 [-2.4095285 ]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.23719973]
 [-2.4095285 ]]
dot product : [[ 1.33794185]
 [-0.27750723]
 [ 1.06241856]]
result : [[ 1.00067714]
 [-0.18566031]
 [ 1.12342553]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.32782706]
 [-0.8819045 ]
 [ 0.48635374]]
dot product : [[-0.34930173]
 [-1.83502891]]
result : [[ 0.20501221]
 [-2.08917766]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.20501221]
 [-2.08917766]]
dot product : [[ 1.15922429]
 [-0.24012455]
 [ 0.92079356]]
result : [[ 0.82195958]
 [-0.14827764]
 [ 0.98180053]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.49957509]
 [-0.13409692]
 [ 0.99713094]]
dot product : [[-0.42786982]
 [-0.70134202]]
result : [[ 0.12644413]
 [-0.95549076]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.12644413]
 [-0.95549076]]
dot product : [[ 0.57211361]
 [-0.13428511]
 [ 0.43992459]]
result : [[ 0.2348489 ]
 [-0.04243819]
 [ 0.50093156]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.61963995]
 [-1.08600301]
 [ 0.34797682]]
dot product : [[-0.31146132]
 [-2.19308195]]
result : [[ 0.24285262]
 [-2.4472307 ]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.24285262]
 [-2.4472307 ]]
dot product : [[ 1.36136817]
 [-0.28330265]
 [ 1.08015899]]
result : [[ 1.02410346]
 [-0.19145573]
 [ 1.14116597]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.88956859]
 [-0.37070946]
 [ 0.82535253]]
dot product : [[-0.56496241]
 [-0.57966397]]
result : [[-0.01064846]
 [-0.83381271]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.01064846]
 [-0.83381271]]
dot product : [[ 0.34399186]
 [-0.02661718]
 [ 0.31431181]]
result : [[ 0.00672715]
 [ 0.06522974]
 [ 0.37531879]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.0896365]
 [-0.4953697]
 [ 0.750529 ]]
dot product : [[-0.38737521]
 [-1.25656387]]
result : [[ 0.16693873]
 [-1.51071262]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.16693873]
 [-1.51071262]]
dot product : [[ 0.86223747]
 [-0.18762891]
 [ 0.67658914]]
result : [[ 0.52497275]
 [-0.09578199]
 [ 0.73759612]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.77023174]
 [-0.06266718]
 [ 1.0669541 ]]
dot product : [[-0.10022467]
 [-1.58718221]]
result : [[ 0.45408927]
 [-1.84133095]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.45408927]
 [-1.84133095]]
dot product : [[ 1.37254962]
 [-0.41628977]
 [ 0.96880709]]
result : [[ 1.03528491]
 [-0.32444285]
 [ 1.02981407]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.6839231 ]
 [-1.10936775]
 [ 0.33261725]]
dot product : [[-0.29945732]
 [-2.25682823]]
result : [[ 0.25485662]
 [-2.51097698]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.25485662]
 [-2.51097698]]
dot product : [[ 1.40411615]
 [-0.29493254]
 [ 1.1115612 ]]
result : [[ 1.06685144]
 [-0.20308562]
 [ 1.17256818]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.03656671]
 [-0.6156325 ]
 [ 0.66827857]]
dot product : [[-0.37644438]
 [-1.43382796]]
result : [[ 0.17786956]
 [-1.68797671]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.17786956]
 [-1.68797671]]
dot product : [[ 0.95230077]
 [-0.20316441]
 [ 0.7509993 ]]
result : [[ 0.61503606]
 [-0.11131749]
 [ 0.81200628]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.82850036]
 [-0.03459315]
 [ 1.06168277]]
dot product : [[-0.49269758]
 [-0.38920921]]
result : [[ 0.06161636]
 [-0.64335796]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.06161636]
 [-0.64335796]]
dot product : [[ 0.35503433]
 [-0.07281052]
 [ 0.2826841 ]]
result : [[ 0.01776962]
 [ 0.0190364 ]
 [ 0.34369108]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.89042284]
 [-0.19731218]
 [ 0.94676709]]
dot product : [[-0.53572227]
 [-0.4575623 ]]
result : [[ 0.01859167]
 [-0.71171105]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.01859167]
 [-0.71171105]]
dot product : [[ 0.32914084]
 [-0.04343985]
 [ 0.28420586]]
result : [[-0.00812387]
 [ 0.04840707]
 [ 0.34521284]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.3027292 ]
 [-0.29732748]
 [ 0.88589238]]
dot product : [[-0.40668449]
 [-0.96077227]]
result : [[ 0.14762945]
 [-1.21492102]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.14762945]
 [-1.21492102]]
dot product : [[ 0.71058084]
 [-0.160905  ]
 [ 0.5518095 ]]
result : [[ 0.37331613]
 [-0.06905808]
 [ 0.61281648]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.3062507 ]
 [-0.86339003]
 [ 0.49898272]]
dot product : [[-0.3515181 ]
 [-1.80615642]]
result : [[ 0.20279584]
 [-2.06030517]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.20279584]
 [-2.06030517]]
dot product : [[ 1.14399545]
 [-0.23726781]
 [ 0.90842299]]
result : [[ 0.80673074]
 [-0.1454209 ]
 [ 0.96942997]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.836243  ]
 [-0.73217645]
 [ 0.57305343]]
dot product : [[-0.61310942]
 [-0.87218908]]
result : [[-0.05879548]
 [-1.12633783]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.05879548]
 [-1.12633783]]
dot product : [[ 0.40768165]
 [-0.00271127]
 [ 0.39903728]]
result : [[ 0.07041694]
 [ 0.08913565]
 [ 0.46004426]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.85738571]
 [-0.07055587]
 [ 1.03604809]]
dot product : [[-0.50598325]
 [-0.39311338]]
result : [[ 0.04833069]
 [-0.64726213]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.04833069]
 [-0.64726213]]
dot product : [[ 0.33965968]
 [-0.0630275 ]
 [ 0.27654296]]
result : [[ 0.00239497]
 [ 0.02881942]
 [ 0.33754994]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.2844863 ]
 [-0.84443541]
 [ 0.51191699]]
dot product : [[-0.35370642]
 [-1.776837  ]]
result : [[ 0.20060752]
 [-2.03098575]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.20060752]
 [-2.03098575]]
dot product : [[ 1.12861089]
 [-0.23441352]
 [ 0.8958968 ]]
result : [[ 0.79134618]
 [-0.14256661]
 [ 0.95690378]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.64455448]
 [-1.09661287]
 [ 0.3409354 ]]
dot product : [[-0.30707287]
 [-2.21887724]]
result : [[ 0.24724107]
 [-2.47302599]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.24724107]
 [-2.47302599]]
dot product : [[ 1.37806447]
 [-0.28765765]
 [ 1.09259629]]
result : [[ 1.04079976]
 [-0.19581073]
 [ 1.15360327]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.21820126]
 [-0.78523648]
 [ 0.55233957]]
dot product : [[-0.36012122]
 [-1.68651192]]
result : [[ 0.19419272]
 [-1.94066067]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.19419272]
 [-1.94066067]]
dot product : [[ 1.08163469]
 [-0.22586489]
 [ 0.85749503]]
result : [[ 0.74436998]
 [-0.13401797]
 [ 0.91850201]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.83331994]
 [-1.06496602]
 [ 0.36604096]]
dot product : [[-0.25479442]
 [-2.33583221]]
result : [[ 0.29951953]
 [-2.58998095]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.29951953]
 [-2.58998095]]
dot product : [[ 1.49531951]
 [-0.33164213]
 [ 1.16761141]]
result : [[ 1.1580548 ]
 [-0.23979521]
 [ 1.22861839]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.83110741]
 [-0.35401954]
 [ 0.86387311]]
dot product : [[-0.13458637]
 [-1.83615367]]
result : [[ 0.41972757]
 [-2.09030242]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.41972757]
 [-2.09030242]]
dot product : [[ 1.43524793]
 [-0.40089614]
 [ 1.04472367]]
result : [[ 1.09798322]
 [-0.30904923]
 [ 1.10573065]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.8624718 ]
 [-0.58812709]
 [ 0.67352033]]
dot product : [[-0.59515906]
 [-0.75194516]]
result : [[-0.04084512]
 [-1.00609391]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.04084512]
 [-1.00609391]]
dot product : [[ 0.37913948]
 [-0.01116005]
 [ 0.36315173]]
result : [[ 0.04187477]
 [ 0.08068687]
 [ 0.42415871]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.89352823]
 [-0.26187376]
 [ 0.90150702]]
dot product : [[-0.54745998]
 [-0.50050164]]
result : [[ 0.00685396]
 [-0.75465039]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.00685396]
 [-0.75465039]]
dot product : [[ 0.33249647]
 [-0.0364348 ]
 [ 0.29395639]]
result : [[-0.00476825]
 [ 0.05541212]
 [ 0.35496337]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.87538845]
 [-0.50225611]
 [ 0.73345324]]
dot product : [[-0.58378288]
 [-0.68226904]]
result : [[-0.02946894]
 [-0.93641779]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.02946894]
 [-0.93641779]]
dot product : [[ 0.36385139]
 [-0.01678538]
 [ 0.34291824]]
result : [[ 0.02658668]
 [ 0.07506154]
 [ 0.40392522]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.88234155]
 [-0.88453597]
 [ 0.49315826]]
dot product : [[-0.21196694]
 [-2.24556355]]
result : [[ 0.342347 ]
 [-2.4997123]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.342347 ]
 [-2.4997123]]
dot product : [[ 1.51155943]
 [-0.35995608]
 [ 1.15755401]]
result : [[ 1.17429472]
 [-0.26810916]
 [ 1.21856099]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.80326333]
 [-0.01910134]
 [ 1.07292504]]
dot product : [[-0.48379551]
 [-0.39695688]]
result : [[ 0.07051843]
 [-0.65110563]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.07051843]
 [-0.65110563]]
dot product : [[ 0.36978154]
 [-0.07979554]
 [ 0.29078176]]
result : [[ 0.03251683]
 [ 0.01205138]
 [ 0.35178874]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.88628836]
 [-0.1636171 ]
 [ 0.97042779]]
dot product : [[-0.52897169]
 [-0.4370047 ]]
result : [[ 0.02534225]
 [-0.69115345]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.02534225]
 [-0.69115345]]
dot product : [[ 0.32898576]
 [-0.04764022]
 [ 0.28018825]]
result : [[-0.00827896]
 [ 0.0442067 ]
 [ 0.34119523]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.88658559]
 [-0.40591942]
 [ 0.80074197]]
dot product : [[-0.5702018 ]
 [-0.60652857]]
result : [[-0.01588786]
 [-0.86067732]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.01588786]
 [-0.86067732]]
dot product : [[ 0.34879157]
 [-0.02380963]
 [ 0.32162241]]
result : [[ 0.01152686]
 [ 0.06803729]
 [ 0.38262939]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.57477534]
 [-0.08211458]
 [ 1.03236081]]
dot product : [[-0.43772557]
 [-0.60950173]]
result : [[ 0.11658837]
 [-0.86365047]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.11658837]
 [-0.86365047]]
dot product : [[ 0.52007175]
 [-0.12309789]
 [ 0.39896138]]
result : [[ 0.18280703]
 [-0.03125097]
 [ 0.45996836]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.83754064]
 [-0.04312429]
 [ 1.05556754]]
dot product : [[-0.4963929 ]
 [-0.38852273]]
result : [[ 0.05792104]
 [-0.64267147]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.05792104]
 [-0.64267147]]
dot product : [[ 0.34999772]
 [-0.07001591]
 [ 0.28029485]]
result : [[ 0.01273301]
 [ 0.02183101]
 [ 0.34130182]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.88131382]
 [-0.72870994]
 [ 0.60226519]]
dot product : [[-0.18575447]
 [-2.13564341]]
result : [[ 0.36855947]
 [-2.38979216]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.36855947]
 [-2.38979216]]
dot product : [[ 1.49804821]
 [-0.3750177 ]
 [ 1.13038803]]
result : [[ 1.1607835 ]
 [-0.28317078]
 [ 1.19139501]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.85956852]
 [-0.52593896]
 [ 0.74392399]]
dot product : [[-0.15671593]
 [-1.977567  ]]
result : [[ 0.39759801]
 [-2.23171575]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.39759801]
 [-2.23171575]]
dot product : [[ 1.46750743]
 [-0.39019717]
 [ 1.08634094]]
result : [[ 1.13024271]
 [-0.29835026]
 [ 1.14734792]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.24775025]
 [-0.34713934]
 [ 0.85186713]]
dot product : [[-0.40148451]
 [-1.03618845]]
result : [[ 0.15282943]
 [-1.2903372 ]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.15282943]
 [-1.2903372 ]]
dot product : [[ 0.74960303]
 [-0.16792584]
 [ 0.58378302]]
result : [[ 0.41233832]
 [-0.07607892]
 [ 0.64479   ]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.74891835]
 [-0.01094122]
 [ 1.07948694]]
dot product : [[-0.46890622]
 [-0.431294  ]]
result : [[ 0.08540772]
 [-0.68544274]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.08540772]
 [-0.68544274]]
dot product : [[ 0.40361736]
 [-0.09236527]
 [ 0.31254148]]
result : [[ 0.06635265]
 [-0.00051835]
 [ 0.37354846]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.25151697]
 [-0.81524509]
 [ 0.53184446]]
dot product : [[-0.35694028]
 [-1.73208873]]
result : [[ 0.19737366]
 [-1.98623748]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.19737366]
 [-1.98623748]]
dot product : [[ 1.10526653]
 [-0.23013658]
 [ 0.8768399 ]]
result : [[ 0.76800182]
 [-0.13828966]
 [ 0.93784688]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.80146246]
 [-0.89525142]
 [ 0.45939652]]
dot product : [[-0.63216649]
 [-1.01206407]]
result : [[-0.07785255]
 [-1.26621282]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.07785255]
 [-1.26621282]]
dot product : [[ 0.44322416]
 [ 0.00575162]
 [ 0.44183056]]
result : [[ 0.10595945]
 [ 0.09759853]
 [ 0.50283754]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.16203029]
 [-0.7336841 ]
 [ 0.58756508]]
dot product : [[-0.36532175]
 [-1.60899788]]
result : [[ 0.18899219]
 [-1.86314663]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.18899219]
 [-1.86314663]]
dot product : [[ 1.04171194]
 [-0.21875661]
 [ 0.82471498]]
result : [[ 0.70444723]
 [-0.12690969]
 [ 0.88572196]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.88261408]
 [-0.14319077]
 [ 0.98478939]]
dot product : [[-0.52458922]
 [-0.42540323]]
result : [[ 0.02972472]
 [-0.67955198]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.02972472]
 [-0.67955198]]
dot product : [[ 0.32963337]
 [-0.05043946]
 [ 0.27825044]]
result : [[-0.00763134]
 [ 0.04140745]
 [ 0.33925742]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.49203326]
 [-1.01050411]
 [ 0.39885779]]
dot product : [[-0.33034425]
 [-2.04614244]]
result : [[ 0.2239697 ]
 [-2.30029119]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.2239697 ]
 [-2.30029119]]
dot product : [[ 1.27410752]
 [-0.26307253]
 [ 1.01282884]]
result : [[ 0.93684281]
 [-0.17122562]
 [ 1.07383582]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.87312378]
 [-0.10708939]
 [ 1.01021872]]
dot product : [[-0.51609914]
 [-0.40710728]]
result : [[ 0.0382148 ]
 [-0.66125603]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.0382148 ]
 [-0.66125603]]
dot product : [[ 0.33268068]
 [-0.05603576]
 [ 0.2761025 ]]
result : [[-0.00458403]
 [ 0.03581116]
 [ 0.33710948]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.02509018]
 [-0.60471442]
 [ 0.6757454 ]]
dot product : [[-0.3774415 ]
 [-1.41772089]]
result : [[ 0.17687245]
 [-1.67186964]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.17687245]
 [-1.67186964]]
dot product : [[ 0.94411219]
 [-0.20174987]
 [ 0.7442358 ]]
result : [[ 0.60684748]
 [-0.10990295]
 [ 0.80524278]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.63582729]
 [-0.0470456 ]
 [ 1.0559671 ]]
dot product : [[-0.44693868]
 [-0.5399376 ]]
result : [[ 0.10737526]
 [-0.79408635]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.10737526]
 [-0.79408635]]
dot product : [[ 0.47840975]
 [-0.11331578]
 [ 0.36692859]]
result : [[ 0.14114504]
 [-0.02146886]
 [ 0.42793557]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.85040337]
 [-0.65782519]
 [ 0.62489984]]
dot product : [[-0.60399895]
 [-0.80966635]]
result : [[-0.04968501]
 [-1.0638151 ]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.04968501]
 [-1.0638151 ]]
dot product : [[ 0.39255439]
 [-0.00693734]
 [ 0.3802497 ]]
result : [[ 0.05528968]
 [ 0.08490958]
 [ 0.44125668]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.7804745 ]
 [-0.01245835]
 [ 1.07793242]]
dot product : [[-0.47700476]
 [-0.40909914]]
result : [[ 0.07730918]
 [-0.66324788]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.07730918]
 [-0.66324788]]
dot product : [[ 0.38370433]
 [-0.08538243]
 [ 0.2993539 ]]
result : [[ 0.04643962]
 [ 0.00646448]
 [ 0.36036088]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.2918166 ]
 [-0.30711228]
 [ 0.87921038]]
dot product : [[-0.405635 ]
 [-0.9756698]]
result : [[ 0.14867894]
 [-1.22981854]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.14867894]
 [-1.22981854]]
dot product : [[ 0.7183178 ]
 [-0.16230856]
 [ 0.5581383 ]]
result : [[ 0.38105309]
 [-0.07046165]
 [ 0.61914528]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.05527359]
 [-0.52809735]
 [ 0.72814612]]
dot product : [[-0.38439592]
 [-1.30481729]]
result : [[ 0.16991803]
 [-1.55896604]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.16991803]
 [-1.55896604]]
dot product : [[ 0.88675865]
 [-0.1918607 ]
 [ 0.69684666]]
result : [[ 0.54949394]
 [-0.10001378]
 [ 0.75785364]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.88312225]
 [-0.76350839]
 [ 0.57792449]]
dot product : [[-0.19121582]
 [-2.16135404]]
result : [[ 0.36309812]
 [-2.41550279]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.36309812]
 [-2.41550279]]
dot product : [[ 1.5020681 ]
 [-0.37199614]
 [ 1.13712749]]
result : [[ 1.16480339]
 [-0.28014923]
 [ 1.19813447]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.79480844]
 [-0.92433828]
 [ 0.43913113]]
dot product : [[-0.6354537 ]
 [-1.03734482]]
result : [[-0.08113976]
 [-1.29149357]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.08113976]
 [-1.29149357]]
dot product : [[ 0.4498497 ]
 [ 0.00716356]
 [ 0.44965532]]
result : [[ 0.11258499]
 [ 0.09901048]
 [ 0.5106623 ]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.59381163]
 [-1.07330163]
 [ 0.35646866]]
dot product : [[-0.31572156]
 [-2.16514798]]
result : [[ 0.23859238]
 [-2.41929672]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.23859238]
 [-2.41929672]]
dot product : [[ 1.34391902]
 [-0.27895489]
 [ 1.06697352]]
result : [[ 1.0066543 ]
 [-0.18710798]
 [ 1.1279805 ]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.72135026]
 [-0.01485856]
 [ 1.07717359]]
dot product : [[-0.46272168]
 [-0.45435664]]
result : [[ 0.09159226]
 [-0.70850538]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.09159226]
 [-0.70850538]]
dot product : [[ 0.42144642]
 [-0.09795138]
 [ 0.32496168]]
result : [[ 0.08418171]
 [-0.00610446]
 [ 0.38596866]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.01360924]
 [-0.59378189]
 [ 0.68322227]]
dot product : [[-0.37843725]
 [-1.40160045]]
result : [[ 0.17587669]
 [-1.6557492 ]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.17587669]
 [-1.6557492 ]]
dot product : [[ 0.93591963]
 [-0.20033579]
 [ 0.73746794]]
result : [[ 0.59865491]
 [-0.10848887]
 [ 0.79847492]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.86696128]
 [-0.9878016 ]
 [ 0.42060282]]
dot product : [[-0.2333287 ]
 [-2.30656981]]
result : [[ 0.32098524]
 [-2.56071856]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.32098524]
 [-2.56071856]]
dot product : [[ 1.51031431]
 [-0.34649641]
 [ 1.16871223]]
result : [[ 1.1730496 ]
 [-0.25464949]
 [ 1.22971921]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.19582107]
 [-0.76482712]
 [ 0.56628298]]
dot product : [[-0.36221545]
 [-1.65571954]]
result : [[ 0.19209849]
 [-1.90986828]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.19209849]
 [-1.90986828]]
dot product : [[ 1.06573906]
 [-0.22301992]
 [ 0.84445689]]
result : [[ 0.72847435]
 [-0.13117301]
 [ 0.90546387]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.8199447 ]
 [-0.81128412]
 [ 0.51790952]]
dot product : [[-0.62249656]
 [-0.93961958]]
result : [[-0.06818262]
 [-1.19376832]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.06818262]
 [-1.19376832]]
dot product : [[ 0.424559  ]
 [ 0.00151833]
 [ 0.4195518 ]]
result : [[ 0.08729428]
 [ 0.09336525]
 [ 0.48055878]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.89304525]
 [-0.30582081]
 [ 0.870739  ]]
dot product : [[-0.5548046 ]
 [-0.53164437]]
result : [[ -4.90659270e-04]
 [ -7.85793116e-01]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ -4.90659270e-04]
 [ -7.85793116e-01]]
dot product : [[ 0.33642963]
 [-0.03222885]
 [ 0.30170022]]
result : [[-0.00083508]
 [ 0.05961807]
 [ 0.3627072 ]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.62740077]
 [-0.05140675]
 [ 1.05304444]]
dot product : [[-0.44558568]
 [-0.54920333]]
result : [[ 0.10872826]
 [-0.80335208]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.10872826]
 [-0.80335208]]
dot product : [[ 0.48412049]
 [-0.11471292]
 [ 0.37126764]]
result : [[ 0.14685578]
 [-0.02286601]
 [ 0.43227462]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.22934215]
 [-0.7953239 ]
 [ 0.54544921]]
dot product : [[-0.35906641]
 [-1.70178969]]
result : [[ 0.19524753]
 [-1.95593844]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.19524753]
 [-1.95593844]]
dot product : [[ 1.08954159]
 [-0.22728821]
 [ 0.86397301]]
result : [[ 0.75227687]
 [-0.13544129]
 [ 0.92497999]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.88275463]
 [-0.44301392]
 [ 0.77482491]]
dot product : [[-0.5755506 ]
 [-0.63533834]]
result : [[-0.02123665]
 [-0.88948709]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.02123665]
 [-0.88948709]]
dot product : [[ 0.35428524]
 [-0.02100088]
 [ 0.32961761]]
result : [[ 0.01702053]
 [ 0.07084604]
 [ 0.39062459]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.17332101]
 [-0.74413054]
 [ 0.58042565]]
dot product : [[-0.36429069]
 [-1.6246376 ]]
result : [[ 0.19002325]
 [-1.87878635]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.19002325]
 [-1.87878635]]
dot product : [[ 1.0497436 ]
 [-0.22017717]
 [ 0.8313184 ]]
result : [[ 0.71247889]
 [-0.12833025]
 [ 0.89232538]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.8800997 ]
 [-0.71060845]
 [ 0.6149225 ]]
dot product : [[-0.18298152]
 [-2.12206772]]
result : [[ 0.37133242]
 [-2.37621647]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.37133242]
 [-2.37621647]]
dot product : [[ 1.49578352]
 [-0.37653025]
 [ 1.12676577]]
result : [[ 1.15851881]
 [-0.28468333]
 [ 1.18777275]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.04803713]
 [-0.62653231]
 [ 0.66082445]]
dot product : [[-0.37544568]
 [-1.44991772]]
result : [[ 0.17886826]
 [-1.70406647]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.17886826]
 [-1.70406647]]
dot product : [[ 0.96048396]
 [-0.20457942]
 [ 0.75775706]]
result : [[ 0.62321924]
 [-0.1127325 ]
 [ 0.81876404]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.10523791]
 [-0.6806234 ]
 [ 0.62383717]]
dot product : [[-0.37042048]
 [-1.52996922]]
result : [[ 0.18389346]
 [-1.78411797]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.18389346]
 [-1.78411797]]
dot product : [[ 1.00127013]
 [-0.21166171]
 [ 0.79141141]]
result : [[ 0.66400542]
 [-0.11981479]
 [ 0.85241839]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.88430752]
 [-0.82759425]
 [ 0.53306447]]
dot product : [[-0.20180661]
 [-2.20712245]]
result : [[ 0.35250733]
 [-2.4612712 ]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.35250733]
 [-2.4612712 ]]
dot product : [[ 1.50810905]
 [-0.36596697]
 [ 1.14862491]]
result : [[ 1.17084434]
 [-0.27412006]
 [ 1.20963188]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.87372259]
 [-0.95708859]
 [ 0.44221619]]
dot product : [[-0.22643194]
 [-2.29003732]]
result : [[ 0.327882  ]
 [-2.54418606]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.327882  ]
 [-2.54418606]]
dot product : [[ 1.51207335]
 [-0.35097317]
 [ 1.16632556]]
result : [[ 1.17480863]
 [-0.25912626]
 [ 1.22733254]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.16929504]
 [-0.42001607]
 [ 0.80205595]]
dot product : [[-0.394369  ]
 [-1.14506513]]
result : [[ 0.15994494]
 [-1.39921387]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.15994494]
 [-1.39921387]]
dot product : [[ 0.80543599]
 [-0.17776855]
 [ 0.62971725]]
result : [[ 0.46817128]
 [-0.08592163]
 [ 0.69072423]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.03232454]
 [-0.54998373]
 [ 0.71317725]]
dot product : [[-0.38241121]
 [-1.33706364]]
result : [[ 0.17190273]
 [-1.59121239]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.17190273]
 [-1.59121239]]
dot product : [[ 0.90313739]
 [-0.19468398]
 [ 0.71038056]]
result : [[ 0.56587267]
 [-0.10283707]
 [ 0.77138754]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.26254751]
 [-0.82507121]
 [ 0.52513537]]
dot product : [[-0.35586851]
 [-1.74710213]]
result : [[ 0.19844543]
 [-2.00125087]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.19844543]
 [-2.00125087]]
dot product : [[ 1.11308179]
 [-0.23156164]
 [ 0.88322604]]
result : [[ 0.77581708]
 [-0.13971472]
 [ 0.94423302]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.66850921]
 [-1.10502797]
 [ 0.33541597]]
dot product : [[-0.30255012]
 [-2.24242762]]
result : [[ 0.25176382]
 [-2.49657636]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.25176382]
 [-2.49657636]]
dot product : [[ 1.39397019]
 [-0.29202006]
 [ 1.10424812]]
result : [[ 1.05670547]
 [-0.20017314]
 [ 1.1652551 ]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.79107532]
 [-0.15591211]
 [ 1.00198092]]
dot product : [[-0.11088372]
 [-1.66786644]]
result : [[ 0.44343022]
 [-1.92201518]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.44343022]
 [-1.92201518]]
dot product : [[ 1.39347982]
 [-0.41165787]
 [ 0.99368349]]
result : [[ 1.05621511]
 [-0.31981096]
 [ 1.05469047]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.69145814]
 [-1.11114508]
 [ 0.33149012]]
dot product : [[-0.29788696]
 [-2.26362685]]
result : [[ 0.25642699]
 [-2.51777559]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.25642699]
 [-2.51777559]]
dot product : [[ 1.40904759]
 [-0.29639005]
 [ 1.11507715]]
result : [[ 1.07178288]
 [-0.20454313]
 [ 1.17608413]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.87031495]
 [-0.09903159]
 [ 1.01590529]]
dot product : [[-0.51403256]
 [-0.40353264]]
result : [[ 0.04028138]
 [-0.65768138]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.04028138]
 [-0.65768138]]
dot product : [[ 0.33379937]
 [-0.05743441]
 [ 0.27591739]]
result : [[-0.00346534]
 [ 0.03441251]
 [ 0.33692437]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.80372785]
 [-0.21526295]
 [ 0.9606156 ]]
dot product : [[-0.11782095]
 [-1.71876943]]
result : [[ 0.43649299]
 [-1.97291817]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.43649299]
 [-1.97291817]]
dot product : [[ 1.40641178]
 [-0.40857657]
 [ 1.00925556]]
result : [[ 1.06914707]
 [-0.31672965]
 [ 1.07026254]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.53959763]
 [-1.04203725]
 [ 0.37751727]]
dot product : [[-0.32388186]
 [-2.10328888]]
result : [[ 0.23043209]
 [-2.35743762]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.23043209]
 [-2.35743762]]
dot product : [[ 1.30691309]
 [-0.27028049]
 [ 1.03850734]]
result : [[ 0.96964838]
 [-0.17843357]
 [ 1.09951432]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.55803192]
 [-1.05329141]
 [ 0.36992359]]
dot product : [[-0.32121301]
 [-2.12475943]]
result : [[ 0.23310093]
 [-2.37890818]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.23310093]
 [-2.37890818]]
dot product : [[ 1.3195476 ]
 [-0.27316889]
 [ 1.04829358]]
result : [[ 0.98228289]
 [-0.18132197]
 [ 1.10930056]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.74083576]
 [-1.11590179]
 [ 0.32892906]]
dot product : [[-0.28642591]
 [-2.30335168]]
result : [[ 0.26788803]
 [-2.55750042]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.26788803]
 [-2.55750042]]
dot product : [[ 1.44079501]
 [-0.30661706]
 [ 1.13693556]]
result : [[ 1.1035303 ]
 [-0.21477014]
 [ 1.19794254]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.86937796]
 [-0.5441958 ]
 [ 0.70417715]]
dot product : [[-0.5894131 ]
 [-0.71607944]]
result : [[-0.03509916]
 [-0.97022818]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.03509916]
 [-0.97022818]]
dot product : [[ 0.37112889]
 [-0.0139734 ]
 [ 0.35267334]]
result : [[ 0.03386418]
 [ 0.07787352]
 [ 0.41368031]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.86565678]
 [-0.57043228]
 [ 0.71286083]]
dot product : [[-0.16276058]
 [-2.01322364]]
result : [[ 0.39155337]
 [-2.26737238]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.39155337]
 [-2.26737238]]
dot product : [[ 1.47504503]
 [-0.38715156]
 [ 1.09656718]]
result : [[ 1.13778032]
 [-0.29530464]
 [ 1.15757416]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.36720003]
 [-0.24077752]
 [ 0.9244882 ]]
dot product : [[-0.41309845]
 [-0.87364002]]
result : [[ 0.1412155 ]
 [-1.12778877]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.1412155 ]
 [-1.12778877]]
dot product : [[ 0.66497527]
 [-0.15248943]
 [ 0.51463523]]
result : [[ 0.32771056]
 [-0.06064252]
 [ 0.57564221]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.80860522]
 [-0.02154802]
 [ 1.07112836]]
dot product : [[-0.4855384 ]
 [-0.39473377]]
result : [[ 0.06877554]
 [-0.64888252]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.06877554]
 [-0.64888252]]
dot product : [[ 0.36659133]
 [-0.07839868]
 [ 0.28892495]]
result : [[ 0.02932661]
 [ 0.01344824]
 [ 0.34993193]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.85373844]
 [-0.0643567 ]
 [ 1.04044617]]
dot product : [[-0.50402405]
 [-0.39145873]]
result : [[ 0.0502899 ]
 [-0.64560748]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.0502899 ]
 [-0.64560748]]
dot product : [[ 0.34146416]
 [-0.06442542]
 [ 0.27703395]]
result : [[ 0.00419945]
 [ 0.0274215 ]
 [ 0.33804093]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.18059023]
 [-0.40942288]
 [ 0.80929809]]
dot product : [[-0.39537624]
 [-1.12931931]]
result : [[ 0.1589377 ]
 [-1.38346805]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.1589377 ]
 [-1.38346805]]
dot product : [[ 0.79738938]
 [-0.17636141]
 [ 0.62308675]]
result : [[ 0.46012467]
 [-0.08451449]
 [ 0.68409373]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.47996716]
 [-0.14885975]
 [ 0.98709849]]
dot product : [[-0.42550532]
 [-0.72613555]]
result : [[ 0.12880862]
 [-0.98028429]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.12880862]
 [-0.98028429]]
dot product : [[ 0.58578291]
 [-0.13708353]
 [ 0.45081279]]
result : [[ 0.2485182 ]
 [-0.04523661]
 [ 0.51181977]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.07819255]
 [-0.50626023]
 [ 0.74308096]]
dot product : [[-0.38638151]
 [-1.27262762]]
result : [[ 0.16793243]
 [-1.52677637]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.16793243]
 [-1.52677637]]
dot product : [[ 0.87040307]
 [-0.1890391 ]
 [ 0.68333403]]
result : [[ 0.53313836]
 [-0.09719218]
 [ 0.74434101]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.50926384]
 [-0.12696721]
 [ 1.0019727 ]]
dot product : [[-0.42906619]
 [-0.6892065 ]]
result : [[ 0.12524775]
 [-0.94335525]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.12524775]
 [-0.94335525]]
dot product : [[ 0.56537289]
 [-0.13288616]
 [ 0.43457276]]
result : [[ 0.22810818]
 [-0.04103924]
 [ 0.49557973]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.46254887]
 [-0.98940729]
 [ 0.41317183]]
dot product : [[-0.33408691]
 [-2.0096325 ]]
result : [[ 0.22022703]
 [-2.26378125]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.22022703]
 [-2.26378125]]
dot product : [[ 1.25364398]
 [-0.25875647]
 [ 0.9966453 ]]
result : [[ 0.91637927]
 [-0.16690955]
 [ 1.05765228]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.78638149]
 [-0.01365519]
 [ 1.07700217]]
dot product : [[-0.47867577]
 [-0.40558397]]
result : [[ 0.07563817]
 [-0.65973271]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.07563817]
 [-0.65973271]]
dot product : [[ 0.38005214]
 [-0.08398578]
 [ 0.29704189]]
result : [[ 0.04278743]
 [ 0.00786114]
 [ 0.35804887]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.84992859]
 [-0.05851777]
 [ 1.04459451]]
dot product : [[-0.50208563]
 [-0.39017627]]
result : [[ 0.05222831]
 [-0.64432502]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.05222831]
 [-0.64432502]]
dot product : [[ 0.3434016 ]
 [-0.06582322]
 [ 0.27765602]]
result : [[ 0.00613688]
 [ 0.0260237 ]
 [ 0.338663  ]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.84468781]
 [-0.43082952]
 [ 0.81029585]]
dot product : [[-0.14425857]
 [-1.89997138]]
result : [[ 0.41005537]
 [-2.15412013]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.41005537]
 [-2.15412013]]
dot product : [[ 1.4502098 ]
 [-0.39630331]
 [ 1.06368583]]
result : [[ 1.11294508]
 [-0.30445639]
 [ 1.12469281]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.87249431]
 [-0.52297891]
 [ 0.71898646]]
dot product : [[-0.58658364]
 [-0.69891929]]
result : [[-0.0322697 ]
 [-0.95306804]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.0322697 ]
 [-0.95306804]]
dot product : [[ 0.3673992 ]
 [-0.01537956]
 [ 0.34770607]]
result : [[ 0.03013449]
 [ 0.07646736]
 [ 0.40871305]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.7843778 ]
 [-0.12539678]
 [ 1.02324597]]
dot product : [[-0.10736469]
 [-1.64155293]]
result : [[ 0.44694925]
 [-1.89570167]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.44694925]
 [-1.89570167]]
dot product : [[ 1.38670879]
 [-0.41320051]
 [ 0.98559518]]
result : [[ 1.04944407]
 [-0.32135359]
 [ 1.04660216]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.81885068]
 [-0.02741125]
 [ 1.06686264]]
dot product : [[-0.48908002]
 [-0.39129005]]
result : [[ 0.06523392]
 [-0.6454388 ]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.06523392]
 [-0.6454388 ]]
dot product : [[ 0.36056926]
 [-0.07560476]
 [ 0.28556449]]
result : [[ 0.02330455]
 [ 0.01624216]
 [ 0.34657147]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.77227571]
 [-1.11056888]
 [ 0.33315392]]
dot product : [[-0.27770812]
 [-2.32278779]]
result : [[ 0.27660582]
 [-2.57693654]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.27660582]
 [-2.57693654]]
dot product : [[ 1.46031939]
 [-0.313949  ]
 [ 1.14941913]]
result : [[ 1.12305467]
 [-0.22210208]
 [ 1.21042611]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.44252695]
 [-0.97449941]
 [ 0.42329939]]
dot product : [[-0.33652964]
 [-1.98443224]]
result : [[ 0.2177843 ]
 [-2.23858099]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.2177843 ]
 [-2.23858099]]
dot product : [[ 1.23969983]
 [-0.25588261]
 [ 0.98555579]]
result : [[ 0.90243511]
 [-0.1640357 ]
 [ 1.04656277]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.77743051]
 [-0.09431641]
 [ 1.04490281]]
dot product : [[-0.10381175]
 [-1.6146595 ]]
result : [[ 0.45050219]
 [-1.86880824]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.45050219]
 [-1.86880824]]
dot product : [[ 1.37973252]
 [-0.41474447]
 [ 0.97730351]]
result : [[ 1.04246781]
 [-0.32289755]
 [ 1.03831048]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.76009975]
 [-1.11361334]
 [ 0.33083205]]
dot product : [[-0.28125063]
 [-2.31594656]]
result : [[ 0.27306331]
 [-2.57009531]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.27306331]
 [-2.57009531]]
dot product : [[ 1.45283885]
 [-0.31101347]
 [ 1.14475248]]
result : [[ 1.11557413]
 [-0.21916655]
 [ 1.20575946]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.27353785]
 [-0.83480259]
 [ 0.51849199]]
dot product : [[-0.35479063]
 [-1.76201953]]
result : [[ 0.19952331]
 [-2.01616827]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.19952331]
 [-2.01616827]]
dot product : [[ 1.12086371]
 [-0.23298728]
 [ 0.8895788 ]]
result : [[ 0.78359899]
 [-0.14114037]
 [ 0.95058578]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.56567595]
 [-0.08795369]
 [ 1.02841365]]
dot product : [[-0.43645642]
 [-0.62029874]]
result : [[ 0.11785752]
 [-0.87444749]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.11785752]
 [-0.87444749]]
dot product : [[ 0.52633171]
 [-0.12449579]
 [ 0.40384067]]
result : [[ 0.189067  ]
 [-0.03264887]
 [ 0.46484765]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.85221913]
 [-1.03110487]
 [ 0.39004821]]
dot product : [[-0.244347  ]
 [-2.32604023]]
result : [[ 0.30996694]
 [-2.58018898]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.30996694]
 [-2.58018898]]
dot product : [[ 1.50452635]
 [-0.33905635]
 [ 1.16985737]]
result : [[ 1.16726164]
 [-0.24720943]
 [ 1.23086435]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.61112977]
 [-1.08199651]
 [ 0.35064981]]
dot product : [[-0.31289534]
 [-2.18400301]]
result : [[ 0.2414186 ]
 [-2.43815176]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.2414186 ]
 [-2.43815176]]
dot product : [[ 1.35563357]
 [-0.2818526 ]
 [ 1.07584512]]
result : [[ 1.01836886]
 [-0.19000568]
 [ 1.1368521 ]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.38826665]
 [-0.22284173]
 [ 0.93671988]]
dot product : [[-0.41528645]
 [-0.84554862]]
result : [[ 0.1390275 ]
 [-1.09969736]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.1390275 ]
 [-1.09969736]]
dot product : [[ 0.65011787]
 [-0.14968633]
 [ 0.50258115]]
result : [[ 0.31285316]
 [-0.05783941]
 [ 0.56358813]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.85867859]
 [-0.61084914]
 [ 0.65766752]]
dot product : [[-0.598076  ]
 [-0.77065861]]
result : [[-0.04376206]
 [-1.02480736]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.04376206]
 [-1.02480736]]
dot product : [[ 0.38342319]
 [-0.00975284]
 [ 0.36866562]]
result : [[ 0.04615847]
 [ 0.08209408]
 [ 0.4296726 ]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.34591249]
 [-0.2591908 ]
 [ 0.91192558]]
dot product : [[-0.41093666]
 [-0.90222875]]
result : [[ 0.14337728]
 [-1.1563775 ]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.14337728]
 [-1.1563775 ]]
dot product : [[ 0.68001235]
 [-0.15529355]
 [ 0.52686535]]
result : [[ 0.34274764]
 [-0.06344663]
 [ 0.58787233]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.69939058]
 [-0.02062908]
 [ 1.07347501]]
dot product : [[-0.45824545]
 [-0.47458398]]
result : [[ 0.09606849]
 [-0.72873272]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.09606849]
 [-0.72873272]]
dot product : [[ 0.43586705]
 [-0.10214112]
 [ 0.3353097 ]]
result : [[ 0.09860234]
 [-0.0102942 ]
 [ 0.39631667]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.00935906]
 [-0.57188877]
 [ 0.69819556]]
dot product : [[-0.3804256 ]
 [-1.36933518]]
result : [[ 0.17388835]
 [-1.62348393]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.17388835]
 [-1.62348393]]
dot product : [[ 0.91952811]
 [-0.197509  ]
 [ 0.72392467]]
result : [[ 0.58226339]
 [-0.10566208]
 [ 0.78493165]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.88021093]
 [-0.91040425]
 [ 0.47500981]]
dot product : [[-0.2168902 ]
 [-2.26211505]]
result : [[ 0.33742375]
 [-2.5162638 ]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.33742375]
 [-2.5162638 ]]
dot product : [[ 1.51234111]
 [-0.35695737]
 [ 1.16108308]]
result : [[ 1.1750764 ]
 [-0.26511045]
 [ 1.22209006]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.83742212]
 [-1.05892622]
 [ 0.37033453]]
dot product : [[-0.25274925]
 [-2.33462448]]
result : [[ 0.3015647 ]
 [-2.58877323]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.3015647 ]
 [-2.58877323]]
dot product : [[ 1.49742601]
 [-0.33312294]
 [ 1.1683236 ]]
result : [[ 1.16016129]
 [-0.24127602]
 [ 1.22933058]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.81047671]
 [-1.08986298]
 [ 0.34824972]]
dot product : [[-0.26469921]
 [-2.33643753]]
result : [[ 0.28961473]
 [-2.59058628]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.28961473]
 [-2.59058628]]
dot product : [[ 1.48286848]
 [-0.32425302]
 [ 1.1621471 ]]
result : [[ 1.14560376]
 [-0.2324061 ]
 [ 1.22315408]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.09382361]
 [-0.66987231]
 [ 0.63118801]]
dot product : [[-0.3714305 ]
 [-1.51402501]]
result : [[ 0.18288344]
 [-1.76817376]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.18288344]
 [-1.76817376]]
dot product : [[ 0.99313485]
 [-0.21024426]
 [ 0.78470308]]
result : [[ 0.65587014]
 [-0.11839735]
 [ 0.84571006]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.88785181]
 [-0.17443756]
 [ 0.96282598]]
dot product : [[-0.53119807]
 [-0.44343258]]
result : [[ 0.02311587]
 [-0.69758132]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.02311587]
 [-0.69758132]]
dot product : [[ 0.32888585]
 [-0.0462403 ]
 [ 0.28137796]]
result : [[-0.00837886]
 [ 0.04560661]
 [ 0.34238493]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.67638176]
 [-0.02871278]
 [ 1.06817291]]
dot product : [[-0.45390144]
 [-0.49720502]]
result : [[ 0.1004125 ]
 [-0.75135377]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.1004125 ]
 [-0.75135377]]
dot product : [[ 0.45114476]
 [-0.10633119]
 [ 0.34650157]]
result : [[ 0.11388005]
 [-0.01448427]
 [ 0.40750855]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.80968627]
 [-0.24410611]
 [ 0.94051003]]
dot product : [[-0.1212396 ]
 [-1.74336678]]
result : [[ 0.43307434]
 [-1.99751552]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.43307434]
 [-1.99751552]]
dot product : [[ 1.4125755 ]
 [-0.40703789]
 [ 1.01674208]]
result : [[ 1.07531079]
 [-0.31519097]
 [ 1.07774906]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.8608687 ]
 [-0.07711913]
 [ 1.03139762]]
dot product : [[-0.50796348]
 [-0.39514417]]
result : [[ 0.04635046]
 [-0.64929291]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.04635046]
 [-0.64929291]]
dot product : [[ 0.33798957]
 [-0.06162944]
 [ 0.27618443]]
result : [[ 0.00072486]
 [ 0.03021748]
 [ 0.33719141]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.8708618 ]
 [-0.61292545]
 [ 0.68318458]]
dot product : [[-0.16868495]
 [-2.04682812]]
result : [[ 0.385629  ]
 [-2.30097687]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.385629  ]
 [-2.30097687]]
dot product : [[ 1.48185673]
 [-0.38411086]
 [ 1.10607395]]
result : [[ 1.14459202]
 [-0.29226394]
 [ 1.16708093]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.54721097]
 [-0.10021561]
 [ 1.02011474]]
dot product : [[-0.43395113]
 [-0.64249789]]
result : [[ 0.12036282]
 [-0.89664664]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.12036282]
 [-0.89664664]]
dot product : [[ 0.53906886]
 [-0.12729199]
 [ 0.41381284]]
result : [[ 0.20180415]
 [-0.03544507]
 [ 0.47481982]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.25882582]
 [-0.33700705]
 [ 0.85878993]]
dot product : [[-0.40251547]
 [-1.02092737]]
result : [[ 0.15179847]
 [-1.27507612]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.15179847]
 [-1.27507612]]
dot product : [[ 0.74173391]
 [-0.16652106]
 [ 0.57732517]]
result : [[ 0.4044692 ]
 [-0.07467414]
 [ 0.63833215]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.82087594]
 [-0.30014702]
 [ 0.90143979]]
dot product : [[-0.1279781 ]
 [-1.79087286]]
result : [[ 0.42633585]
 [-2.0450216 ]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.42633585]
 [-2.0450216 ]]
dot product : [[ 1.42430541]
 [-0.40396443]
 [ 1.03112302]]
result : [[ 1.0870407 ]
 [-0.31211751]
 [ 1.09213   ]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.29539115]
 [-0.85396583]
 [ 0.50541302]]
dot product : [[-0.35261565]
 [-1.79155061]]
result : [[ 0.20169829]
 [-2.04569935]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.20169829]
 [-2.04569935]]
dot product : [[ 1.13632193]
 [-0.23584036]
 [ 0.90217866]]
result : [[ 0.79905722]
 [-0.14399345]
 [ 0.96318564]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.71414978]
 [-0.01651868]
 [ 1.07612332]]
dot product : [[-0.46121454]
 [-0.46082656]]
result : [[ 0.09309941]
 [-0.7149753 ]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.09309941]
 [-0.7149753 ]]
dot product : [[ 0.42615574]
 [-0.09934793]
 [ 0.32831495]]
result : [[ 0.08889103]
 [-0.00750102]
 [ 0.38932193]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.78950553]
 [-1.1036475 ]
 [ 0.33826956]]
dot product : [[-0.27225135]
 [-2.33063789]]
result : [[ 0.28206259]
 [-2.58478663]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.28206259]
 [-2.58478663]]
dot product : [[ 1.47068922]
 [-0.3183593 ]
 [ 1.15557451]]
result : [[ 1.13342451]
 [-0.22651238]
 [ 1.21658149]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.81380157]
 [-0.02431671]
 [ 1.06910845]]
dot product : [[-0.48729983]
 [-0.39284352]]
result : [[ 0.06701411]
 [-0.64699227]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.06701411]
 [-0.64699227]]
dot product : [[ 0.3635201 ]
 [-0.07700176]
 [ 0.2871854 ]]
result : [[ 0.02625539]
 [ 0.01484516]
 [ 0.34819238]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.84876504]
 [-1.03861718]
 [ 0.38473357]]
dot product : [[-0.24648125]
 [-2.32875717]]
result : [[ 0.30783269]
 [-2.58290591]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.30783269]
 [-2.58290591]]
dot product : [[ 1.5029529 ]
 [-0.33757146]
 [ 1.16967394]]
result : [[ 1.16568819]
 [-0.24572454]
 [ 1.23068092]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.40909873]
 [-0.20541402]
 [ 0.94859942]]
dot product : [[-0.41750247]
 [-0.817986  ]]
result : [[ 0.13681148]
 [-1.07213475]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.13681148]
 [-1.07213475]]
dot product : [[ 0.63545133]
 [-0.14688418]
 [ 0.49071418]]
result : [[ 0.29818662]
 [-0.05503726]
 [ 0.55172116]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.75381005]
 [-1.11467609]
 [ 0.32998973]]
dot product : [[-0.28299397]
 [-2.31205541]]
result : [[ 0.27131998]
 [-2.56620415]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.27131998]
 [-2.56620415]]
dot product : [[ 1.44893257]
 [-0.30954709]
 [ 1.14225438]]
result : [[ 1.11166786]
 [-0.21770017]
 [ 1.20326136]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.77334271]
 [-1.01494568]
 [ 0.37601468]]
dot product : [[-0.64551017]
 [-1.11663989]]
result : [[-0.09119623]
 [-1.37078864]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.09119623]
 [-1.37078864]]
dot product : [[ 0.47095733]
 [ 0.01140201]
 [ 0.47434445]]
result : [[ 0.13369261]
 [ 0.10324893]
 [ 0.53535143]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.20310013]
 [-0.38840343]
 [ 0.82366671]]
dot product : [[-0.39739908]
 [-1.09800394]]
result : [[ 0.15691486]
 [-1.35215269]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.15691486]
 [-1.35215269]]
dot product : [[ 0.78136104]
 [-0.1735482 ]
 [ 0.6098887 ]]
result : [[ 0.44409633]
 [-0.08170128]
 [ 0.67089568]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.26986321]
 [-0.32695589]
 [ 0.8656565 ]]
dot product : [[-0.40355072]
 [-1.00575128]]
result : [[ 0.15076322]
 [-1.25990003]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.15076322]
 [-1.25990003]]
dot product : [[ 0.73389573]
 [-0.16511659]
 [ 0.57089751]]
result : [[ 0.39663102]
 [-0.07326967]
 [ 0.63190449]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.88410719]
 [-0.84248988]
 [ 0.52263013]]
dot product : [[-0.20438649]
 [-2.21740982]]
result : [[ 0.34992746]
 [-2.47155857]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.34992746]
 [-2.47155857]]
dot product : [[ 1.50921102]
 [-0.36446255]
 [ 1.15109451]]
result : [[ 1.17194631]
 [-0.27261563]
 [ 1.21210148]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.88371162]
 [-0.85694283]
 [ 0.51250275]]
dot product : [[-0.20693968]
 [-2.22724318]]
result : [[ 0.34737426]
 [-2.48139192]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.34737426]
 [-2.48139192]]
dot product : [[ 1.51015247]
 [-0.36295927]
 [ 1.15340497]]
result : [[ 1.17288776]
 [-0.27111235]
 [ 1.21441195]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.87822135]
 [-0.1243584 ]
 [ 0.99804596]]
dot product : [[-0.52029897]
 [-0.41544792]]
result : [[ 0.03401497]
 [-0.66959666]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.03401497]
 [-0.66959666]]
dot product : [[ 0.33086874]
 [-0.05323796]
 [ 0.27689221]]
result : [[-0.00639598]
 [ 0.03860896]
 [ 0.33789919]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.13526893]
 [-0.45208366]
 [ 0.78013005]]
dot product : [[-0.39136128]
 [-1.19260792]]
result : [[ 0.16295266]
 [-1.44675667]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.16295266]
 [-1.44675667]]
dot product : [[ 0.82968884]
 [-0.18199213]
 [ 0.64971803]]
result : [[ 0.49242413]
 [-0.09014522]
 [ 0.71072501]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.83586808]
 [-0.38015222]
 [ 0.84564697]]
dot product : [[-0.13784224]
 [-1.85796944]]
result : [[ 0.4164717 ]
 [-2.11211819]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.4164717 ]
 [-2.11211819]]
dot product : [[ 1.44042741]
 [-0.39936393]
 [ 1.05123486]]
result : [[ 1.1031627 ]
 [-0.30751701]
 [ 1.11224184]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.69887632]
 [-1.1126556 ]
 [ 0.330548  ]]
dot product : [[-0.29630031]
 [-2.27015242]]
result : [[ 0.25801363]
 [-2.52430117]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.25801363]
 [-2.52430117]]
dot product : [[ 1.4138828 ]
 [-0.29784842]
 [ 1.11849754]]
result : [[ 1.07661809]
 [-0.20600151]
 [ 1.17950452]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.51130396]
 [-1.02368072]
 [ 0.38993089]]
dot product : [[-0.32779411]
 [-2.06957621]]
result : [[ 0.22651983]
 [-2.32372496]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.22651983]
 [-2.32372496]]
dot product : [[ 1.28743179]
 [-0.26595351]
 [ 1.02330126]]
result : [[ 0.95016707]
 [-0.17410659]
 [ 1.08430824]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.8615769 ]
 [-1.00628655]
 [ 0.40757408]]
dot product : [[-0.23780633]
 [-2.31555087]]
result : [[ 0.31650761]
 [-2.56969962]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.31650761]
 [-2.56969962]]
dot product : [[ 1.50842057]
 [-0.34351723]
 [ 1.16958828]]
result : [[ 1.17115586]
 [-0.25167032]
 [ 1.23059526]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.87806208]
 [-0.48202356]
 [ 0.74758014]]
dot product : [[-0.58101061]
 [-0.66612476]]
result : [[-0.02669666]
 [-0.9202735 ]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.02669666]
 [-0.9202735 ]]
dot product : [[ 0.36048406]
 [-0.01819087]
 [ 0.33830848]]
result : [[ 0.02321934]
 [ 0.07365605]
 [ 0.39931546]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.82007365]
 [-1.08094931]
 [ 0.3546415 ]]
dot product : [[-0.2608006 ]
 [-2.33726632]]
result : [[ 0.29351334]
 [-2.59141507]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.29351334]
 [-2.59141507]]
dot product : [[ 1.48822701]
 [-0.3272057 ]
 [ 1.16470797]]
result : [[ 1.1509623 ]
 [-0.23535878]
 [ 1.22571495]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.18458517]
 [-0.75451282]
 [ 0.57333073]]
dot product : [[-0.36325533]
 [-1.64021279]]
result : [[ 0.19105861]
 [-1.89436154]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.19105861]
 [-1.89436154]]
dot product : [[ 1.05775311]
 [-0.22159827]
 [ 0.8378995 ]]
result : [[ 0.7204884 ]
 [-0.12975136]
 [ 0.89890648]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.6841651 ]
 [-0.02576757]
 [ 1.07011403]]
dot product : [[-0.45533513]
 [-0.48940526]]
result : [[ 0.09897881]
 [-0.74355401]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.09897881]
 [-0.74355401]]
dot product : [[ 0.44595929]
 [-0.10493445]
 [ 0.34267949]]
result : [[ 0.10869458]
 [-0.01308754]
 [ 0.40368647]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.70682931]
 [-0.01844346]
 [ 1.07488957]]
dot product : [[-0.45972253]
 [-0.46757032]]
result : [[ 0.09459141]
 [-0.72171906]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.09459141]
 [-0.72171906]]
dot product : [[ 0.43096308]
 [-0.10074451]
 [ 0.33176475]]
result : [[ 0.09369837]
 [-0.0088976 ]
 [ 0.39277173]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.79777761]
 [-0.01697286]
 [ 1.07450114]]
dot product : [[-0.48207092]
 [-0.3995089 ]]
result : [[ 0.07224302]
 [-0.65365765]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.07224302]
 [-0.65365765]]
dot product : [[ 0.37308934]
 [-0.08119234]
 [ 0.29275444]]
result : [[ 0.03582463]
 [ 0.01065458]
 [ 0.35376142]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.67627288]
 [-1.10732743]
 [ 0.33392676]]
dot product : [[-0.30101164]
 [-2.24976051]]
result : [[ 0.25330231]
 [-2.50390926]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.25330231]
 [-2.50390926]]
dot product : [[ 1.39908989]
 [-0.29347588]
 [ 1.10795106]]
result : [[ 1.06182517]
 [-0.20162896]
 [ 1.16895804]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.52840239]
 [-0.11323031]
 [ 1.01129402]]
dot product : [[-0.43148832]
 [-0.66547764]]
result : [[ 0.12282563]
 [-0.91962638]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.12282563]
 [-0.91962638]]
dot product : [[ 0.55208632]
 [-0.13008876]
 [ 0.42406055]]
result : [[ 0.21482161]
 [-0.03824184]
 [ 0.48506753]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.84039431]
 [-0.40575427]
 [ 0.82778877]]
dot product : [[-0.14106623]
 [-1.8792407 ]]
result : [[ 0.41324771]
 [-2.13338945]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.41324771]
 [-2.13338945]]
dot product : [[ 1.44541423]
 [-0.39783298]
 [ 1.05755511]]
result : [[ 1.10814952]
 [-0.30598606]
 [ 1.11856209]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.69183527]
 [-0.02307173]
 [ 1.07188228]]
dot product : [[-0.45678306]
 [-0.4818636 ]]
result : [[ 0.09753089]
 [-0.73601235]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.09753089]
 [-0.73601235]]
dot product : [[ 0.44086625]
 [-0.10353777]
 [ 0.3389484 ]]
result : [[ 0.10360154]
 [-0.01169085]
 [ 0.39995538]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.70617593]
 [-1.1138955 ]
 [ 0.32979354]]
dot product : [[-0.29469716]
 [-2.27640102]]
result : [[ 0.25961678]
 [-2.53054977]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.25961678]
 [-2.53054977]]
dot product : [[ 1.41862038]
 [-0.29930766]
 [ 1.12182098]]
result : [[ 1.08135567]
 [-0.20746075]
 [ 1.18282796]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.55648726]
 [-0.09398864]
 [ 1.02433075]]
dot product : [[-0.43519835]
 [-0.63129878]]
result : [[ 0.11911559]
 [-0.88544752]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.11911559]
 [-0.88544752]]
dot product : [[ 0.53266455]
 [-0.12589382]
 [ 0.40879162]]
result : [[ 0.19539984]
 [-0.0340469 ]
 [ 0.4697986 ]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.22549134]
 [-0.36763205]
 [ 0.83786346]]
dot product : [[-0.39943457]
 [-1.06694983]]
result : [[ 0.15487938]
 [-1.32109857]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.15487938]
 [-1.32109857]]
dot product : [[ 0.76542853]
 [-0.17073636]
 [ 0.59678377]]
result : [[ 0.42816382]
 [-0.07888944]
 [ 0.65779075]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.8756188 ]
 [-0.94603947]
 [ 0.44998331]]
dot product : [[-0.22408404]
 [-2.2836945 ]]
result : [[ 0.33022991]
 [-2.53784325]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.33022991]
 [-2.53784325]]
dot product : [[ 1.51236569]
 [-0.35246758]
 [ 1.16523845]]
result : [[ 1.17510097]
 [-0.26062067]
 [ 1.22624543]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.4324114 ]
 [-0.96680394]
 [ 0.42853068]]
dot product : [[-0.33773597]
 [-1.97158583]]
result : [[ 0.21657798]
 [-2.22573457]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.21657798]
 [-2.22573457]]
dot product : [[ 1.2326414 ]
 [-0.25444673]
 [ 0.97992503]]
result : [[ 0.89537669]
 [-0.16259981]
 [ 1.04093201]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.79496623]
 [-1.10069716]
 [ 0.3404208 ]]
dot product : [[-0.27039339]
 [-2.33259572]]
result : [[ 0.28392056]
 [-2.58674447]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.28392056]
 [-2.58674447]]
dot product : [[ 1.47391331]
 [-0.31983129]
 [ 1.15739556]]
result : [[ 1.1366486 ]
 [-0.22798437]
 [ 1.21840254]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.64415088]
 [-0.04291088]
 [ 1.05873279]]
dot product : [[-0.44830456]
 [-0.53090636]]
result : [[ 0.10600938]
 [-0.78505511]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.10600938]
 [-0.78505511]]
dot product : [[ 0.47278306]
 [-0.11191872]
 [ 0.36267224]]
result : [[ 0.13551835]
 [-0.0200718 ]
 [ 0.42367922]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.88477696]
 [-0.42422919]
 [ 0.78794808]]
dot product : [[-0.57286241]
 [-0.62068834]]
result : [[-0.01854847]
 [-0.87483709]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.01854847]
 [-0.87483709]]
dot product : [[ 0.35145096]
 [-0.02240541]
 [ 0.32553374]]
result : [[ 0.01418625]
 [ 0.06944151]
 [ 0.38654072]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.59269937]
 [-0.07103919]
 [ 1.03983725]]
dot product : [[-0.44029799]
 [-0.58853249]]
result : [[ 0.11401595]
 [-0.84268123]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.11401595]
 [-0.84268123]]
dot product : [[ 0.50777601]
 [-0.12030246]
 [ 0.38942326]]
result : [[ 0.1705113 ]
 [-0.02845554]
 [ 0.45043024]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.84875027]
 [-0.45538179]
 [ 0.79316557]]
dot product : [[-0.14741948]
 [-1.92016541]]
result : [[ 0.40689446]
 [-2.17431416]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.40689446]
 [-2.17431416]]
dot product : [[ 1.4548155 ]
 [-0.39477489]
 [ 1.06962839]]
result : [[ 1.11755079]
 [-0.30292798]
 [ 1.13063537]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.53784878]
 [-0.10663077]
 [ 1.01576828]]
dot product : [[-0.43271452]
 [-0.65389216]]
result : [[ 0.12159942]
 [-0.9080409 ]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.12159942]
 [-0.9080409 ]]
dot product : [[ 0.54554325]
 [-0.1286903 ]
 [ 0.41890294]]
result : [[ 0.20827854]
 [-0.03684338]
 [ 0.47990992]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.89074637]
 [-0.35380162]
 [ 0.83717451]]
dot product : [[-0.56238317]
 [-0.56695127]]
result : [[-0.00806923]
 [-0.82110002]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.00806923]
 [-0.82110002]]
dot product : [[ 0.34184875]
 [-0.02802052]
 [ 0.31090979]]
result : [[ 0.00458404]
 [ 0.0638264 ]
 [ 0.37191677]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.8261106 ]
 [-0.32735242]
 [ 0.88246983]]
dot product : [[-0.1312984 ]
 [-1.81378945]]
result : [[ 0.42301554]
 [-2.0679382 ]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.42301554]
 [-2.0679382 ]]
dot product : [[ 1.4298744 ]
 [-0.40242964]
 [ 1.03802019]]
result : [[ 1.09260968]
 [-0.31058273]
 [ 1.09902717]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.45000473]
 [-0.17220518]
 [ 0.97121724]]
dot product : [[-0.42202581]
 [-0.76457307]]
result : [[ 0.13228814]
 [-1.01872181]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.13228814]
 [-1.01872181]]
dot product : [[ 0.60673557]
 [-0.14128257]
 [ 0.46758575]]
result : [[ 0.26947085]
 [-0.04943565]
 [ 0.52859273]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.8773334 ]
 [-0.93457826]
 [ 0.45803619]]
dot product : [[-0.22171126]
 [-2.27692915]]
result : [[ 0.33260268]
 [-2.53107789]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.33260268]
 [-2.53107789]]
dot product : [[ 1.51250869]
 [-0.35396308]
 [ 1.16400325]]
result : [[ 1.17524398]
 [-0.26211617]
 [ 1.22501023]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.73415457]
 [-1.11607237]
 [ 0.32870542]]
dot product : [[-0.28811498]
 [-2.29854697]]
result : [[ 0.26619896]
 [-2.55269572]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.26619896]
 [-2.55269572]]
dot product : [[ 1.43656652]
 [-0.3051534 ]
 [ 1.1341176 ]]
result : [[ 1.0993018 ]
 [-0.21330648]
 [ 1.19512458]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.31359679]
 [-0.2876391 ]
 [ 0.89250755]]
dot product : [[-0.40773917]
 [-0.94597547]]
result : [[ 0.14657477]
 [-1.20012422]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.14657477]
 [-1.20012422]]
dot product : [[ 0.70288042]
 [-0.15950172]
 [ 0.54551643]]
result : [[ 0.36561571]
 [-0.0676548 ]
 [ 0.60652341]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.83105005]
 [-0.75801209]
 [ 0.55504205]]
dot product : [[-0.61620742]
 [-0.89411536]]
result : [[-0.06189348]
 [-1.14826411]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.06189348]
 [-1.14826411]]
dot product : [[ 0.41311111]
 [-0.0013018 ]
 [ 0.40568173]]
result : [[ 0.0758464 ]
 [ 0.09054512]
 [ 0.46668871]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.74738816]
 [-1.11543764]
 [ 0.32935628]]
dot product : [[-0.28471898]
 [-2.3078558 ]]
result : [[ 0.26959496]
 [-2.56200455]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.26959496]
 [-2.56200455]]
dot product : [[ 1.4449175 ]
 [-0.30808162]
 [ 1.13964828]]
result : [[ 1.10765278]
 [-0.2162347 ]
 [ 1.20065526]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.47005138]
 [-0.15648523]
 [ 0.9819131 ]]
dot product : [[-0.42433674]
 [-0.73878569]]
result : [[ 0.1299772 ]
 [-0.99293444]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.1299772 ]
 [-0.99293444]]
dot product : [[ 0.5927087 ]
 [-0.13848302]
 [ 0.45634641]]
result : [[ 0.25544399]
 [-0.0466361 ]
 [ 0.51735339]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.60251976]
 [-1.07776145]
 [ 0.35348131]]
dot product : [[-0.31431535]
 [-2.17469038]]
result : [[ 0.23999859]
 [-2.42883912]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.23999859]
 [-2.42883912]]
dot product : [[ 1.34981672]
 [-0.28040335]
 [ 1.0714495 ]]
result : [[ 1.01255201]
 [-0.18855643]
 [ 1.13245648]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.46006334]
 [-0.16426831]
 [ 0.97661847]]
dot product : [[-0.42317698]
 [-0.75159951]]
result : [[ 0.13113696]
 [-1.00574826]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.13113696]
 [-1.00574826]]
dot product : [[ 0.59969338]
 [-0.13988269]
 [ 0.46193785]]
result : [[ 0.26242867]
 [-0.04803578]
 [ 0.52294483]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.19185916]
 [-0.39888405]
 [ 0.81650256]]
dot product : [[-0.39638619]
 [-1.11363093]]
result : [[ 0.15792775]
 [-1.36777968]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.15792775]
 [-1.36777968]]
dot product : [[ 0.78936393]
 [-0.17495463]
 [ 0.61647678]]
result : [[ 0.45209922]
 [-0.08310771]
 [ 0.67748376]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.21431142]
 [-0.37798482]
 [ 0.8307879 ]]
dot product : [[-0.39841513]
 [-1.08244226]]
result : [[ 0.15589881]
 [-1.33659101]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.15589881]
 [-1.33659101]]
dot product : [[ 0.77338211]
 [-0.17214211]
 [ 0.6033239 ]]
result : [[ 0.43611739]
 [-0.08029519]
 [ 0.66433088]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.5017083 ]
 [-1.01718375]
 [ 0.39433099]]
dot product : [[-0.32907483]
 [-2.05795257]]
result : [[ 0.22523911]
 [-2.31210132]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.22523911]
 [-2.31210132]]
dot product : [[ 1.2808024 ]
 [-0.26451266]
 [ 1.01809763]]
result : [[ 0.94353768]
 [-0.17266574]
 [ 1.07910461]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.41197964]
 [-0.95094907]
 [ 0.43931503]]
dot product : [[-0.34011967]
 [-1.9454201 ]]
result : [[ 0.21419427]
 [-2.19956885]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.21419427]
 [-2.19956885]]
dot product : [[ 1.21835886]
 [-0.251577  ]
 [ 0.96849844]]
result : [[ 0.88109415]
 [-0.15973009]
 [ 1.02950542]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.66048242]
 [-0.03533603]
 [ 1.06378268]]
dot product : [[-0.45107588]
 [-0.5135631 ]]
result : [[ 0.10323806]
 [-0.76771185]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.10323806]
 [-0.76771185]]
dot product : [[ 0.46178743]
 [-0.10912482]
 [ 0.3544132 ]]
result : [[ 0.12452271]
 [-0.0172779 ]
 [ 0.41542018]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.00212559]
 [-0.58283873]
 [ 0.69070654]]
dot product : [[-0.37943188]
 [-1.38547057]]
result : [[ 0.17488206]
 [-1.63961932]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.17488206]
 [-1.63961932]]
dot product : [[ 0.92772447]
 [-0.19892217]
 [ 0.7306971 ]]
result : [[ 0.59045975]
 [-0.10707525]
 [ 0.79170408]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.86435564]
 [-0.99724056]
 [ 0.41395221]]
dot product : [[-0.23557939]
 [-2.31126178]]
result : [[ 0.31873456]
 [-2.56541052]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.31873456]
 [-2.56541052]]
dot product : [[ 1.50943861]
 [-0.34500629]
 [ 1.16922084]]
result : [[ 1.1721739 ]
 [-0.25315938]
 [ 1.23022782]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.88923054]
 [-0.18566798]
 [ 0.95493997]]
dot product : [[-0.53344819]
 [-0.4502838 ]]
result : [[ 0.02086575]
 [-0.70443255]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.02086575]
 [-0.70443255]]
dot product : [[ 0.32893708]
 [-0.04484018]
 [ 0.2827167 ]]
result : [[-0.00832763]
 [ 0.04700674]
 [ 0.34372368]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.87575982]
 [-0.11553038]
 [ 1.00426649]]
dot product : [[-0.51818787]
 [-0.41107773]]
result : [[ 0.03612608]
 [-0.66522648]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.03612608]
 [-0.66522648]]
dot product : [[ 0.33170333]
 [-0.05463694]
 [ 0.27642698]]
result : [[-0.00556138]
 [ 0.03720998]
 [ 0.33743396]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.78075027]
 [-0.98418159]
 [ 0.39744286]]
dot product : [[-0.64212531]
 [-1.0896288 ]]
result : [[-0.08781137]
 [-1.34377754]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.08781137]
 [-1.34377754]]
dot product : [[ 0.46371488]
 [ 0.00998875]
 [ 0.46591088]]
result : [[ 0.12645017]
 [ 0.10183567]
 [ 0.52691786]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.87886468]
 [-0.92270113]
 [ 0.46637747]]
dot product : [[-0.21931339]
 [-2.2697373 ]]
result : [[ 0.33500055]
 [-2.52388605]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.33500055]
 [-2.52388605]]
dot product : [[ 1.51250097]
 [-0.35545968]
 [ 1.16261859]]
result : [[ 1.17523625]
 [-0.26361276]
 [ 1.22362557]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.15071471]
 [-0.72317733]
 [ 0.59474638]]
dot product : [[-0.36634873]
 [-1.59329758]]
result : [[ 0.18796521]
 [-1.84744633]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.18796521]
 [-1.84744633]]
dot product : [[ 1.03365951]
 [-0.21733658]
 [ 0.81809062]]
result : [[ 0.6963948 ]
 [-0.12548967]
 [ 0.8790976 ]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.56711552]
 [-1.05861197]
 [ 0.36633933]]
dot product : [[-0.31985971]
 [-2.13518154]]
result : [[ 0.23445424]
 [-2.38933029]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.23445424]
 [-2.38933029]]
dot product : [[ 1.32575475]
 [-0.27461423]
 [ 1.0530772 ]]
result : [[ 0.98849003]
 [-0.18276731]
 [ 1.11408418]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.52081854]
 [-1.02999117]
 [ 0.38566014]]
dot product : [[-0.32650186]
 [-2.08100943]]
result : [[ 0.22781208]
 [-2.33515818]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.22781208]
 [-2.33515818]]
dot product : [[ 1.2939943 ]
 [-0.26739509]
 [ 1.02843834]]
result : [[ 0.95672959]
 [-0.17554818]
 [ 1.08944532]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.40166683]
 [-0.94279731]
 [ 0.44486278]]
dot product : [[-0.34129751]
 [-1.93210866]]
result : [[ 0.21301644]
 [-2.1862574 ]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.21301644]
 [-2.1862574 ]]
dot product : [[ 1.21113753]
 [-0.25014315]
 [ 0.96270536]]
result : [[ 0.87387282]
 [-0.15829624]
 [ 1.02371234]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.33519014]
 [-0.26856694]
 [ 0.9055268 ]]
dot product : [[-0.40986503]
 [-0.91669978]]
result : [[ 0.14444891]
 [-1.17084852]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.14444891]
 [-1.17084852]]
dot product : [[ 0.68759478]
 [-0.156696  ]
 [ 0.53304297]]
result : [[ 0.35033007]
 [-0.06484908]
 [ 0.59404995]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.1280158 ]
 [-0.70199809]
 [ 0.60922395]]
dot product : [[-0.3683914 ]
 [-1.56173097]]
result : [[ 0.18592255]
 [-1.81587971]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.18592255]
 [-1.81587971]]
dot product : [[ 1.01749796]
 [-0.21449811]
 [ 0.80478461]]
result : [[ 0.68023325]
 [-0.12265119]
 [ 0.86579159]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.65264831]
 [-1.09966686]
 [ 0.33892295]]
dot product : [[-0.30558051]
 [-2.22698205]]
result : [[ 0.24873343]
 [-2.48113079]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.24873343]
 [-2.48113079]]
dot product : [[ 1.38345608]
 [-0.28911095]
 [ 1.09656935]]
result : [[ 1.04619137]
 [-0.19726404]
 [ 1.15757633]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.87867669]
 [-0.69203369]
 [ 0.62790797]]
dot product : [[-0.18018009]
 [-2.10800653]]
result : [[ 0.37413386]
 [-2.36215528]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.37413386]
 [-2.36215528]]
dot product : [[ 1.49334714]
 [-0.37804398]
 [ 1.12297332]]
result : [[ 1.15608243]
 [-0.28619706]
 [ 1.1839803 ]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.81540173]
 [-0.27239952]
 [ 0.92078564]]
dot product : [[-0.12462524]
 [-1.76739994]]
result : [[ 0.4296887 ]
 [-2.02154869]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.4296887 ]
 [-2.02154869]]
dot product : [[ 1.41853958]
 [-0.40550051]
 [ 1.02403078]]
result : [[ 1.08127487]
 [-0.31365359]
 [ 1.08503776]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.47245184]
 [-0.99661205]
 [ 0.40828086]]
dot product : [[-0.33285006]
 [-2.02197847]]
result : [[ 0.22146388]
 [-2.27612722]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.22146388]
 [-2.27612722]]
dot product : [[ 1.26052691]
 [-0.26019444]
 [ 1.00210129]]
result : [[ 0.9232622 ]
 [-0.16834753]
 [ 1.06310827]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.84595787]
 [-0.05303528]
 [ 1.04849575]]
dot product : [[-0.50016779]
 [-0.38926207]]
result : [[ 0.05414615]
 [-0.64341082]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.05414615]
 [-0.64341082]]
dot product : [[ 0.3454706 ]
 [-0.0672209 ]
 [ 0.27840778]]
result : [[ 0.00820589]
 [ 0.02462602]
 [ 0.33941476]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.85258341]
 [-0.47941491]
 [ 0.77639526]]
dot product : [[-0.1505492 ]
 [-1.93982674]]
result : [[ 0.40376475]
 [-2.19397549]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.40376475]
 [-2.19397549]]
dot product : [[ 1.45923274]
 [-0.39324774]
 [ 1.07538418]]
result : [[ 1.12196803]
 [-0.30140082]
 [ 1.13639115]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.72734629]
 [-1.11595321]
 [ 0.32868269]]
dot product : [[-0.28978642]
 [-2.29344562]]
result : [[ 0.26452753]
 [-2.54759437]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.26452753]
 [-2.54759437]]
dot product : [[ 1.43223341]
 [-0.30369064]
 [ 1.13119578]]
result : [[ 1.0949687 ]
 [-0.21184372]
 [ 1.19220276]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.58378371]
 [-0.07647514]
 [ 1.03616955]]
dot product : [[-0.43900602]
 [-0.59891166]]
result : [[ 0.11530792]
 [-0.85306041]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.11530792]
 [-0.85306041]]
dot product : [[ 0.51388605]
 [-0.12170012]
 [ 0.39415511]]
result : [[ 0.17662134]
 [-0.0298532 ]
 [ 0.45516209]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.04380197]
 [-0.53903629]
 [ 0.72066461]]
dot product : [[-0.38340357]
 [-1.32093535]]
result : [[ 0.17091038]
 [-1.5750841 ]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.17091038]
 [-1.5750841 ]]
dot product : [[ 0.89494582]
 [-0.19327213]
 [ 0.70361165]]
result : [[ 0.55768111]
 [-0.10142521]
 [ 0.76461863]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.81402889]
 [-0.83872816]
 [ 0.49878306]]
dot product : [[-0.62568815]
 [-0.96320539]]
result : [[-0.07137421]
 [-1.21735413]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.07137421]
 [-1.21735413]]
dot product : [[ 0.43058021]
 [ 0.00292901]
 [ 0.42678018]]
result : [[ 0.0933155 ]
 [ 0.09477593]
 [ 0.48778716]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.89171727]
 [-0.33735345]
 [ 0.84867781]]
dot product : [[-0.55983061]
 [-0.55471306]]
result : [[-0.00551667]
 [-0.80886181]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.00551667]
 [-0.80886181]]
dot product : [[ 0.33987494]
 [-0.02942357]
 [ 0.30767477]]
result : [[ 0.00261023]
 [ 0.06242335]
 [ 0.36868175]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.89356616]
 [-0.27608096]
 [ 0.89155731]]
dot product : [[-0.54988257]
 [-0.51042642]]
result : [[ 0.00443137]
 [-0.76457517]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.00443137]
 [-0.76457517]]
dot product : [[ 0.33364474]
 [-0.03503307]
 [ 0.29637711]]
result : [[-0.00361997]
 [ 0.05681385]
 [ 0.35738409]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.24044795]
 [-0.80532804]
 [ 0.53861663]]
dot product : [[-0.35800617]
 [-1.71698327]]
result : [[ 0.19630777]
 [-1.97113202]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.19630777]
 [-1.97113202]]
dot product : [[ 1.09741933]
 [-0.22871211]
 [ 0.87042176]]
result : [[ 0.76015462]
 [-0.13686519]
 [ 0.93142874]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.87313736]
 [-0.63343154]
 [ 0.66885992]]
dot product : [[-0.17160259]
 [-2.06287064]]
result : [[ 0.38271135]
 [-2.31701939]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.38271135]
 [-2.31701939]]
dot product : [[ 1.48499386]
 [-0.38259233]
 [ 1.110561  ]]
result : [[ 1.14772914]
 [-0.29074541]
 [ 1.17156798]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.51887351]
 [-0.1200104 ]
 [ 1.00669461]]
dot product : [[-0.43027228]
 [-0.6772504 ]]
result : [[ 0.12404166]
 [-0.93139914]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.12404166]
 [-0.93139914]]
dot product : [[ 0.55869666]
 [-0.13148738]
 [ 0.42928428]]
result : [[ 0.22143195]
 [-0.03964046]
 [ 0.49029126]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.74221482]
 [-0.01150444]
 [ 1.07919707]]
dot product : [[-0.46733624]
 [-0.43662923]]
result : [[ 0.0869777 ]
 [-0.69077798]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.0869777 ]
 [-0.69077798]]
dot product : [[ 0.4079206 ]
 [-0.09376179]
 [ 0.31549483]]
result : [[ 0.07065589]
 [-0.00191487]
 [ 0.37650181]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.88818223]
 [-0.38808078]
 [ 0.81320924]]
dot product : [[-0.56756854]
 [-0.59285509]]
result : [[-0.0132546 ]
 [-0.84700384]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.0132546 ]
 [-0.84700384]]
dot product : [[ 0.34630567]
 [-0.02521355]
 [ 0.31788223]]
result : [[ 0.00904096]
 [ 0.06663337]
 [ 0.3788892 ]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.08239468]
 [-0.65908384]
 [ 0.63856482]]
dot product : [[-0.3724378 ]
 [-1.49804382]]
result : [[ 0.18187614]
 [-1.75219257]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.18187614]
 [-1.75219257]]
dot product : [[ 0.9849872 ]
 [-0.20882732]
 [ 0.77798209]]
result : [[ 0.64772249]
 [-0.1169804 ]
 [ 0.83898907]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.86272391]
 [-0.54843756]
 [ 0.72821772]]
dot product : [[-0.1597534]
 [-1.9956538]]
result : [[ 0.39456054]
 [-2.24980255]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.39456054]
 [-2.24980255]]
dot product : [[ 1.47136766]
 [-0.38867375]
 [ 1.09154468]]
result : [[ 1.13410295]
 [-0.29682683]
 [ 1.15255166]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.72041262]
 [-1.11554813]
 [ 0.32885824]]
dot product : [[-0.29144044]
 [-2.28805155]]
result : [[ 0.2628735]
 [-2.5422003]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.2628735]
 [-2.5422003]]
dot product : [[ 1.42779708]
 [-0.30222877]
 [ 1.12817148]]
result : [[ 1.09053237]
 [-0.21038185]
 [ 1.18917846]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.89329364]
 [-0.24810329]
 [ 0.91115396]]
dot product : [[-0.54506271]
 [-0.49102775]]
result : [[ 0.00925123]
 [-0.74517649]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.00925123]
 [-0.74517649]]
dot product : [[ 0.3315091 ]
 [-0.03783628]
 [ 0.29169438]]
result : [[-0.00575561]
 [ 0.05401064]
 [ 0.35270136]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.89248299]
 [-0.32136112]
 [ 0.85986509]]
dot product : [[-0.5573045]
 [-0.5429454]]
result : [[-0.00299055]
 [-0.79709415]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.00299055]
 [-0.79709415]]
dot product : [[ 0.33806904]
 [-0.03082635]
 [ 0.30460537]]
result : [[ 0.00080432]
 [ 0.06102057]
 [ 0.36561235]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.8841156 ]
 [-0.79645963]
 [ 0.55486465]]
dot product : [[-0.19656593]
 [-2.1851699 ]]
result : [[ 0.35774801]
 [-2.43931864]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.35774801]
 [-2.43931864]]
dot product : [[ 1.50541799]
 [-0.36897925]
 [ 1.14320277]]
result : [[ 1.16815327]
 [-0.27713233]
 [ 1.20420974]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.85465634]
 [-0.63408057]
 [ 0.64146157]]
dot product : [[-0.60102256]
 [-0.7898977 ]]
result : [[-0.04670861]
 [-1.04404644]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.04670861]
 [-1.04404644]]
dot product : [[ 0.38789436]
 [-0.00834527]
 [ 0.37436448]]
result : [[ 0.05062964]
 [ 0.08350164]
 [ 0.43537146]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.54885873]
 [-1.04776523]
 [ 0.37365046]]
dot product : [[-0.32255365]
 [-2.11412723]]
result : [[ 0.23176029]
 [-2.36827598]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.23176029]
 [-2.36827598]]
dot product : [[ 1.31326658]
 [-0.27172431]
 [ 1.0434365 ]]
result : [[ 0.97600187]
 [-0.17987739]
 [ 1.10444348]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.48980896]
 [-0.14139571]
 [ 0.99217199]]
dot product : [[-0.42668293]
 [-0.71365301]]
result : [[ 0.12763101]
 [-0.96780176]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.12763101]
 [-0.96780176]]
dot product : [[ 0.57891742]
 [-0.13568423]
 [ 0.44533839]]
result : [[ 0.2416527 ]
 [-0.04383731]
 [ 0.50634537]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.89224133]
 [-0.22185723]
 [ 0.92955015]]
dot product : [[-0.54034322]
 [-0.47341686]]
result : [[ 0.01397073]
 [-0.72756561]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.01397073]
 [-0.72756561]]
dot product : [[ 0.33001153]
 [-0.04063852]
 [ 0.28764098]]
result : [[-0.00725319]
 [ 0.0512084 ]
 [ 0.34864796]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.15797529]
 [-0.43065982]
 [ 0.7947788 ]]
dot product : [[-0.39336424]
 [-1.16086446]]
result : [[ 0.1609497 ]
 [-1.41501321]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.1609497 ]
 [-1.41501321]]
dot product : [[ 0.81350237]
 [-0.17917604]
 [ 0.63636688]]
result : [[ 0.47623766]
 [-0.08732912]
 [ 0.69737386]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.10106781]
 [-0.48450296]
 [ 0.75796058]]
dot product : [[-0.38836981]
 [-1.24052609]]
result : [[ 0.16594413]
 [-1.49467484]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.16594413]
 [-1.49467484]]
dot product : [[ 0.85408184]
 [-0.18621913]
 [ 0.66985371]]
result : [[ 0.51681713]
 [-0.09437221]
 [ 0.73086069]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.79214976]
 [-0.01515875]
 [ 1.0758593 ]]
dot product : [[-0.48036442]
 [-0.40238591]]
result : [[ 0.07394952]
 [-0.65653466]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.07394952]
 [-0.65653466]]
dot product : [[ 0.37651334]
 [-0.08258908]
 [ 0.29484161]]
result : [[ 0.03924863]
 [ 0.00925783]
 [ 0.35584859]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.79752477]
 [-0.18586622]
 [ 0.98110502]]
dot product : [[-0.11436907]
 [-1.69360396]]
result : [[ 0.43994488]
 [-1.9477527 ]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.43994488]
 [-1.9477527 ]]
dot product : [[ 1.40004702]
 [-0.41011656]
 [ 1.00156982]]
result : [[ 1.06278231]
 [-0.31826965]
 [ 1.0625768 ]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.61024572]
 [-0.06079305]
 [ 1.04673886]]
dot product : [[-0.44291743]
 [-0.56842253]]
result : [[ 0.11139651]
 [-0.82257128]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.11139651]
 [-0.82257128]]
dot product : [[ 0.49578854]
 [-0.11750749]
 [ 0.38018833]]
result : [[ 0.15852382]
 [-0.02566057]
 [ 0.44119531]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.35658302]
 [-0.24992639]
 [ 0.91824693]]
dot product : [[-0.41201439]
 [-0.88787419]]
result : [[ 0.14229955]
 [-1.14202294]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.14229955]
 [-1.14202294]]
dot product : [[ 0.67247205]
 [-0.15389136]
 [ 0.52072897]]
result : [[ 0.33520733]
 [-0.06204444]
 [ 0.58173595]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.42968263]
 [-0.18852497]
 [ 0.96010561]]
dot product : [[-0.41974832]
 [-0.79098366]]
result : [[ 0.13456563]
 [-1.04513241]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.13456563]
 [-1.04513241]]
dot product : [[ 0.62098684]
 [-0.14408294]
 [ 0.47904536]]
result : [[ 0.28372212]
 [-0.05223603]
 [ 0.54005234]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.78390241]
 [-1.10627369]
 [ 0.3363431 ]]
dot product : [[-0.27408964]
 [-2.328348  ]]
result : [[ 0.2802243 ]
 [-2.58249675]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.2802243 ]
 [-2.58249675]]
dot product : [[ 1.46734793]
 [-0.31688825]
 [ 1.15363717]]
result : [[ 1.13008322]
 [-0.22504134]
 [ 1.21464415]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.53025033]
 [-1.03611129]
 [ 0.38152138]]
dot product : [[-0.32519785]
 [-2.0922483 ]]
result : [[ 0.22911609]
 [-2.34639705]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.22911609]
 [-2.34639705]]
dot product : [[ 1.30048853]
 [-0.26883742]
 [ 1.0335075 ]]
result : [[ 0.96322382]
 [-0.1769905 ]
 [ 1.09451448]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.88050667]
 [-0.13357725]
 [ 0.99155448]]
dot product : [[-0.52243268]
 [-0.42022177]]
result : [[ 0.03188126]
 [-0.67437052]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.03188126]
 [-0.67437052]]
dot product : [[ 0.33017828]
 [-0.0518388 ]
 [ 0.27749957]]
result : [[-0.00708643]
 [ 0.04000811]
 [ 0.33850655]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.82375085]
 [-0.03083545]
 [ 1.0643883 ]]
dot product : [[-0.4908792]
 [-0.3900773]]
result : [[ 0.06343475]
 [-0.64422605]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.06343475]
 [-0.64422605]]
dot product : [[ 0.35774021]
 [-0.07420768]
 [ 0.28406359]]
result : [[ 0.0204755 ]
 [ 0.01763924]
 [ 0.34507057]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.13937598]
 [-0.71261405]
 [ 0.60196689]]
dot product : [[-0.36737188]
 [-1.57754063]]
result : [[ 0.18694207]
 [-1.83168938]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.18694207]
 [-1.83168938]]
dot product : [[ 1.02558772]
 [-0.21591709]
 [ 0.8114467 ]]
result : [[ 0.68832301]
 [-0.12407017]
 [ 0.87245368]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.43987726]
 [-0.18029201]
 [ 0.96571207]]
dot product : [[-0.42088299]
 [-0.77770243]]
result : [[ 0.13343095]
 [-1.03185118]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.13343095]
 [-1.03185118]]
dot product : [[ 0.61383385]
 [-0.14268265]
 [ 0.47328871]]
result : [[ 0.27656914]
 [-0.05083573]
 [ 0.53429569]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.82906   ]
 [-1.07064725]
 [ 0.36199604]]
dot product : [[-0.25681788]
 [-2.33667247]]
result : [[ 0.29749606]
 [-2.59082121]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.29749606]
 [-2.59082121]]
dot product : [[ 1.49308325]
 [-0.33016232]
 [ 1.16677049]]
result : [[ 1.15581854]
 [-0.23831541]
 [ 1.22777747]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.11663588]
 [-0.69133326]
 [ 0.61651493]]
dot product : [[-0.36940752]
 [-1.54587252]]
result : [[ 0.18490642]
 [-1.80002126]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.18490642]
 [-1.80002126]]
dot product : [[ 1.00939163]
 [-0.21307965]
 [ 0.79810572]]
result : [[ 0.67212692]
 [-0.12123274]
 [ 0.8591127 ]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.71335526]
 [-1.11486096]
 [ 0.32922941]]
dot product : [[-0.29307728]
 [-2.28236871]]
result : [[ 0.26123666]
 [-2.53651746]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.26123666]
 [-2.53651746]]
dot product : [[ 1.42325894]
 [-0.30076778]
 [ 1.12504608]]
result : [[ 1.08599423]
 [-0.20892086]
 [ 1.18605306]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.84182799]
 [-0.0479054 ]
 [ 1.05215254]]
dot product : [[-0.49827029]
 [-0.3887122 ]]
result : [[ 0.05604365]
 [-0.64286095]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.05604365]
 [-0.64286095]]
dot product : [[ 0.34766978]
 [-0.06861846]
 [ 0.27928785]]
result : [[ 0.01040506]
 [ 0.02322846]
 [ 0.34029483]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.38085591]
 [-0.92606427]
 [ 0.45625618]]
dot product : [[-0.34362626]
 [-1.90504828]]
result : [[ 0.21068768]
 [-2.15919702]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.21068768]
 [-2.15919702]]
dot product : [[ 1.19654175]
 [-0.24727745]
 [ 0.95096655]]
result : [[ 0.85927704]
 [-0.15543053]
 [ 1.01197353]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.77815857]
 [-1.10857954]
 [ 0.33463877]]
dot product : [[-0.27590849]
 [-2.32572999]]
result : [[ 0.27840545]
 [-2.57987873]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.27840545]
 [-2.57987873]]
dot product : [[ 1.46389086]
 [-0.31541816]
 [ 1.15158492]]
result : [[ 1.12662615]
 [-0.22357124]
 [ 1.21259189]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.11248479]
 [-0.47366382]
 [ 0.76537305]]
dot product : [[-0.38936554]
 [-1.22451821]]
result : [[ 0.16494841]
 [-1.47866696]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.16494841]
 [-1.47866696]]
dot product : [[ 0.8459376 ]
 [-0.18480974]
 [ 0.66312913]]
result : [[ 0.50867288]
 [-0.09296282]
 [ 0.72413611]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.42222839]
 [-0.95895256]
 [ 0.43387011]]
dot product : [[-0.33893257]
 [-1.95858047]]
result : [[ 0.21538137]
 [-2.21272922]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.21538137]
 [-2.21272922]]
dot product : [[ 1.22552728]
 [-0.25301153]
 [ 0.97423879]]
result : [[ 0.88826257]
 [-0.16116461]
 [ 1.03524577]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.81535065]
 [-1.08557778]
 [ 0.35132659]]
dot product : [[-0.26276031]
 [-2.33702779]]
result : [[ 0.29155364]
 [-2.59117654]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.29155364]
 [-2.59117654]]
dot product : [[ 1.48560983]
 [-0.32572887]
 [ 1.16348914]]
result : [[ 1.14834512]
 [-0.23388195]
 [ 1.22449611]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.23663819]
 [-0.35734895]
 [ 0.84489076]]
dot product : [[-0.40045762]
 [-1.05153058]]
result : [[ 0.15385632]
 [-1.30567933]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.15385632]
 [-1.30567933]]
dot product : [[ 0.75750171]
 [-0.16933094]
 [ 0.59026968]]
result : [[ 0.42023699]
 [-0.07748402]
 [ 0.65127666]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.8411984 ]
 [-0.70686931]
 [ 0.59069842]]
dot product : [[-0.61004215]
 [-0.85080811]]
result : [[-0.05572821]
 [-1.10495685]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.05572821]
 [-1.10495685]]
dot product : [[ 0.40244664]
 [-0.00412034]
 [ 0.39258472]]
result : [[ 0.06518193]
 [ 0.08772658]
 [ 0.45359169]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.82464401]
 [-1.07597374]
 [ 0.3581971 ]]
dot product : [[-0.25881987]
 [-2.33714919]]
result : [[ 0.29549408]
 [-2.59129794]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.29549408]
 [-2.59129794]]
dot product : [[ 1.49071862]
 [-0.32868352]
 [ 1.16580221]]
result : [[ 1.15345391]
 [-0.2368366 ]
 [ 1.22680919]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.80028279]
 [-1.09741885]
 [ 0.34279947]]
dot product : [[-0.26851553]
 [-2.33421756]]
result : [[ 0.28579842]
 [-2.58836631]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.28579842]
 [-2.58836631]]
dot product : [[ 1.47701882]
 [-0.32130423]
 [ 1.15909893]]
result : [[ 1.13975411]
 [-0.22945732]
 [ 1.2201059 ]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.84136483]
 [-1.05252402]
 [ 0.37487938]]
dot product : [[-0.25068215]
 [-2.33304536]]
result : [[ 0.3036318]
 [-2.5871941]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.3036318]
 [-2.5871941]]
dot product : [[ 1.49940133]
 [-0.33460476]
 [ 1.16890567]]
result : [[ 1.16213662]
 [-0.24275785]
 [ 1.22991265]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.88312251]
 [-0.87095692]
 [ 0.50267967]]
dot product : [[-0.20946642]
 [-2.23662644]]
result : [[ 0.34484752]
 [-2.49077519]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.34484752]
 [-2.49077519]]
dot product : [[ 1.51093481]
 [-0.36145711]
 [ 1.15555768]]
result : [[ 1.1736701 ]
 [-0.26961019]
 [ 1.21656465]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.89286411]
 [-0.23476572]
 [ 0.92050079]]
dot product : [[-0.54269053]
 [-0.4820008 ]]
result : [[ 0.01162341]
 [-0.73614954]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.01162341]
 [-0.73614954]]
dot product : [[ 0.33068126]
 [-0.03923752]
 [ 0.28958971]]
result : [[-0.00658346]
 [ 0.0526094 ]
 [ 0.35059669]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.80545352]
 [-1.09380872]
 [ 0.34540823]]
dot product : [[-0.26661754]
 [-2.33549947]]
result : [[ 0.2876964 ]
 [-2.58964822]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.2876964 ]
 [-2.58964822]]
dot product : [[ 1.48000434]
 [-0.32277814]
 [ 1.16068323]]
result : [[ 1.14273963]
 [-0.23093122]
 [ 1.22169021]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.37776181]
 [-0.23174803]
 [ 0.93064673]]
dot product : [[-0.41418906]
 [-0.85953019]]
result : [[ 0.14012489]
 [-1.11367893]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.14012489]
 [-1.11367893]]
dot product : [[ 0.65752341]
 [-0.15108776]
 [ 0.50858549]]
result : [[ 0.3202587 ]
 [-0.05924084]
 [ 0.56959247]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.31706324]
 [-0.8727042 ]
 [ 0.49262874]]
dot product : [[-0.35041353]
 [-1.8206505 ]]
result : [[ 0.20390041]
 [-2.07479925]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.20390041]
 [-2.07479925]]
dot product : [[ 1.15163003]
 [-0.23869587]
 [ 0.91462842]]
result : [[ 0.81436532]
 [-0.14684896]
 [ 0.9756354 ]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.84514637]
 [-1.04575562]
 [ 0.37967818]]
dot product : [[-0.24859289]
 [-2.3310909 ]]
result : [[ 0.30572105]
 [-2.58523964]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.30572105]
 [-2.58523964]]
dot product : [[ 1.5012441 ]
 [-0.3360876 ]
 [ 1.16935625]]
result : [[ 1.16397939]
 [-0.24424068]
 [ 1.23036323]]
Total Cost [ 155.9485368] for Epoch 8 complete
Axis-wise Cost is [[ 59.68002724]
 [ 47.41501823]
 [ 48.85349133]] 
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.37036119]
 [-0.91749063]
 [ 0.46209653]]
dot product : [[-0.34477764]
 [-1.89130721]]
result : [[ 0.2095363 ]
 [-2.14545596]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.2095363 ]
 [-2.14545596]]
dot product : [[ 1.18917009]
 [-0.24584559]
 [ 0.94502358]]
result : [[ 0.85190538]
 [-0.15399867]
 [ 1.00603056]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.45257334]
 [-0.98203513]
 [ 0.41817889]]
dot product : [[-0.33531336]
 [-1.99711578]]
result : [[ 0.21900058]
 [-2.25126452]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.21900058]
 [-2.25126452]]
dot product : [[ 1.24670115]
 [-0.25731919]
 [ 0.99112967]]
result : [[ 0.90943644]
 [-0.16547227]
 [ 1.05213665]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.6015206 ]
 [-0.06581055]
 [ 1.04336123]]
dot product : [[-0.44160172]
 [-0.57836813]]
result : [[ 0.11271222]
 [-0.83251688]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.11271222]
 [-0.83251688]]
dot product : [[ 0.50174305]
 [-0.11890492]
 [ 0.3847672 ]]
result : [[ 0.16447833]
 [-0.027058  ]
 [ 0.44577418]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.76625553]
 [-1.11224554]
 [ 0.33188589]]
dot product : [[-0.27948876]
 [-2.31952534]]
result : [[ 0.27482518]
 [-2.57367408]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.27482518]
 [-2.57367408]]
dot product : [[ 1.45663492]
 [-0.31248077]
 [ 1.14714119]]
result : [[ 1.1193702 ]
 [-0.22063385]
 [ 1.20814817]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.66848697]
 [-0.03190354]
 [ 1.06606158]]
dot product : [[-0.45248177]
 [-0.50525895]]
result : [[ 0.10183218]
 [-0.75940769]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.10183218]
 [-0.75940769]]
dot product : [[ 0.45642127]
 [-0.10772797]
 [ 0.35041327]]
result : [[ 0.11915656]
 [-0.01588106]
 [ 0.41142025]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.88431089]
 [-0.8122521 ]
 [ 0.54380843]]
dot product : [[-0.19919984]
 [-2.19637712]]
result : [[ 0.3551141 ]
 [-2.45052587]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.3551141 ]
 [-2.45052587]]
dot product : [[ 1.50684517]
 [-0.36747254]
 [ 1.14599479]]
result : [[ 1.16958046]
 [-0.27562562]
 [ 1.20700176]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.32441767]
 [-0.27805098]
 [ 0.89905324]]
dot product : [[-0.40879928]
 [-0.93128333]]
result : [[ 0.14551467]
 [-1.18543207]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.14551467]
 [-1.18543207]]
dot product : [[ 0.69521794]
 [-0.15809872]
 [ 0.53926046]]
result : [[ 0.35795322]
 [-0.0662518 ]
 [ 0.60026744]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.84591795]
 [-0.68208683]
 [ 0.60797968]]
dot product : [[-0.60700541]
 [-0.82996851]]
result : [[-0.05269147]
 [-1.08411726]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.05269147]
 [-1.08411726]]
dot product : [[ 0.39740468]
 [-0.00552903]
 [ 0.38632265]]
result : [[ 0.06013997]
 [ 0.08631789]
 [ 0.44732963]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.88454188]
 [-0.15320278]
 [ 0.97774804]]
dot product : [[-0.52676881]
 [-0.43099623]]
result : [[ 0.02754513]
 [-0.68514497]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.02754513]
 [-0.68514497]]
dot product : [[ 0.3292354 ]
 [-0.04903994]
 [ 0.27914621]]
result : [[-0.00802932]
 [ 0.04280698]
 [ 0.34015319]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.891427  ]
 [-0.20937399]
 [ 0.9383047 ]]
dot product : [[-0.53802054]
 [-0.46527201]]
result : [[ 0.0162934 ]
 [-0.71942075]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.0162934 ]
 [-0.71942075]]
dot product : [[ 0.32949852]
 [-0.0420393 ]
 [ 0.28584683]]
result : [[-0.00776619]
 [ 0.04980762]
 [ 0.34685381]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.07095282]
 [-0.6482618 ]
 [ 0.64596492]]
dot product : [[-0.37344262]
 [-1.48202959]]
result : [[ 0.18087133]
 [-1.73617833]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.18087133]
 [-1.73617833]]
dot product : [[ 0.97682857]
 [-0.20741087]
 [ 0.77124984]]
result : [[ 0.63956386]
 [-0.11556395]
 [ 0.83225682]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.207027  ]
 [-0.77506961]
 [ 0.55928504]]
dot product : [[-0.36117082]
 [-1.67115389]]
result : [[ 0.19314312]
 [-1.92530264]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.19314312]
 [-1.92530264]]
dot product : [[ 1.07370005]
 [-0.22444213]
 [ 0.85098919]]
result : [[ 0.73643534]
 [-0.13259521]
 [ 0.91199617]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.35980925]
 [-0.90878401]
 [ 0.46802911]]
dot product : [[-0.34592065]
 [-1.87743081]]
result : [[ 0.20839329]
 [-2.13157956]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.20839329]
 [-2.13157956]]
dot product : [[ 1.18175112]
 [-0.24441437]
 [ 0.93903342]]
result : [[ 0.84448641]
 [-0.15256745]
 [ 1.0000404 ]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.78790495]
 [-0.95398039]
 [ 0.41848079]]
dot product : [[-0.63877323]
 [-1.06319842]]
result : [[-0.08445929]
 [-1.31734716]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.08445929]
 [-1.31734716]]
dot product : [[ 0.45667948]
 [ 0.00857593]
 [ 0.45768163]]
result : [[ 0.11941476]
 [ 0.10042285]
 [ 0.51868861]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.87164646]
 [-0.96772944]
 [ 0.43473216]]
dot product : [[-0.2287552 ]
 [-2.29596151]]
result : [[ 0.32555874]
 [-2.55011026]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.32555874]
 [-2.55011026]]
dot product : [[ 1.51163307]
 [-0.34947985]
 [ 1.16726598]]
result : [[ 1.17436836]
 [-0.25763293]
 [ 1.22827295]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.05949974]
 [-0.63741001]
 [ 0.65338569]]
dot product : [[-0.37444517]
 [-1.46598624]]
result : [[ 0.17986878]
 [-1.72013499]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.17986878]
 [-1.72013499]]
dot product : [[ 0.96866036]
 [-0.2059949 ]
 [ 0.7645077 ]]
result : [[ 0.63139564]
 [-0.11414799]
 [ 0.82551468]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.83309753]
 [-0.03868815]
 [ 1.0587434 ]]
dot product : [[-0.49453541]
 [-0.38868971]]
result : [[ 0.05977853]
 [-0.64283845]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.05977853]
 [-0.64283845]]
dot product : [[ 0.35245304]
 [-0.07141326]
 [ 0.28142739]]
result : [[ 0.01518833]
 [ 0.02043366]
 [ 0.34243437]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.39871286]
 [-0.21406246]
 [ 0.94270499]]
dot product : [[-0.41639084]
 [-0.83169924]]
result : [[ 0.1379231 ]
 [-1.08584799]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.1379231 ]
 [-1.08584799]]
dot product : [[ 0.64276004]
 [-0.14828513]
 [ 0.49662359]]
result : [[ 0.30549533]
 [-0.05643822]
 [ 0.55763056]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.86836884]
 [-0.59192698]
 [ 0.69785067]]
dot product : [[-0.16573768]
 [-2.03028043]]
result : [[ 0.38857626]
 [-2.28442918]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.38857626]
 [-2.28442918]]
dot product : [[ 1.47854092]
 [-0.3856306 ]
 [ 1.10140981]]
result : [[ 1.1412762 ]
 [-0.29378368]
 [ 1.16241679]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.85862676]
 [-1.01494338]
 [ 0.40146581]]
dot product : [[-0.24000977]
 [-2.31944102]]
result : [[ 0.31430418]
 [-2.57358977]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.31430418]
 [-2.57358977]]
dot product : [[ 1.50726158]
 [-0.34202923]
 [ 1.16981592]]
result : [[ 1.16999687]
 [-0.25018231]
 [ 1.2308229 ]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.88051691]
 [-0.46227744]
 [ 0.76136981]]
dot product : [[-0.57826659]
 [-0.6504825 ]]
result : [[-0.02395264]
 [-0.90463125]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.02395264]
 [-0.90463125]]
dot product : [[ 0.35729581]
 [-0.01959603]
 [ 0.3338754 ]]
result : [[ 0.02003109]
 [ 0.07225088]
 [ 0.39488238]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.12388573]
 [-0.46285611]
 [ 0.77276375]]
dot product : [[-0.39036262]
 [-1.20854418]]
result : [[ 0.16395132]
 [-1.46269293]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.16395132]
 [-1.46269293]]
dot product : [[ 0.83780613]
 [-0.18340075]
 [ 0.65641678]]
result : [[ 0.50054142]
 [-0.09155383]
 [ 0.71742375]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.41942256]
 [-0.19690025]
 [ 0.95440051]]
dot product : [[-0.41862155]
 [-0.80441283]]
result : [[ 0.13569239]
 [-1.05856158]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.13569239]
 [-1.05856158]]
dot product : [[ 0.62819313]
 [-0.14548345]
 [ 0.48485431]]
result : [[ 0.29092842]
 [-0.05363653]
 [ 0.54586129]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.89340573]
 [-0.2907287 ]
 [ 0.88130219]]
dot product : [[-0.5523307 ]
 [-0.52080602]]
result : [[ 0.00198324]
 [-0.77495477]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.00198324]
 [-0.77495477]]
dot product : [[ 0.33495533]
 [-0.03363109]
 [ 0.29895792]]
result : [[-0.00230938]
 [ 0.05821583]
 [ 0.3599649 ]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.72842907]
 [-0.01346693]
 [ 1.07803774]]
dot product : [[-0.4642442 ]
 [-0.44816448]]
result : [[ 0.09006975]
 [-0.70231323]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.09006975]
 [-0.70231323]]
dot product : [[ 0.41683653]
 [-0.09655484]
 [ 0.32170631]]
result : [[ 0.07957182]
 [-0.00470792]
 [ 0.38271329]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.86733502]
 [-0.09135316]
 [ 1.02132887]]
dot product : [[-0.51198791]
 [-0.40034986]]
result : [[ 0.04232603]
 [-0.65449861]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.04232603]
 [-0.65449861]]
dot product : [[ 0.33505802]
 [-0.0588329 ]
 [ 0.27587026]]
result : [[-0.0022067 ]
 [ 0.03301402]
 [ 0.33687724]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.87519723]
 [-0.65344906]
 [ 0.65487403]]
dot product : [[-0.17449085]
 [-2.07841193]]
result : [[ 0.3798231 ]
 [-2.33256067]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.3798231 ]
 [-2.33256067]]
dot product : [[ 1.4879537 ]
 [-0.38107501]
 [ 1.11487232]]
result : [[ 1.15068899]
 [-0.28922809]
 [ 1.1758793 ]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.6280486 ]
 [-1.08977712]
 [ 0.34546499]]
dot product : [[-0.31001305]
 [-2.20192326]]
result : [[ 0.24430089]
 [-2.45607201]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.24430089]
 [-2.45607201]]
dot product : [[ 1.36701911]
 [-0.2847535 ]
 [ 1.08438973]]
result : [[ 1.0297544 ]
 [-0.19290658]
 [ 1.14539671]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.48228053]
 [-1.0036456 ]
 [ 0.40350862]]
dot product : [[-0.33160258]
 [-2.03414977]]
result : [[ 0.22271136]
 [-2.28829851]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.22271136]
 [-2.28829851]]
dot product : [[ 1.26734856]
 [-0.26163313]
 [ 1.00749627]]
result : [[ 0.93008385]
 [-0.16978621]
 [ 1.06850324]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.80786871]
 [-0.86671599]
 [ 0.47927961]]
dot product : [[-0.62891139]
 [-0.98735224]]
result : [[-0.07459744]
 [-1.24150099]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.07459744]
 [-1.24150099]]
dot product : [[ 0.43680147]
 [ 0.0043401 ]
 [ 0.43420598]]
result : [[ 0.09953675]
 [ 0.09618702]
 [ 0.49521296]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.76193823]
 [-0.01066996]
 [ 1.07947387]]
dot product : [[-0.47209523]
 [-0.42150799]]
result : [[ 0.08221871]
 [-0.67565673]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.08221871]
 [-0.67565673]]
dot product : [[ 0.39532733]
 [-0.08957219]
 [ 0.30694647]]
result : [[ 0.05806262]
 [ 0.00227472]
 [ 0.36795345]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.76825116]
 [-0.01096956]
 [ 1.07916561]]
dot product : [[-0.47371471]
 [-0.41706508]]
result : [[ 0.08059923]
 [-0.67121383]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.08059923]
 [-0.67121383]]
dot product : [[ 0.39134332]
 [-0.08817563]
 [ 0.30430757]]
result : [[ 0.05407861]
 [ 0.00367128]
 [ 0.36531455]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.85618893]
 [-0.50293269]
 [ 0.75998228]]
dot product : [[-0.15364794]
 [-1.95895929]]
result : [[ 0.40066601]
 [-2.21310804]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.40066601]
 [-2.21310804]]
dot product : [[ 1.46346292]
 [-0.39172183]
 [ 1.08095456]]
result : [[ 1.12619821]
 [-0.29987492]
 [ 1.14196154]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.28086071]
 [-0.31698969]
 [ 0.8724642 ]]
dot product : [[-0.40459049]
 [-0.99066411]]
result : [[ 0.14972345]
 [-1.24481286]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.14972345]
 [-1.24481286]]
dot product : [[ 0.7260899 ]
 [-0.16371243]
 [ 0.56450143]]
result : [[ 0.38882518]
 [-0.07186551]
 [ 0.62550841]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.75549339]
 [-0.01066178]
 [ 1.0795801 ]]
dot product : [[-0.47049248]
 [-0.42625227]]
result : [[ 0.08382146]
 [-0.68040102]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.08382146]
 [-0.68040102]]
dot product : [[ 0.39941914]
 [-0.09096874]
 [ 0.30969157]]
result : [[ 0.06215443]
 [ 0.00087818]
 [ 0.37069854]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.86939212]
 [-0.97796583]
 [ 0.42752859]]
dot product : [[-0.23105405]
 [-2.30147103]]
result : [[ 0.3232599 ]
 [-2.55561978]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.3232599 ]
 [-2.55561978]]
dot product : [[ 1.51104626]
 [-0.34798759]
 [ 1.16806107]]
result : [[ 1.17378155]
 [-0.25614068]
 [ 1.22906805]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.87704311]
 [-0.67298184]
 [ 0.64122427]]
dot product : [[-0.17734994]
 [-2.09345591]]
result : [[ 0.37696401]
 [-2.34760466]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.37696401]
 [-2.34760466]]
dot product : [[ 1.49073766]
 [-0.3795589 ]
 [ 1.1190093 ]]
result : [[ 1.15347295]
 [-0.28771198]
 [ 1.18001628]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.73538449]
 [-0.01234762]
 [ 1.07871312]]
dot product : [[-0.46578231]
 [-0.44225404]]
result : [[ 0.08853163]
 [-0.69640278]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.08853163]
 [-0.69640278]]
dot product : [[ 0.41232746]
 [-0.09515831]
 [ 0.31855024]]
result : [[ 0.07506274]
 [-0.00331139]
 [ 0.37955722]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.76277979]
 [-0.03044527]
 [ 1.08940248]]
dot product : [[-0.09660322]
 [-1.55911713]]
result : [[ 0.45771072]
 [-1.81326588]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.45771072]
 [-1.81326588]]
dot product : [[ 1.36515869]
 [-0.4178364 ]
 [ 0.96010455]]
result : [[ 1.02789398]
 [-0.32598949]
 [ 1.02111153]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.77443049]
 [-0.01156442]
 [ 1.07865268]]
dot product : [[-0.47535115]
 [-0.41292749]]
result : [[ 0.0789628 ]
 [-0.66707623]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.0789628 ]
 [-0.66707623]]
dot product : [[ 0.38746853]
 [-0.08677905]
 [ 0.30177625]]
result : [[ 0.05020381]
 [ 0.00506787]
 [ 0.36278323]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.61887301]
 [-0.05599051]
 [ 1.04996748]]
dot product : [[-0.44424534]
 [-0.55869962]]
result : [[ 0.1100686 ]
 [-0.81284836]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.1100686 ]
 [-0.81284836]]
dot product : [[ 0.48991389]
 [-0.11611016]
 [ 0.37568801]]
result : [[ 0.15264917]
 [-0.02426324]
 [ 0.43669499]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.85550694]
 [-1.02321488]
 [ 0.39562474]]
dot product : [[-0.24218991]
 [-2.32293616]]
result : [[ 0.31212403]
 [-2.57708491]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.31212403]
 [-2.57708491]]
dot product : [[ 1.50596304]
 [-0.34054227]
 [ 1.16990516]]
result : [[ 1.16869833]
 [-0.24869535]
 [ 1.23091214]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.02084301]
 [-0.56093583]
 [ 0.70568668]]
dot product : [[-0.38141863]
 [-1.35319823]]
result : [[ 0.17289531]
 [-1.60734698]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.17289531]
 [-1.60734698]]
dot product : [[ 0.91133195]
 [-0.19609627]
 [ 0.71715203]]
result : [[ 0.57406723]
 [-0.10424935]
 [ 0.77815901]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.82561786]
 [-0.78438004]
 [ 0.53666163]]
dot product : [[-0.6193364 ]
 [-0.91659088]]
result : [[-0.06502245]
 [-1.17073963]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.06502245]
 [-1.17073963]]
dot product : [[  4.18736431e-01]
 [  1.08063809e-04]
 [  4.12519442e-01]]
result : [[ 0.08147172]
 [ 0.09195498]
 [ 0.47352642]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.8641857 ]
 [-0.08405028]
 [ 1.02649209]]
dot product : [[-0.50996496]
 [-0.39755501]]
result : [[ 0.04434898]
 [-0.65170376]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.04434898]
 [-0.65170376]]
dot product : [[ 0.33645522]
 [-0.06023124]
 [ 0.27595974]]
result : [[-0.0008095 ]
 [ 0.03161568]
 [ 0.33696671]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.66063379]
 [-1.10247317]
 [ 0.33708225]]
dot product : [[-0.304073  ]
 [-2.23483348]]
result : [[ 0.25024094]
 [-2.48898223]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.25024094]
 [-2.48898223]]
dot product : [[ 1.38875845]
 [-0.29056509]
 [ 1.10045375]]
result : [[ 1.05149374]
 [-0.19871817]
 [ 1.16146073]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.86603769]
 [-0.56591058]
 [ 0.68902265]]
dot product : [[-0.5922715 ]
 [-0.73375342]]
result : [[-0.03795756]
 [-0.98790216]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.03795756]
 [-0.98790216]]
dot product : [[ 0.37504185]
 [-0.0125669 ]
 [ 0.35782143]]
result : [[ 0.03777714]
 [ 0.07928002]
 [ 0.41882841]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.33854048]
 [-0.89098712]
 [ 0.48016037]]
dot product : [[-0.34818247]
 [-1.84928772]]
result : [[ 0.20613147]
 [-2.10343647]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.20613147]
 [-2.10343647]]
dot product : [[ 1.16677682]
 [-0.24155386]
 [ 0.92691702]]
result : [[ 0.82951211]
 [-0.14970694]
 [ 0.987924  ]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.34920177]
 [-0.89994823]
 [ 0.47405128]]
dot product : [[-0.34705552]
 [-1.863423  ]]
result : [[ 0.20725843]
 [-2.11757175]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.20725843]
 [-2.11757175]]
dot product : [[ 1.17428623]
 [-0.2429838 ]
 [ 0.93299744]]
result : [[ 0.83702152]
 [-0.15113688]
 [ 0.99400442]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.39129169]
 [-0.9345011 ]
 [ 0.45051071]]
dot product : [[-0.3424663 ]
 [-1.91865007]]
result : [[ 0.21184765]
 [-2.17279882]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.21184765]
 [-2.17279882]]
dot product : [[ 1.2038647 ]
 [-0.24870997]
 [ 0.95686093]]
result : [[ 0.86659998]
 [-0.15686305]
 [ 1.01786791]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.88371996]
 [-0.780213  ]
 [ 0.56623579]]
dot product : [[-0.19390467]
 [-2.17349685]]
result : [[ 0.36040928]
 [-2.4276456 ]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.36040928]
 [-2.4276456 ]]
dot product : [[ 1.50382609]
 [-0.37048712]
 [ 1.14024746]]
result : [[ 1.16656138]
 [-0.2786402 ]
 [ 1.20125444]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.88137046]
 [-0.8976838 ]
 [ 0.48393586]]
dot product : [[-0.21444145]
 [-2.25405844]]
result : [[ 0.33987249]
 [-2.50820719]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.33987249]
 [-2.50820719]]
dot product : [[ 1.51202774]
 [-0.35845617]
 [ 1.15939535]]
result : [[ 1.17476302]
 [-0.26660925]
 [ 1.22040233]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.88232077]
 [-0.74634198]
 [ 0.58993341]]
dot product : [[-0.18849916]
 [-2.14873754]]
result : [[ 0.36581478]
 [-2.40288629]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.36581478]
 [-2.40288629]]
dot product : [[ 1.5001426 ]
 [-0.37350634]
 [ 1.13384148]]
result : [[ 1.16287789]
 [-0.28165942]
 [ 1.19484845]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.65236982]
 [-0.03900642]
 [ 1.06133886]]
dot product : [[-0.44968355]
 [-0.52211355]]
result : [[ 0.10463039]
 [-0.7762623 ]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.10463039]
 [-0.7762623 ]]
dot product : [[ 0.46724182]
 [-0.11052173]
 [ 0.35849999]]
result : [[ 0.12997711]
 [-0.01867482]
 [ 0.41950697]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.06673768]
 [-0.51717072]
 [ 0.73561912]]
dot product : [[-0.38538849]
 [-1.2887134 ]]
result : [[ 0.16892545]
 [-1.54286215]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.16892545]
 [-1.54286215]]
dot product : [[ 0.87857727]
 [-0.19044969]
 [ 0.690087  ]]
result : [[ 0.54131255]
 [-0.09860277]
 [ 0.75109398]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.63635401]
 [-1.09331501]
 [ 0.34311697]]
dot product : [[-0.30855031]
 [-2.210523  ]]
result : [[ 0.24576363]
 [-2.46467175]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.24576363]
 [-2.46467175]]
dot product : [[ 1.37258501]
 [-0.28620517]
 [ 1.08853596]]
result : [[ 1.0353203 ]
 [-0.19435825]
 [ 1.14954294]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.14663269]
 [-0.44135029]
 [ 0.78746928]]
dot product : [[-0.39236175]
 [-1.17671337]]
result : [[ 0.1619522 ]
 [-1.43086212]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.1619522 ]
 [-1.43086212]]
dot product : [[ 0.82158712]
 [-0.1805839 ]
 [ 0.64303427]]
result : [[ 0.48432241]
 [-0.08873698]
 [ 0.70404125]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.5761078 ]
 [-1.06372307]
 [ 0.36290032]]
dot product : [[-0.31849352]
 [-2.14538963]]
result : [[ 0.23582043]
 [-2.39953837]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.23582043]
 [-2.39953837]]
dot product : [[ 1.33188663]
 [-0.27606034]
 [ 1.05778599]]
result : [[ 0.99462192]
 [-0.18421342]
 [ 1.11879297]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.58500707]
 [-1.0686209 ]
 [ 0.35960921]]
dot product : [[-0.31711421]
 [-2.15537975]]
result : [[ 0.23719973]
 [-2.4095285 ]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.23719973]
 [-2.4095285 ]]
dot product : [[ 1.33794185]
 [-0.27750723]
 [ 1.06241856]]
result : [[ 1.00067714]
 [-0.18566031]
 [ 1.12342553]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.32782706]
 [-0.8819045 ]
 [ 0.48635374]]
dot product : [[-0.34930173]
 [-1.83502891]]
result : [[ 0.20501221]
 [-2.08917766]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.20501221]
 [-2.08917766]]
dot product : [[ 1.15922429]
 [-0.24012455]
 [ 0.92079356]]
result : [[ 0.82195958]
 [-0.14827764]
 [ 0.98180053]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.49957509]
 [-0.13409692]
 [ 0.99713094]]
dot product : [[-0.42786982]
 [-0.70134202]]
result : [[ 0.12644413]
 [-0.95549076]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.12644413]
 [-0.95549076]]
dot product : [[ 0.57211361]
 [-0.13428511]
 [ 0.43992459]]
result : [[ 0.2348489 ]
 [-0.04243819]
 [ 0.50093156]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.61963995]
 [-1.08600301]
 [ 0.34797682]]
dot product : [[-0.31146132]
 [-2.19308195]]
result : [[ 0.24285262]
 [-2.4472307 ]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.24285262]
 [-2.4472307 ]]
dot product : [[ 1.36136817]
 [-0.28330265]
 [ 1.08015899]]
result : [[ 1.02410346]
 [-0.19145573]
 [ 1.14116597]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.88956859]
 [-0.37070946]
 [ 0.82535253]]
dot product : [[-0.56496241]
 [-0.57966397]]
result : [[-0.01064846]
 [-0.83381271]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.01064846]
 [-0.83381271]]
dot product : [[ 0.34399186]
 [-0.02661718]
 [ 0.31431181]]
result : [[ 0.00672715]
 [ 0.06522974]
 [ 0.37531879]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.0896365]
 [-0.4953697]
 [ 0.750529 ]]
dot product : [[-0.38737521]
 [-1.25656387]]
result : [[ 0.16693873]
 [-1.51071262]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.16693873]
 [-1.51071262]]
dot product : [[ 0.86223747]
 [-0.18762891]
 [ 0.67658914]]
result : [[ 0.52497275]
 [-0.09578199]
 [ 0.73759612]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.77023174]
 [-0.06266718]
 [ 1.0669541 ]]
dot product : [[-0.10022467]
 [-1.58718221]]
result : [[ 0.45408927]
 [-1.84133095]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.45408927]
 [-1.84133095]]
dot product : [[ 1.37254962]
 [-0.41628977]
 [ 0.96880709]]
result : [[ 1.03528491]
 [-0.32444285]
 [ 1.02981407]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.6839231 ]
 [-1.10936775]
 [ 0.33261725]]
dot product : [[-0.29945732]
 [-2.25682823]]
result : [[ 0.25485662]
 [-2.51097698]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.25485662]
 [-2.51097698]]
dot product : [[ 1.40411615]
 [-0.29493254]
 [ 1.1115612 ]]
result : [[ 1.06685144]
 [-0.20308562]
 [ 1.17256818]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.03656671]
 [-0.6156325 ]
 [ 0.66827857]]
dot product : [[-0.37644438]
 [-1.43382796]]
result : [[ 0.17786956]
 [-1.68797671]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.17786956]
 [-1.68797671]]
dot product : [[ 0.95230077]
 [-0.20316441]
 [ 0.7509993 ]]
result : [[ 0.61503606]
 [-0.11131749]
 [ 0.81200628]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.82850036]
 [-0.03459315]
 [ 1.06168277]]
dot product : [[-0.49269758]
 [-0.38920921]]
result : [[ 0.06161636]
 [-0.64335796]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.06161636]
 [-0.64335796]]
dot product : [[ 0.35503433]
 [-0.07281052]
 [ 0.2826841 ]]
result : [[ 0.01776962]
 [ 0.0190364 ]
 [ 0.34369108]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.89042284]
 [-0.19731218]
 [ 0.94676709]]
dot product : [[-0.53572227]
 [-0.4575623 ]]
result : [[ 0.01859167]
 [-0.71171105]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.01859167]
 [-0.71171105]]
dot product : [[ 0.32914084]
 [-0.04343985]
 [ 0.28420586]]
result : [[-0.00812387]
 [ 0.04840707]
 [ 0.34521284]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.3027292 ]
 [-0.29732748]
 [ 0.88589238]]
dot product : [[-0.40668449]
 [-0.96077227]]
result : [[ 0.14762945]
 [-1.21492102]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.14762945]
 [-1.21492102]]
dot product : [[ 0.71058084]
 [-0.160905  ]
 [ 0.5518095 ]]
result : [[ 0.37331613]
 [-0.06905808]
 [ 0.61281648]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.3062507 ]
 [-0.86339003]
 [ 0.49898272]]
dot product : [[-0.3515181 ]
 [-1.80615642]]
result : [[ 0.20279584]
 [-2.06030517]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.20279584]
 [-2.06030517]]
dot product : [[ 1.14399545]
 [-0.23726781]
 [ 0.90842299]]
result : [[ 0.80673074]
 [-0.1454209 ]
 [ 0.96942997]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.836243  ]
 [-0.73217645]
 [ 0.57305343]]
dot product : [[-0.61310942]
 [-0.87218908]]
result : [[-0.05879548]
 [-1.12633783]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.05879548]
 [-1.12633783]]
dot product : [[ 0.40768165]
 [-0.00271127]
 [ 0.39903728]]
result : [[ 0.07041694]
 [ 0.08913565]
 [ 0.46004426]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.85738571]
 [-0.07055587]
 [ 1.03604809]]
dot product : [[-0.50598325]
 [-0.39311338]]
result : [[ 0.04833069]
 [-0.64726213]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.04833069]
 [-0.64726213]]
dot product : [[ 0.33965968]
 [-0.0630275 ]
 [ 0.27654296]]
result : [[ 0.00239497]
 [ 0.02881942]
 [ 0.33754994]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.2844863 ]
 [-0.84443541]
 [ 0.51191699]]
dot product : [[-0.35370642]
 [-1.776837  ]]
result : [[ 0.20060752]
 [-2.03098575]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.20060752]
 [-2.03098575]]
dot product : [[ 1.12861089]
 [-0.23441352]
 [ 0.8958968 ]]
result : [[ 0.79134618]
 [-0.14256661]
 [ 0.95690378]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.64455448]
 [-1.09661287]
 [ 0.3409354 ]]
dot product : [[-0.30707287]
 [-2.21887724]]
result : [[ 0.24724107]
 [-2.47302599]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.24724107]
 [-2.47302599]]
dot product : [[ 1.37806447]
 [-0.28765765]
 [ 1.09259629]]
result : [[ 1.04079976]
 [-0.19581073]
 [ 1.15360327]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.21820126]
 [-0.78523648]
 [ 0.55233957]]
dot product : [[-0.36012122]
 [-1.68651192]]
result : [[ 0.19419272]
 [-1.94066067]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.19419272]
 [-1.94066067]]
dot product : [[ 1.08163469]
 [-0.22586489]
 [ 0.85749503]]
result : [[ 0.74436998]
 [-0.13401797]
 [ 0.91850201]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.83331994]
 [-1.06496602]
 [ 0.36604096]]
dot product : [[-0.25479442]
 [-2.33583221]]
result : [[ 0.29951953]
 [-2.58998095]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.29951953]
 [-2.58998095]]
dot product : [[ 1.49531951]
 [-0.33164213]
 [ 1.16761141]]
result : [[ 1.1580548 ]
 [-0.23979521]
 [ 1.22861839]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.83110741]
 [-0.35401954]
 [ 0.86387311]]
dot product : [[-0.13458637]
 [-1.83615367]]
result : [[ 0.41972757]
 [-2.09030242]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.41972757]
 [-2.09030242]]
dot product : [[ 1.43524793]
 [-0.40089614]
 [ 1.04472367]]
result : [[ 1.09798322]
 [-0.30904923]
 [ 1.10573065]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.8624718 ]
 [-0.58812709]
 [ 0.67352033]]
dot product : [[-0.59515906]
 [-0.75194516]]
result : [[-0.04084512]
 [-1.00609391]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.04084512]
 [-1.00609391]]
dot product : [[ 0.37913948]
 [-0.01116005]
 [ 0.36315173]]
result : [[ 0.04187477]
 [ 0.08068687]
 [ 0.42415871]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.89352823]
 [-0.26187376]
 [ 0.90150702]]
dot product : [[-0.54745998]
 [-0.50050164]]
result : [[ 0.00685396]
 [-0.75465039]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.00685396]
 [-0.75465039]]
dot product : [[ 0.33249647]
 [-0.0364348 ]
 [ 0.29395639]]
result : [[-0.00476825]
 [ 0.05541212]
 [ 0.35496337]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.87538845]
 [-0.50225611]
 [ 0.73345324]]
dot product : [[-0.58378288]
 [-0.68226904]]
result : [[-0.02946894]
 [-0.93641779]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.02946894]
 [-0.93641779]]
dot product : [[ 0.36385139]
 [-0.01678538]
 [ 0.34291824]]
result : [[ 0.02658668]
 [ 0.07506154]
 [ 0.40392522]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.88234155]
 [-0.88453597]
 [ 0.49315826]]
dot product : [[-0.21196694]
 [-2.24556355]]
result : [[ 0.342347 ]
 [-2.4997123]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.342347 ]
 [-2.4997123]]
dot product : [[ 1.51155943]
 [-0.35995608]
 [ 1.15755401]]
result : [[ 1.17429472]
 [-0.26810916]
 [ 1.21856099]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.80326333]
 [-0.01910134]
 [ 1.07292504]]
dot product : [[-0.48379551]
 [-0.39695688]]
result : [[ 0.07051843]
 [-0.65110563]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.07051843]
 [-0.65110563]]
dot product : [[ 0.36978154]
 [-0.07979554]
 [ 0.29078176]]
result : [[ 0.03251683]
 [ 0.01205138]
 [ 0.35178874]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.88628836]
 [-0.1636171 ]
 [ 0.97042779]]
dot product : [[-0.52897169]
 [-0.4370047 ]]
result : [[ 0.02534225]
 [-0.69115345]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.02534225]
 [-0.69115345]]
dot product : [[ 0.32898576]
 [-0.04764022]
 [ 0.28018825]]
result : [[-0.00827896]
 [ 0.0442067 ]
 [ 0.34119523]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.88658559]
 [-0.40591942]
 [ 0.80074197]]
dot product : [[-0.5702018 ]
 [-0.60652857]]
result : [[-0.01588786]
 [-0.86067732]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.01588786]
 [-0.86067732]]
dot product : [[ 0.34879157]
 [-0.02380963]
 [ 0.32162241]]
result : [[ 0.01152686]
 [ 0.06803729]
 [ 0.38262939]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.57477534]
 [-0.08211458]
 [ 1.03236081]]
dot product : [[-0.43772557]
 [-0.60950173]]
result : [[ 0.11658837]
 [-0.86365047]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.11658837]
 [-0.86365047]]
dot product : [[ 0.52007175]
 [-0.12309789]
 [ 0.39896138]]
result : [[ 0.18280703]
 [-0.03125097]
 [ 0.45996836]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.83754064]
 [-0.04312429]
 [ 1.05556754]]
dot product : [[-0.4963929 ]
 [-0.38852273]]
result : [[ 0.05792104]
 [-0.64267147]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.05792104]
 [-0.64267147]]
dot product : [[ 0.34999772]
 [-0.07001591]
 [ 0.28029485]]
result : [[ 0.01273301]
 [ 0.02183101]
 [ 0.34130182]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.88131382]
 [-0.72870994]
 [ 0.60226519]]
dot product : [[-0.18575447]
 [-2.13564341]]
result : [[ 0.36855947]
 [-2.38979216]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.36855947]
 [-2.38979216]]
dot product : [[ 1.49804821]
 [-0.3750177 ]
 [ 1.13038803]]
result : [[ 1.1607835 ]
 [-0.28317078]
 [ 1.19139501]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.85956852]
 [-0.52593896]
 [ 0.74392399]]
dot product : [[-0.15671593]
 [-1.977567  ]]
result : [[ 0.39759801]
 [-2.23171575]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.39759801]
 [-2.23171575]]
dot product : [[ 1.46750743]
 [-0.39019717]
 [ 1.08634094]]
result : [[ 1.13024271]
 [-0.29835026]
 [ 1.14734792]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.24775025]
 [-0.34713934]
 [ 0.85186713]]
dot product : [[-0.40148451]
 [-1.03618845]]
result : [[ 0.15282943]
 [-1.2903372 ]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.15282943]
 [-1.2903372 ]]
dot product : [[ 0.74960303]
 [-0.16792584]
 [ 0.58378302]]
result : [[ 0.41233832]
 [-0.07607892]
 [ 0.64479   ]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.74891835]
 [-0.01094122]
 [ 1.07948694]]
dot product : [[-0.46890622]
 [-0.431294  ]]
result : [[ 0.08540772]
 [-0.68544274]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.08540772]
 [-0.68544274]]
dot product : [[ 0.40361736]
 [-0.09236527]
 [ 0.31254148]]
result : [[ 0.06635265]
 [-0.00051835]
 [ 0.37354846]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.25151697]
 [-0.81524509]
 [ 0.53184446]]
dot product : [[-0.35694028]
 [-1.73208873]]
result : [[ 0.19737366]
 [-1.98623748]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.19737366]
 [-1.98623748]]
dot product : [[ 1.10526653]
 [-0.23013658]
 [ 0.8768399 ]]
result : [[ 0.76800182]
 [-0.13828966]
 [ 0.93784688]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.80146246]
 [-0.89525142]
 [ 0.45939652]]
dot product : [[-0.63216649]
 [-1.01206407]]
result : [[-0.07785255]
 [-1.26621282]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.07785255]
 [-1.26621282]]
dot product : [[ 0.44322416]
 [ 0.00575162]
 [ 0.44183056]]
result : [[ 0.10595945]
 [ 0.09759853]
 [ 0.50283754]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.16203029]
 [-0.7336841 ]
 [ 0.58756508]]
dot product : [[-0.36532175]
 [-1.60899788]]
result : [[ 0.18899219]
 [-1.86314663]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.18899219]
 [-1.86314663]]
dot product : [[ 1.04171194]
 [-0.21875661]
 [ 0.82471498]]
result : [[ 0.70444723]
 [-0.12690969]
 [ 0.88572196]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.88261408]
 [-0.14319077]
 [ 0.98478939]]
dot product : [[-0.52458922]
 [-0.42540323]]
result : [[ 0.02972472]
 [-0.67955198]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.02972472]
 [-0.67955198]]
dot product : [[ 0.32963337]
 [-0.05043946]
 [ 0.27825044]]
result : [[-0.00763134]
 [ 0.04140745]
 [ 0.33925742]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.49203326]
 [-1.01050411]
 [ 0.39885779]]
dot product : [[-0.33034425]
 [-2.04614244]]
result : [[ 0.2239697 ]
 [-2.30029119]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.2239697 ]
 [-2.30029119]]
dot product : [[ 1.27410752]
 [-0.26307253]
 [ 1.01282884]]
result : [[ 0.93684281]
 [-0.17122562]
 [ 1.07383582]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.87312378]
 [-0.10708939]
 [ 1.01021872]]
dot product : [[-0.51609914]
 [-0.40710728]]
result : [[ 0.0382148 ]
 [-0.66125603]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.0382148 ]
 [-0.66125603]]
dot product : [[ 0.33268068]
 [-0.05603576]
 [ 0.2761025 ]]
result : [[-0.00458403]
 [ 0.03581116]
 [ 0.33710948]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.02509018]
 [-0.60471442]
 [ 0.6757454 ]]
dot product : [[-0.3774415 ]
 [-1.41772089]]
result : [[ 0.17687245]
 [-1.67186964]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.17687245]
 [-1.67186964]]
dot product : [[ 0.94411219]
 [-0.20174987]
 [ 0.7442358 ]]
result : [[ 0.60684748]
 [-0.10990295]
 [ 0.80524278]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.63582729]
 [-0.0470456 ]
 [ 1.0559671 ]]
dot product : [[-0.44693868]
 [-0.5399376 ]]
result : [[ 0.10737526]
 [-0.79408635]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.10737526]
 [-0.79408635]]
dot product : [[ 0.47840975]
 [-0.11331578]
 [ 0.36692859]]
result : [[ 0.14114504]
 [-0.02146886]
 [ 0.42793557]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.85040337]
 [-0.65782519]
 [ 0.62489984]]
dot product : [[-0.60399895]
 [-0.80966635]]
result : [[-0.04968501]
 [-1.0638151 ]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.04968501]
 [-1.0638151 ]]
dot product : [[ 0.39255439]
 [-0.00693734]
 [ 0.3802497 ]]
result : [[ 0.05528968]
 [ 0.08490958]
 [ 0.44125668]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.7804745 ]
 [-0.01245835]
 [ 1.07793242]]
dot product : [[-0.47700476]
 [-0.40909914]]
result : [[ 0.07730918]
 [-0.66324788]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.07730918]
 [-0.66324788]]
dot product : [[ 0.38370433]
 [-0.08538243]
 [ 0.2993539 ]]
result : [[ 0.04643962]
 [ 0.00646448]
 [ 0.36036088]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.2918166 ]
 [-0.30711228]
 [ 0.87921038]]
dot product : [[-0.405635 ]
 [-0.9756698]]
result : [[ 0.14867894]
 [-1.22981854]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.14867894]
 [-1.22981854]]
dot product : [[ 0.7183178 ]
 [-0.16230856]
 [ 0.5581383 ]]
result : [[ 0.38105309]
 [-0.07046165]
 [ 0.61914528]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.05527359]
 [-0.52809735]
 [ 0.72814612]]
dot product : [[-0.38439592]
 [-1.30481729]]
result : [[ 0.16991803]
 [-1.55896604]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.16991803]
 [-1.55896604]]
dot product : [[ 0.88675865]
 [-0.1918607 ]
 [ 0.69684666]]
result : [[ 0.54949394]
 [-0.10001378]
 [ 0.75785364]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.88312225]
 [-0.76350839]
 [ 0.57792449]]
dot product : [[-0.19121582]
 [-2.16135404]]
result : [[ 0.36309812]
 [-2.41550279]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.36309812]
 [-2.41550279]]
dot product : [[ 1.5020681 ]
 [-0.37199614]
 [ 1.13712749]]
result : [[ 1.16480339]
 [-0.28014923]
 [ 1.19813447]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.79480844]
 [-0.92433828]
 [ 0.43913113]]
dot product : [[-0.6354537 ]
 [-1.03734482]]
result : [[-0.08113976]
 [-1.29149357]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.08113976]
 [-1.29149357]]
dot product : [[ 0.4498497 ]
 [ 0.00716356]
 [ 0.44965532]]
result : [[ 0.11258499]
 [ 0.09901048]
 [ 0.5106623 ]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.59381163]
 [-1.07330163]
 [ 0.35646866]]
dot product : [[-0.31572156]
 [-2.16514798]]
result : [[ 0.23859238]
 [-2.41929672]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.23859238]
 [-2.41929672]]
dot product : [[ 1.34391902]
 [-0.27895489]
 [ 1.06697352]]
result : [[ 1.0066543 ]
 [-0.18710798]
 [ 1.1279805 ]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.72135026]
 [-0.01485856]
 [ 1.07717359]]
dot product : [[-0.46272168]
 [-0.45435664]]
result : [[ 0.09159226]
 [-0.70850538]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.09159226]
 [-0.70850538]]
dot product : [[ 0.42144642]
 [-0.09795138]
 [ 0.32496168]]
result : [[ 0.08418171]
 [-0.00610446]
 [ 0.38596866]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.01360924]
 [-0.59378189]
 [ 0.68322227]]
dot product : [[-0.37843725]
 [-1.40160045]]
result : [[ 0.17587669]
 [-1.6557492 ]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.17587669]
 [-1.6557492 ]]
dot product : [[ 0.93591963]
 [-0.20033579]
 [ 0.73746794]]
result : [[ 0.59865491]
 [-0.10848887]
 [ 0.79847492]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.86696128]
 [-0.9878016 ]
 [ 0.42060282]]
dot product : [[-0.2333287 ]
 [-2.30656981]]
result : [[ 0.32098524]
 [-2.56071856]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.32098524]
 [-2.56071856]]
dot product : [[ 1.51031431]
 [-0.34649641]
 [ 1.16871223]]
result : [[ 1.1730496 ]
 [-0.25464949]
 [ 1.22971921]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.19582107]
 [-0.76482712]
 [ 0.56628298]]
dot product : [[-0.36221545]
 [-1.65571954]]
result : [[ 0.19209849]
 [-1.90986828]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.19209849]
 [-1.90986828]]
dot product : [[ 1.06573906]
 [-0.22301992]
 [ 0.84445689]]
result : [[ 0.72847435]
 [-0.13117301]
 [ 0.90546387]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.8199447 ]
 [-0.81128412]
 [ 0.51790952]]
dot product : [[-0.62249656]
 [-0.93961958]]
result : [[-0.06818262]
 [-1.19376832]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.06818262]
 [-1.19376832]]
dot product : [[ 0.424559  ]
 [ 0.00151833]
 [ 0.4195518 ]]
result : [[ 0.08729428]
 [ 0.09336525]
 [ 0.48055878]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.89304525]
 [-0.30582081]
 [ 0.870739  ]]
dot product : [[-0.5548046 ]
 [-0.53164437]]
result : [[ -4.90659270e-04]
 [ -7.85793116e-01]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ -4.90659270e-04]
 [ -7.85793116e-01]]
dot product : [[ 0.33642963]
 [-0.03222885]
 [ 0.30170022]]
result : [[-0.00083508]
 [ 0.05961807]
 [ 0.3627072 ]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.62740077]
 [-0.05140675]
 [ 1.05304444]]
dot product : [[-0.44558568]
 [-0.54920333]]
result : [[ 0.10872826]
 [-0.80335208]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.10872826]
 [-0.80335208]]
dot product : [[ 0.48412049]
 [-0.11471292]
 [ 0.37126764]]
result : [[ 0.14685578]
 [-0.02286601]
 [ 0.43227462]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.22934215]
 [-0.7953239 ]
 [ 0.54544921]]
dot product : [[-0.35906641]
 [-1.70178969]]
result : [[ 0.19524753]
 [-1.95593844]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.19524753]
 [-1.95593844]]
dot product : [[ 1.08954159]
 [-0.22728821]
 [ 0.86397301]]
result : [[ 0.75227687]
 [-0.13544129]
 [ 0.92497999]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.88275463]
 [-0.44301392]
 [ 0.77482491]]
dot product : [[-0.5755506 ]
 [-0.63533834]]
result : [[-0.02123665]
 [-0.88948709]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.02123665]
 [-0.88948709]]
dot product : [[ 0.35428524]
 [-0.02100088]
 [ 0.32961761]]
result : [[ 0.01702053]
 [ 0.07084604]
 [ 0.39062459]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.17332101]
 [-0.74413054]
 [ 0.58042565]]
dot product : [[-0.36429069]
 [-1.6246376 ]]
result : [[ 0.19002325]
 [-1.87878635]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.19002325]
 [-1.87878635]]
dot product : [[ 1.0497436 ]
 [-0.22017717]
 [ 0.8313184 ]]
result : [[ 0.71247889]
 [-0.12833025]
 [ 0.89232538]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.8800997 ]
 [-0.71060845]
 [ 0.6149225 ]]
dot product : [[-0.18298152]
 [-2.12206772]]
result : [[ 0.37133242]
 [-2.37621647]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.37133242]
 [-2.37621647]]
dot product : [[ 1.49578352]
 [-0.37653025]
 [ 1.12676577]]
result : [[ 1.15851881]
 [-0.28468333]
 [ 1.18777275]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.04803713]
 [-0.62653231]
 [ 0.66082445]]
dot product : [[-0.37544568]
 [-1.44991772]]
result : [[ 0.17886826]
 [-1.70406647]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.17886826]
 [-1.70406647]]
dot product : [[ 0.96048396]
 [-0.20457942]
 [ 0.75775706]]
result : [[ 0.62321924]
 [-0.1127325 ]
 [ 0.81876404]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.10523791]
 [-0.6806234 ]
 [ 0.62383717]]
dot product : [[-0.37042048]
 [-1.52996922]]
result : [[ 0.18389346]
 [-1.78411797]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.18389346]
 [-1.78411797]]
dot product : [[ 1.00127013]
 [-0.21166171]
 [ 0.79141141]]
result : [[ 0.66400542]
 [-0.11981479]
 [ 0.85241839]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.88430752]
 [-0.82759425]
 [ 0.53306447]]
dot product : [[-0.20180661]
 [-2.20712245]]
result : [[ 0.35250733]
 [-2.4612712 ]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.35250733]
 [-2.4612712 ]]
dot product : [[ 1.50810905]
 [-0.36596697]
 [ 1.14862491]]
result : [[ 1.17084434]
 [-0.27412006]
 [ 1.20963188]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.87372259]
 [-0.95708859]
 [ 0.44221619]]
dot product : [[-0.22643194]
 [-2.29003732]]
result : [[ 0.327882  ]
 [-2.54418606]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.327882  ]
 [-2.54418606]]
dot product : [[ 1.51207335]
 [-0.35097317]
 [ 1.16632556]]
result : [[ 1.17480863]
 [-0.25912626]
 [ 1.22733254]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.16929504]
 [-0.42001607]
 [ 0.80205595]]
dot product : [[-0.394369  ]
 [-1.14506513]]
result : [[ 0.15994494]
 [-1.39921387]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.15994494]
 [-1.39921387]]
dot product : [[ 0.80543599]
 [-0.17776855]
 [ 0.62971725]]
result : [[ 0.46817128]
 [-0.08592163]
 [ 0.69072423]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.03232454]
 [-0.54998373]
 [ 0.71317725]]
dot product : [[-0.38241121]
 [-1.33706364]]
result : [[ 0.17190273]
 [-1.59121239]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.17190273]
 [-1.59121239]]
dot product : [[ 0.90313739]
 [-0.19468398]
 [ 0.71038056]]
result : [[ 0.56587267]
 [-0.10283707]
 [ 0.77138754]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.26254751]
 [-0.82507121]
 [ 0.52513537]]
dot product : [[-0.35586851]
 [-1.74710213]]
result : [[ 0.19844543]
 [-2.00125087]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.19844543]
 [-2.00125087]]
dot product : [[ 1.11308179]
 [-0.23156164]
 [ 0.88322604]]
result : [[ 0.77581708]
 [-0.13971472]
 [ 0.94423302]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.66850921]
 [-1.10502797]
 [ 0.33541597]]
dot product : [[-0.30255012]
 [-2.24242762]]
result : [[ 0.25176382]
 [-2.49657636]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.25176382]
 [-2.49657636]]
dot product : [[ 1.39397019]
 [-0.29202006]
 [ 1.10424812]]
result : [[ 1.05670547]
 [-0.20017314]
 [ 1.1652551 ]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.79107532]
 [-0.15591211]
 [ 1.00198092]]
dot product : [[-0.11088372]
 [-1.66786644]]
result : [[ 0.44343022]
 [-1.92201518]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.44343022]
 [-1.92201518]]
dot product : [[ 1.39347982]
 [-0.41165787]
 [ 0.99368349]]
result : [[ 1.05621511]
 [-0.31981096]
 [ 1.05469047]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.69145814]
 [-1.11114508]
 [ 0.33149012]]
dot product : [[-0.29788696]
 [-2.26362685]]
result : [[ 0.25642699]
 [-2.51777559]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.25642699]
 [-2.51777559]]
dot product : [[ 1.40904759]
 [-0.29639005]
 [ 1.11507715]]
result : [[ 1.07178288]
 [-0.20454313]
 [ 1.17608413]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.87031495]
 [-0.09903159]
 [ 1.01590529]]
dot product : [[-0.51403256]
 [-0.40353264]]
result : [[ 0.04028138]
 [-0.65768138]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.04028138]
 [-0.65768138]]
dot product : [[ 0.33379937]
 [-0.05743441]
 [ 0.27591739]]
result : [[-0.00346534]
 [ 0.03441251]
 [ 0.33692437]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.80372785]
 [-0.21526295]
 [ 0.9606156 ]]
dot product : [[-0.11782095]
 [-1.71876943]]
result : [[ 0.43649299]
 [-1.97291817]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.43649299]
 [-1.97291817]]
dot product : [[ 1.40641178]
 [-0.40857657]
 [ 1.00925556]]
result : [[ 1.06914707]
 [-0.31672965]
 [ 1.07026254]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.53959763]
 [-1.04203725]
 [ 0.37751727]]
dot product : [[-0.32388186]
 [-2.10328888]]
result : [[ 0.23043209]
 [-2.35743762]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.23043209]
 [-2.35743762]]
dot product : [[ 1.30691309]
 [-0.27028049]
 [ 1.03850734]]
result : [[ 0.96964838]
 [-0.17843357]
 [ 1.09951432]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.55803192]
 [-1.05329141]
 [ 0.36992359]]
dot product : [[-0.32121301]
 [-2.12475943]]
result : [[ 0.23310093]
 [-2.37890818]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.23310093]
 [-2.37890818]]
dot product : [[ 1.3195476 ]
 [-0.27316889]
 [ 1.04829358]]
result : [[ 0.98228289]
 [-0.18132197]
 [ 1.10930056]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.74083576]
 [-1.11590179]
 [ 0.32892906]]
dot product : [[-0.28642591]
 [-2.30335168]]
result : [[ 0.26788803]
 [-2.55750042]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.26788803]
 [-2.55750042]]
dot product : [[ 1.44079501]
 [-0.30661706]
 [ 1.13693556]]
result : [[ 1.1035303 ]
 [-0.21477014]
 [ 1.19794254]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.86937796]
 [-0.5441958 ]
 [ 0.70417715]]
dot product : [[-0.5894131 ]
 [-0.71607944]]
result : [[-0.03509916]
 [-0.97022818]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.03509916]
 [-0.97022818]]
dot product : [[ 0.37112889]
 [-0.0139734 ]
 [ 0.35267334]]
result : [[ 0.03386418]
 [ 0.07787352]
 [ 0.41368031]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.86565678]
 [-0.57043228]
 [ 0.71286083]]
dot product : [[-0.16276058]
 [-2.01322364]]
result : [[ 0.39155337]
 [-2.26737238]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.39155337]
 [-2.26737238]]
dot product : [[ 1.47504503]
 [-0.38715156]
 [ 1.09656718]]
result : [[ 1.13778032]
 [-0.29530464]
 [ 1.15757416]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.36720003]
 [-0.24077752]
 [ 0.9244882 ]]
dot product : [[-0.41309845]
 [-0.87364002]]
result : [[ 0.1412155 ]
 [-1.12778877]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.1412155 ]
 [-1.12778877]]
dot product : [[ 0.66497527]
 [-0.15248943]
 [ 0.51463523]]
result : [[ 0.32771056]
 [-0.06064252]
 [ 0.57564221]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.80860522]
 [-0.02154802]
 [ 1.07112836]]
dot product : [[-0.4855384 ]
 [-0.39473377]]
result : [[ 0.06877554]
 [-0.64888252]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.06877554]
 [-0.64888252]]
dot product : [[ 0.36659133]
 [-0.07839868]
 [ 0.28892495]]
result : [[ 0.02932661]
 [ 0.01344824]
 [ 0.34993193]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.85373844]
 [-0.0643567 ]
 [ 1.04044617]]
dot product : [[-0.50402405]
 [-0.39145873]]
result : [[ 0.0502899 ]
 [-0.64560748]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.0502899 ]
 [-0.64560748]]
dot product : [[ 0.34146416]
 [-0.06442542]
 [ 0.27703395]]
result : [[ 0.00419945]
 [ 0.0274215 ]
 [ 0.33804093]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.18059023]
 [-0.40942288]
 [ 0.80929809]]
dot product : [[-0.39537624]
 [-1.12931931]]
result : [[ 0.1589377 ]
 [-1.38346805]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.1589377 ]
 [-1.38346805]]
dot product : [[ 0.79738938]
 [-0.17636141]
 [ 0.62308675]]
result : [[ 0.46012467]
 [-0.08451449]
 [ 0.68409373]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.47996716]
 [-0.14885975]
 [ 0.98709849]]
dot product : [[-0.42550532]
 [-0.72613555]]
result : [[ 0.12880862]
 [-0.98028429]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.12880862]
 [-0.98028429]]
dot product : [[ 0.58578291]
 [-0.13708353]
 [ 0.45081279]]
result : [[ 0.2485182 ]
 [-0.04523661]
 [ 0.51181977]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.07819255]
 [-0.50626023]
 [ 0.74308096]]
dot product : [[-0.38638151]
 [-1.27262762]]
result : [[ 0.16793243]
 [-1.52677637]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.16793243]
 [-1.52677637]]
dot product : [[ 0.87040307]
 [-0.1890391 ]
 [ 0.68333403]]
result : [[ 0.53313836]
 [-0.09719218]
 [ 0.74434101]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.50926384]
 [-0.12696721]
 [ 1.0019727 ]]
dot product : [[-0.42906619]
 [-0.6892065 ]]
result : [[ 0.12524775]
 [-0.94335525]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.12524775]
 [-0.94335525]]
dot product : [[ 0.56537289]
 [-0.13288616]
 [ 0.43457276]]
result : [[ 0.22810818]
 [-0.04103924]
 [ 0.49557973]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.46254887]
 [-0.98940729]
 [ 0.41317183]]
dot product : [[-0.33408691]
 [-2.0096325 ]]
result : [[ 0.22022703]
 [-2.26378125]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.22022703]
 [-2.26378125]]
dot product : [[ 1.25364398]
 [-0.25875647]
 [ 0.9966453 ]]
result : [[ 0.91637927]
 [-0.16690955]
 [ 1.05765228]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.78638149]
 [-0.01365519]
 [ 1.07700217]]
dot product : [[-0.47867577]
 [-0.40558397]]
result : [[ 0.07563817]
 [-0.65973271]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.07563817]
 [-0.65973271]]
dot product : [[ 0.38005214]
 [-0.08398578]
 [ 0.29704189]]
result : [[ 0.04278743]
 [ 0.00786114]
 [ 0.35804887]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.84992859]
 [-0.05851777]
 [ 1.04459451]]
dot product : [[-0.50208563]
 [-0.39017627]]
result : [[ 0.05222831]
 [-0.64432502]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.05222831]
 [-0.64432502]]
dot product : [[ 0.3434016 ]
 [-0.06582322]
 [ 0.27765602]]
result : [[ 0.00613688]
 [ 0.0260237 ]
 [ 0.338663  ]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.84468781]
 [-0.43082952]
 [ 0.81029585]]
dot product : [[-0.14425857]
 [-1.89997138]]
result : [[ 0.41005537]
 [-2.15412013]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.41005537]
 [-2.15412013]]
dot product : [[ 1.4502098 ]
 [-0.39630331]
 [ 1.06368583]]
result : [[ 1.11294508]
 [-0.30445639]
 [ 1.12469281]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.87249431]
 [-0.52297891]
 [ 0.71898646]]
dot product : [[-0.58658364]
 [-0.69891929]]
result : [[-0.0322697 ]
 [-0.95306804]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.0322697 ]
 [-0.95306804]]
dot product : [[ 0.3673992 ]
 [-0.01537956]
 [ 0.34770607]]
result : [[ 0.03013449]
 [ 0.07646736]
 [ 0.40871305]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.7843778 ]
 [-0.12539678]
 [ 1.02324597]]
dot product : [[-0.10736469]
 [-1.64155293]]
result : [[ 0.44694925]
 [-1.89570167]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.44694925]
 [-1.89570167]]
dot product : [[ 1.38670879]
 [-0.41320051]
 [ 0.98559518]]
result : [[ 1.04944407]
 [-0.32135359]
 [ 1.04660216]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.81885068]
 [-0.02741125]
 [ 1.06686264]]
dot product : [[-0.48908002]
 [-0.39129005]]
result : [[ 0.06523392]
 [-0.6454388 ]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.06523392]
 [-0.6454388 ]]
dot product : [[ 0.36056926]
 [-0.07560476]
 [ 0.28556449]]
result : [[ 0.02330455]
 [ 0.01624216]
 [ 0.34657147]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.77227571]
 [-1.11056888]
 [ 0.33315392]]
dot product : [[-0.27770812]
 [-2.32278779]]
result : [[ 0.27660582]
 [-2.57693654]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.27660582]
 [-2.57693654]]
dot product : [[ 1.46031939]
 [-0.313949  ]
 [ 1.14941913]]
result : [[ 1.12305467]
 [-0.22210208]
 [ 1.21042611]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.44252695]
 [-0.97449941]
 [ 0.42329939]]
dot product : [[-0.33652964]
 [-1.98443224]]
result : [[ 0.2177843 ]
 [-2.23858099]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.2177843 ]
 [-2.23858099]]
dot product : [[ 1.23969983]
 [-0.25588261]
 [ 0.98555579]]
result : [[ 0.90243511]
 [-0.1640357 ]
 [ 1.04656277]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.77743051]
 [-0.09431641]
 [ 1.04490281]]
dot product : [[-0.10381175]
 [-1.6146595 ]]
result : [[ 0.45050219]
 [-1.86880824]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.45050219]
 [-1.86880824]]
dot product : [[ 1.37973252]
 [-0.41474447]
 [ 0.97730351]]
result : [[ 1.04246781]
 [-0.32289755]
 [ 1.03831048]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.76009975]
 [-1.11361334]
 [ 0.33083205]]
dot product : [[-0.28125063]
 [-2.31594656]]
result : [[ 0.27306331]
 [-2.57009531]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.27306331]
 [-2.57009531]]
dot product : [[ 1.45283885]
 [-0.31101347]
 [ 1.14475248]]
result : [[ 1.11557413]
 [-0.21916655]
 [ 1.20575946]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.27353785]
 [-0.83480259]
 [ 0.51849199]]
dot product : [[-0.35479063]
 [-1.76201953]]
result : [[ 0.19952331]
 [-2.01616827]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.19952331]
 [-2.01616827]]
dot product : [[ 1.12086371]
 [-0.23298728]
 [ 0.8895788 ]]
result : [[ 0.78359899]
 [-0.14114037]
 [ 0.95058578]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.56567595]
 [-0.08795369]
 [ 1.02841365]]
dot product : [[-0.43645642]
 [-0.62029874]]
result : [[ 0.11785752]
 [-0.87444749]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.11785752]
 [-0.87444749]]
dot product : [[ 0.52633171]
 [-0.12449579]
 [ 0.40384067]]
result : [[ 0.189067  ]
 [-0.03264887]
 [ 0.46484765]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.85221913]
 [-1.03110487]
 [ 0.39004821]]
dot product : [[-0.244347  ]
 [-2.32604023]]
result : [[ 0.30996694]
 [-2.58018898]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.30996694]
 [-2.58018898]]
dot product : [[ 1.50452635]
 [-0.33905635]
 [ 1.16985737]]
result : [[ 1.16726164]
 [-0.24720943]
 [ 1.23086435]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.61112977]
 [-1.08199651]
 [ 0.35064981]]
dot product : [[-0.31289534]
 [-2.18400301]]
result : [[ 0.2414186 ]
 [-2.43815176]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.2414186 ]
 [-2.43815176]]
dot product : [[ 1.35563357]
 [-0.2818526 ]
 [ 1.07584512]]
result : [[ 1.01836886]
 [-0.19000568]
 [ 1.1368521 ]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.38826665]
 [-0.22284173]
 [ 0.93671988]]
dot product : [[-0.41528645]
 [-0.84554862]]
result : [[ 0.1390275 ]
 [-1.09969736]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.1390275 ]
 [-1.09969736]]
dot product : [[ 0.65011787]
 [-0.14968633]
 [ 0.50258115]]
result : [[ 0.31285316]
 [-0.05783941]
 [ 0.56358813]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.85867859]
 [-0.61084914]
 [ 0.65766752]]
dot product : [[-0.598076  ]
 [-0.77065861]]
result : [[-0.04376206]
 [-1.02480736]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.04376206]
 [-1.02480736]]
dot product : [[ 0.38342319]
 [-0.00975284]
 [ 0.36866562]]
result : [[ 0.04615847]
 [ 0.08209408]
 [ 0.4296726 ]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.34591249]
 [-0.2591908 ]
 [ 0.91192558]]
dot product : [[-0.41093666]
 [-0.90222875]]
result : [[ 0.14337728]
 [-1.1563775 ]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.14337728]
 [-1.1563775 ]]
dot product : [[ 0.68001235]
 [-0.15529355]
 [ 0.52686535]]
result : [[ 0.34274764]
 [-0.06344663]
 [ 0.58787233]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.69939058]
 [-0.02062908]
 [ 1.07347501]]
dot product : [[-0.45824545]
 [-0.47458398]]
result : [[ 0.09606849]
 [-0.72873272]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.09606849]
 [-0.72873272]]
dot product : [[ 0.43586705]
 [-0.10214112]
 [ 0.3353097 ]]
result : [[ 0.09860234]
 [-0.0102942 ]
 [ 0.39631667]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.00935906]
 [-0.57188877]
 [ 0.69819556]]
dot product : [[-0.3804256 ]
 [-1.36933518]]
result : [[ 0.17388835]
 [-1.62348393]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.17388835]
 [-1.62348393]]
dot product : [[ 0.91952811]
 [-0.197509  ]
 [ 0.72392467]]
result : [[ 0.58226339]
 [-0.10566208]
 [ 0.78493165]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.88021093]
 [-0.91040425]
 [ 0.47500981]]
dot product : [[-0.2168902 ]
 [-2.26211505]]
result : [[ 0.33742375]
 [-2.5162638 ]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.33742375]
 [-2.5162638 ]]
dot product : [[ 1.51234111]
 [-0.35695737]
 [ 1.16108308]]
result : [[ 1.1750764 ]
 [-0.26511045]
 [ 1.22209006]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.83742212]
 [-1.05892622]
 [ 0.37033453]]
dot product : [[-0.25274925]
 [-2.33462448]]
result : [[ 0.3015647 ]
 [-2.58877323]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.3015647 ]
 [-2.58877323]]
dot product : [[ 1.49742601]
 [-0.33312294]
 [ 1.1683236 ]]
result : [[ 1.16016129]
 [-0.24127602]
 [ 1.22933058]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.81047671]
 [-1.08986298]
 [ 0.34824972]]
dot product : [[-0.26469921]
 [-2.33643753]]
result : [[ 0.28961473]
 [-2.59058628]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.28961473]
 [-2.59058628]]
dot product : [[ 1.48286848]
 [-0.32425302]
 [ 1.1621471 ]]
result : [[ 1.14560376]
 [-0.2324061 ]
 [ 1.22315408]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.09382361]
 [-0.66987231]
 [ 0.63118801]]
dot product : [[-0.3714305 ]
 [-1.51402501]]
result : [[ 0.18288344]
 [-1.76817376]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.18288344]
 [-1.76817376]]
dot product : [[ 0.99313485]
 [-0.21024426]
 [ 0.78470308]]
result : [[ 0.65587014]
 [-0.11839735]
 [ 0.84571006]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.88785181]
 [-0.17443756]
 [ 0.96282598]]
dot product : [[-0.53119807]
 [-0.44343258]]
result : [[ 0.02311587]
 [-0.69758132]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.02311587]
 [-0.69758132]]
dot product : [[ 0.32888585]
 [-0.0462403 ]
 [ 0.28137796]]
result : [[-0.00837886]
 [ 0.04560661]
 [ 0.34238493]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.67638176]
 [-0.02871278]
 [ 1.06817291]]
dot product : [[-0.45390144]
 [-0.49720502]]
result : [[ 0.1004125 ]
 [-0.75135377]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.1004125 ]
 [-0.75135377]]
dot product : [[ 0.45114476]
 [-0.10633119]
 [ 0.34650157]]
result : [[ 0.11388005]
 [-0.01448427]
 [ 0.40750855]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.80968627]
 [-0.24410611]
 [ 0.94051003]]
dot product : [[-0.1212396 ]
 [-1.74336678]]
result : [[ 0.43307434]
 [-1.99751552]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.43307434]
 [-1.99751552]]
dot product : [[ 1.4125755 ]
 [-0.40703789]
 [ 1.01674208]]
result : [[ 1.07531079]
 [-0.31519097]
 [ 1.07774906]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.8608687 ]
 [-0.07711913]
 [ 1.03139762]]
dot product : [[-0.50796348]
 [-0.39514417]]
result : [[ 0.04635046]
 [-0.64929291]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.04635046]
 [-0.64929291]]
dot product : [[ 0.33798957]
 [-0.06162944]
 [ 0.27618443]]
result : [[ 0.00072486]
 [ 0.03021748]
 [ 0.33719141]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.8708618 ]
 [-0.61292545]
 [ 0.68318458]]
dot product : [[-0.16868495]
 [-2.04682812]]
result : [[ 0.385629  ]
 [-2.30097687]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.385629  ]
 [-2.30097687]]
dot product : [[ 1.48185673]
 [-0.38411086]
 [ 1.10607395]]
result : [[ 1.14459202]
 [-0.29226394]
 [ 1.16708093]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.54721097]
 [-0.10021561]
 [ 1.02011474]]
dot product : [[-0.43395113]
 [-0.64249789]]
result : [[ 0.12036282]
 [-0.89664664]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.12036282]
 [-0.89664664]]
dot product : [[ 0.53906886]
 [-0.12729199]
 [ 0.41381284]]
result : [[ 0.20180415]
 [-0.03544507]
 [ 0.47481982]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.25882582]
 [-0.33700705]
 [ 0.85878993]]
dot product : [[-0.40251547]
 [-1.02092737]]
result : [[ 0.15179847]
 [-1.27507612]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.15179847]
 [-1.27507612]]
dot product : [[ 0.74173391]
 [-0.16652106]
 [ 0.57732517]]
result : [[ 0.4044692 ]
 [-0.07467414]
 [ 0.63833215]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.82087594]
 [-0.30014702]
 [ 0.90143979]]
dot product : [[-0.1279781 ]
 [-1.79087286]]
result : [[ 0.42633585]
 [-2.0450216 ]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.42633585]
 [-2.0450216 ]]
dot product : [[ 1.42430541]
 [-0.40396443]
 [ 1.03112302]]
result : [[ 1.0870407 ]
 [-0.31211751]
 [ 1.09213   ]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.29539115]
 [-0.85396583]
 [ 0.50541302]]
dot product : [[-0.35261565]
 [-1.79155061]]
result : [[ 0.20169829]
 [-2.04569935]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.20169829]
 [-2.04569935]]
dot product : [[ 1.13632193]
 [-0.23584036]
 [ 0.90217866]]
result : [[ 0.79905722]
 [-0.14399345]
 [ 0.96318564]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.71414978]
 [-0.01651868]
 [ 1.07612332]]
dot product : [[-0.46121454]
 [-0.46082656]]
result : [[ 0.09309941]
 [-0.7149753 ]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.09309941]
 [-0.7149753 ]]
dot product : [[ 0.42615574]
 [-0.09934793]
 [ 0.32831495]]
result : [[ 0.08889103]
 [-0.00750102]
 [ 0.38932193]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.78950553]
 [-1.1036475 ]
 [ 0.33826956]]
dot product : [[-0.27225135]
 [-2.33063789]]
result : [[ 0.28206259]
 [-2.58478663]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.28206259]
 [-2.58478663]]
dot product : [[ 1.47068922]
 [-0.3183593 ]
 [ 1.15557451]]
result : [[ 1.13342451]
 [-0.22651238]
 [ 1.21658149]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.81380157]
 [-0.02431671]
 [ 1.06910845]]
dot product : [[-0.48729983]
 [-0.39284352]]
result : [[ 0.06701411]
 [-0.64699227]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.06701411]
 [-0.64699227]]
dot product : [[ 0.3635201 ]
 [-0.07700176]
 [ 0.2871854 ]]
result : [[ 0.02625539]
 [ 0.01484516]
 [ 0.34819238]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.84876504]
 [-1.03861718]
 [ 0.38473357]]
dot product : [[-0.24648125]
 [-2.32875717]]
result : [[ 0.30783269]
 [-2.58290591]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.30783269]
 [-2.58290591]]
dot product : [[ 1.5029529 ]
 [-0.33757146]
 [ 1.16967394]]
result : [[ 1.16568819]
 [-0.24572454]
 [ 1.23068092]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.40909873]
 [-0.20541402]
 [ 0.94859942]]
dot product : [[-0.41750247]
 [-0.817986  ]]
result : [[ 0.13681148]
 [-1.07213475]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.13681148]
 [-1.07213475]]
dot product : [[ 0.63545133]
 [-0.14688418]
 [ 0.49071418]]
result : [[ 0.29818662]
 [-0.05503726]
 [ 0.55172116]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.75381005]
 [-1.11467609]
 [ 0.32998973]]
dot product : [[-0.28299397]
 [-2.31205541]]
result : [[ 0.27131998]
 [-2.56620415]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.27131998]
 [-2.56620415]]
dot product : [[ 1.44893257]
 [-0.30954709]
 [ 1.14225438]]
result : [[ 1.11166786]
 [-0.21770017]
 [ 1.20326136]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.77334271]
 [-1.01494568]
 [ 0.37601468]]
dot product : [[-0.64551017]
 [-1.11663989]]
result : [[-0.09119623]
 [-1.37078864]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.09119623]
 [-1.37078864]]
dot product : [[ 0.47095733]
 [ 0.01140201]
 [ 0.47434445]]
result : [[ 0.13369261]
 [ 0.10324893]
 [ 0.53535143]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.20310013]
 [-0.38840343]
 [ 0.82366671]]
dot product : [[-0.39739908]
 [-1.09800394]]
result : [[ 0.15691486]
 [-1.35215269]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.15691486]
 [-1.35215269]]
dot product : [[ 0.78136104]
 [-0.1735482 ]
 [ 0.6098887 ]]
result : [[ 0.44409633]
 [-0.08170128]
 [ 0.67089568]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.26986321]
 [-0.32695589]
 [ 0.8656565 ]]
dot product : [[-0.40355072]
 [-1.00575128]]
result : [[ 0.15076322]
 [-1.25990003]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.15076322]
 [-1.25990003]]
dot product : [[ 0.73389573]
 [-0.16511659]
 [ 0.57089751]]
result : [[ 0.39663102]
 [-0.07326967]
 [ 0.63190449]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.88410719]
 [-0.84248988]
 [ 0.52263013]]
dot product : [[-0.20438649]
 [-2.21740982]]
result : [[ 0.34992746]
 [-2.47155857]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.34992746]
 [-2.47155857]]
dot product : [[ 1.50921102]
 [-0.36446255]
 [ 1.15109451]]
result : [[ 1.17194631]
 [-0.27261563]
 [ 1.21210148]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.88371162]
 [-0.85694283]
 [ 0.51250275]]
dot product : [[-0.20693968]
 [-2.22724318]]
result : [[ 0.34737426]
 [-2.48139192]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.34737426]
 [-2.48139192]]
dot product : [[ 1.51015247]
 [-0.36295927]
 [ 1.15340497]]
result : [[ 1.17288776]
 [-0.27111235]
 [ 1.21441195]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.87822135]
 [-0.1243584 ]
 [ 0.99804596]]
dot product : [[-0.52029897]
 [-0.41544792]]
result : [[ 0.03401497]
 [-0.66959666]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.03401497]
 [-0.66959666]]
dot product : [[ 0.33086874]
 [-0.05323796]
 [ 0.27689221]]
result : [[-0.00639598]
 [ 0.03860896]
 [ 0.33789919]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.13526893]
 [-0.45208366]
 [ 0.78013005]]
dot product : [[-0.39136128]
 [-1.19260792]]
result : [[ 0.16295266]
 [-1.44675667]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.16295266]
 [-1.44675667]]
dot product : [[ 0.82968884]
 [-0.18199213]
 [ 0.64971803]]
result : [[ 0.49242413]
 [-0.09014522]
 [ 0.71072501]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.83586808]
 [-0.38015222]
 [ 0.84564697]]
dot product : [[-0.13784224]
 [-1.85796944]]
result : [[ 0.4164717 ]
 [-2.11211819]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.4164717 ]
 [-2.11211819]]
dot product : [[ 1.44042741]
 [-0.39936393]
 [ 1.05123486]]
result : [[ 1.1031627 ]
 [-0.30751701]
 [ 1.11224184]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.69887632]
 [-1.1126556 ]
 [ 0.330548  ]]
dot product : [[-0.29630031]
 [-2.27015242]]
result : [[ 0.25801363]
 [-2.52430117]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.25801363]
 [-2.52430117]]
dot product : [[ 1.4138828 ]
 [-0.29784842]
 [ 1.11849754]]
result : [[ 1.07661809]
 [-0.20600151]
 [ 1.17950452]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.51130396]
 [-1.02368072]
 [ 0.38993089]]
dot product : [[-0.32779411]
 [-2.06957621]]
result : [[ 0.22651983]
 [-2.32372496]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.22651983]
 [-2.32372496]]
dot product : [[ 1.28743179]
 [-0.26595351]
 [ 1.02330126]]
result : [[ 0.95016707]
 [-0.17410659]
 [ 1.08430824]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.8615769 ]
 [-1.00628655]
 [ 0.40757408]]
dot product : [[-0.23780633]
 [-2.31555087]]
result : [[ 0.31650761]
 [-2.56969962]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.31650761]
 [-2.56969962]]
dot product : [[ 1.50842057]
 [-0.34351723]
 [ 1.16958828]]
result : [[ 1.17115586]
 [-0.25167032]
 [ 1.23059526]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.87806208]
 [-0.48202356]
 [ 0.74758014]]
dot product : [[-0.58101061]
 [-0.66612476]]
result : [[-0.02669666]
 [-0.9202735 ]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.02669666]
 [-0.9202735 ]]
dot product : [[ 0.36048406]
 [-0.01819087]
 [ 0.33830848]]
result : [[ 0.02321934]
 [ 0.07365605]
 [ 0.39931546]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.82007365]
 [-1.08094931]
 [ 0.3546415 ]]
dot product : [[-0.2608006 ]
 [-2.33726632]]
result : [[ 0.29351334]
 [-2.59141507]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.29351334]
 [-2.59141507]]
dot product : [[ 1.48822701]
 [-0.3272057 ]
 [ 1.16470797]]
result : [[ 1.1509623 ]
 [-0.23535878]
 [ 1.22571495]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.18458517]
 [-0.75451282]
 [ 0.57333073]]
dot product : [[-0.36325533]
 [-1.64021279]]
result : [[ 0.19105861]
 [-1.89436154]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.19105861]
 [-1.89436154]]
dot product : [[ 1.05775311]
 [-0.22159827]
 [ 0.8378995 ]]
result : [[ 0.7204884 ]
 [-0.12975136]
 [ 0.89890648]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.6841651 ]
 [-0.02576757]
 [ 1.07011403]]
dot product : [[-0.45533513]
 [-0.48940526]]
result : [[ 0.09897881]
 [-0.74355401]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.09897881]
 [-0.74355401]]
dot product : [[ 0.44595929]
 [-0.10493445]
 [ 0.34267949]]
result : [[ 0.10869458]
 [-0.01308754]
 [ 0.40368647]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.70682931]
 [-0.01844346]
 [ 1.07488957]]
dot product : [[-0.45972253]
 [-0.46757032]]
result : [[ 0.09459141]
 [-0.72171906]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.09459141]
 [-0.72171906]]
dot product : [[ 0.43096308]
 [-0.10074451]
 [ 0.33176475]]
result : [[ 0.09369837]
 [-0.0088976 ]
 [ 0.39277173]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.79777761]
 [-0.01697286]
 [ 1.07450114]]
dot product : [[-0.48207092]
 [-0.3995089 ]]
result : [[ 0.07224302]
 [-0.65365765]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.07224302]
 [-0.65365765]]
dot product : [[ 0.37308934]
 [-0.08119234]
 [ 0.29275444]]
result : [[ 0.03582463]
 [ 0.01065458]
 [ 0.35376142]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.67627288]
 [-1.10732743]
 [ 0.33392676]]
dot product : [[-0.30101164]
 [-2.24976051]]
result : [[ 0.25330231]
 [-2.50390926]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.25330231]
 [-2.50390926]]
dot product : [[ 1.39908989]
 [-0.29347588]
 [ 1.10795106]]
result : [[ 1.06182517]
 [-0.20162896]
 [ 1.16895804]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.52840239]
 [-0.11323031]
 [ 1.01129402]]
dot product : [[-0.43148832]
 [-0.66547764]]
result : [[ 0.12282563]
 [-0.91962638]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.12282563]
 [-0.91962638]]
dot product : [[ 0.55208632]
 [-0.13008876]
 [ 0.42406055]]
result : [[ 0.21482161]
 [-0.03824184]
 [ 0.48506753]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.84039431]
 [-0.40575427]
 [ 0.82778877]]
dot product : [[-0.14106623]
 [-1.8792407 ]]
result : [[ 0.41324771]
 [-2.13338945]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.41324771]
 [-2.13338945]]
dot product : [[ 1.44541423]
 [-0.39783298]
 [ 1.05755511]]
result : [[ 1.10814952]
 [-0.30598606]
 [ 1.11856209]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.69183527]
 [-0.02307173]
 [ 1.07188228]]
dot product : [[-0.45678306]
 [-0.4818636 ]]
result : [[ 0.09753089]
 [-0.73601235]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.09753089]
 [-0.73601235]]
dot product : [[ 0.44086625]
 [-0.10353777]
 [ 0.3389484 ]]
result : [[ 0.10360154]
 [-0.01169085]
 [ 0.39995538]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.70617593]
 [-1.1138955 ]
 [ 0.32979354]]
dot product : [[-0.29469716]
 [-2.27640102]]
result : [[ 0.25961678]
 [-2.53054977]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.25961678]
 [-2.53054977]]
dot product : [[ 1.41862038]
 [-0.29930766]
 [ 1.12182098]]
result : [[ 1.08135567]
 [-0.20746075]
 [ 1.18282796]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.55648726]
 [-0.09398864]
 [ 1.02433075]]
dot product : [[-0.43519835]
 [-0.63129878]]
result : [[ 0.11911559]
 [-0.88544752]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.11911559]
 [-0.88544752]]
dot product : [[ 0.53266455]
 [-0.12589382]
 [ 0.40879162]]
result : [[ 0.19539984]
 [-0.0340469 ]
 [ 0.4697986 ]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.22549134]
 [-0.36763205]
 [ 0.83786346]]
dot product : [[-0.39943457]
 [-1.06694983]]
result : [[ 0.15487938]
 [-1.32109857]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.15487938]
 [-1.32109857]]
dot product : [[ 0.76542853]
 [-0.17073636]
 [ 0.59678377]]
result : [[ 0.42816382]
 [-0.07888944]
 [ 0.65779075]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.8756188 ]
 [-0.94603947]
 [ 0.44998331]]
dot product : [[-0.22408404]
 [-2.2836945 ]]
result : [[ 0.33022991]
 [-2.53784325]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.33022991]
 [-2.53784325]]
dot product : [[ 1.51236569]
 [-0.35246758]
 [ 1.16523845]]
result : [[ 1.17510097]
 [-0.26062067]
 [ 1.22624543]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.4324114 ]
 [-0.96680394]
 [ 0.42853068]]
dot product : [[-0.33773597]
 [-1.97158583]]
result : [[ 0.21657798]
 [-2.22573457]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.21657798]
 [-2.22573457]]
dot product : [[ 1.2326414 ]
 [-0.25444673]
 [ 0.97992503]]
result : [[ 0.89537669]
 [-0.16259981]
 [ 1.04093201]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.79496623]
 [-1.10069716]
 [ 0.3404208 ]]
dot product : [[-0.27039339]
 [-2.33259572]]
result : [[ 0.28392056]
 [-2.58674447]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.28392056]
 [-2.58674447]]
dot product : [[ 1.47391331]
 [-0.31983129]
 [ 1.15739556]]
result : [[ 1.1366486 ]
 [-0.22798437]
 [ 1.21840254]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.64415088]
 [-0.04291088]
 [ 1.05873279]]
dot product : [[-0.44830456]
 [-0.53090636]]
result : [[ 0.10600938]
 [-0.78505511]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.10600938]
 [-0.78505511]]
dot product : [[ 0.47278306]
 [-0.11191872]
 [ 0.36267224]]
result : [[ 0.13551835]
 [-0.0200718 ]
 [ 0.42367922]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.88477696]
 [-0.42422919]
 [ 0.78794808]]
dot product : [[-0.57286241]
 [-0.62068834]]
result : [[-0.01854847]
 [-0.87483709]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.01854847]
 [-0.87483709]]
dot product : [[ 0.35145096]
 [-0.02240541]
 [ 0.32553374]]
result : [[ 0.01418625]
 [ 0.06944151]
 [ 0.38654072]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.59269937]
 [-0.07103919]
 [ 1.03983725]]
dot product : [[-0.44029799]
 [-0.58853249]]
result : [[ 0.11401595]
 [-0.84268123]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.11401595]
 [-0.84268123]]
dot product : [[ 0.50777601]
 [-0.12030246]
 [ 0.38942326]]
result : [[ 0.1705113 ]
 [-0.02845554]
 [ 0.45043024]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.84875027]
 [-0.45538179]
 [ 0.79316557]]
dot product : [[-0.14741948]
 [-1.92016541]]
result : [[ 0.40689446]
 [-2.17431416]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.40689446]
 [-2.17431416]]
dot product : [[ 1.4548155 ]
 [-0.39477489]
 [ 1.06962839]]
result : [[ 1.11755079]
 [-0.30292798]
 [ 1.13063537]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.53784878]
 [-0.10663077]
 [ 1.01576828]]
dot product : [[-0.43271452]
 [-0.65389216]]
result : [[ 0.12159942]
 [-0.9080409 ]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.12159942]
 [-0.9080409 ]]
dot product : [[ 0.54554325]
 [-0.1286903 ]
 [ 0.41890294]]
result : [[ 0.20827854]
 [-0.03684338]
 [ 0.47990992]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.89074637]
 [-0.35380162]
 [ 0.83717451]]
dot product : [[-0.56238317]
 [-0.56695127]]
result : [[-0.00806923]
 [-0.82110002]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.00806923]
 [-0.82110002]]
dot product : [[ 0.34184875]
 [-0.02802052]
 [ 0.31090979]]
result : [[ 0.00458404]
 [ 0.0638264 ]
 [ 0.37191677]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.8261106 ]
 [-0.32735242]
 [ 0.88246983]]
dot product : [[-0.1312984 ]
 [-1.81378945]]
result : [[ 0.42301554]
 [-2.0679382 ]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.42301554]
 [-2.0679382 ]]
dot product : [[ 1.4298744 ]
 [-0.40242964]
 [ 1.03802019]]
result : [[ 1.09260968]
 [-0.31058273]
 [ 1.09902717]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.45000473]
 [-0.17220518]
 [ 0.97121724]]
dot product : [[-0.42202581]
 [-0.76457307]]
result : [[ 0.13228814]
 [-1.01872181]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.13228814]
 [-1.01872181]]
dot product : [[ 0.60673557]
 [-0.14128257]
 [ 0.46758575]]
result : [[ 0.26947085]
 [-0.04943565]
 [ 0.52859273]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.8773334 ]
 [-0.93457826]
 [ 0.45803619]]
dot product : [[-0.22171126]
 [-2.27692915]]
result : [[ 0.33260268]
 [-2.53107789]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.33260268]
 [-2.53107789]]
dot product : [[ 1.51250869]
 [-0.35396308]
 [ 1.16400325]]
result : [[ 1.17524398]
 [-0.26211617]
 [ 1.22501023]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.73415457]
 [-1.11607237]
 [ 0.32870542]]
dot product : [[-0.28811498]
 [-2.29854697]]
result : [[ 0.26619896]
 [-2.55269572]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.26619896]
 [-2.55269572]]
dot product : [[ 1.43656652]
 [-0.3051534 ]
 [ 1.1341176 ]]
result : [[ 1.0993018 ]
 [-0.21330648]
 [ 1.19512458]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.31359679]
 [-0.2876391 ]
 [ 0.89250755]]
dot product : [[-0.40773917]
 [-0.94597547]]
result : [[ 0.14657477]
 [-1.20012422]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.14657477]
 [-1.20012422]]
dot product : [[ 0.70288042]
 [-0.15950172]
 [ 0.54551643]]
result : [[ 0.36561571]
 [-0.0676548 ]
 [ 0.60652341]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.83105005]
 [-0.75801209]
 [ 0.55504205]]
dot product : [[-0.61620742]
 [-0.89411536]]
result : [[-0.06189348]
 [-1.14826411]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.06189348]
 [-1.14826411]]
dot product : [[ 0.41311111]
 [-0.0013018 ]
 [ 0.40568173]]
result : [[ 0.0758464 ]
 [ 0.09054512]
 [ 0.46668871]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.74738816]
 [-1.11543764]
 [ 0.32935628]]
dot product : [[-0.28471898]
 [-2.3078558 ]]
result : [[ 0.26959496]
 [-2.56200455]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.26959496]
 [-2.56200455]]
dot product : [[ 1.4449175 ]
 [-0.30808162]
 [ 1.13964828]]
result : [[ 1.10765278]
 [-0.2162347 ]
 [ 1.20065526]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.47005138]
 [-0.15648523]
 [ 0.9819131 ]]
dot product : [[-0.42433674]
 [-0.73878569]]
result : [[ 0.1299772 ]
 [-0.99293444]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.1299772 ]
 [-0.99293444]]
dot product : [[ 0.5927087 ]
 [-0.13848302]
 [ 0.45634641]]
result : [[ 0.25544399]
 [-0.0466361 ]
 [ 0.51735339]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.60251976]
 [-1.07776145]
 [ 0.35348131]]
dot product : [[-0.31431535]
 [-2.17469038]]
result : [[ 0.23999859]
 [-2.42883912]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.23999859]
 [-2.42883912]]
dot product : [[ 1.34981672]
 [-0.28040335]
 [ 1.0714495 ]]
result : [[ 1.01255201]
 [-0.18855643]
 [ 1.13245648]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.46006334]
 [-0.16426831]
 [ 0.97661847]]
dot product : [[-0.42317698]
 [-0.75159951]]
result : [[ 0.13113696]
 [-1.00574826]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.13113696]
 [-1.00574826]]
dot product : [[ 0.59969338]
 [-0.13988269]
 [ 0.46193785]]
result : [[ 0.26242867]
 [-0.04803578]
 [ 0.52294483]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.19185916]
 [-0.39888405]
 [ 0.81650256]]
dot product : [[-0.39638619]
 [-1.11363093]]
result : [[ 0.15792775]
 [-1.36777968]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.15792775]
 [-1.36777968]]
dot product : [[ 0.78936393]
 [-0.17495463]
 [ 0.61647678]]
result : [[ 0.45209922]
 [-0.08310771]
 [ 0.67748376]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.21431142]
 [-0.37798482]
 [ 0.8307879 ]]
dot product : [[-0.39841513]
 [-1.08244226]]
result : [[ 0.15589881]
 [-1.33659101]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.15589881]
 [-1.33659101]]
dot product : [[ 0.77338211]
 [-0.17214211]
 [ 0.6033239 ]]
result : [[ 0.43611739]
 [-0.08029519]
 [ 0.66433088]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.5017083 ]
 [-1.01718375]
 [ 0.39433099]]
dot product : [[-0.32907483]
 [-2.05795257]]
result : [[ 0.22523911]
 [-2.31210132]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.22523911]
 [-2.31210132]]
dot product : [[ 1.2808024 ]
 [-0.26451266]
 [ 1.01809763]]
result : [[ 0.94353768]
 [-0.17266574]
 [ 1.07910461]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.41197964]
 [-0.95094907]
 [ 0.43931503]]
dot product : [[-0.34011967]
 [-1.9454201 ]]
result : [[ 0.21419427]
 [-2.19956885]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.21419427]
 [-2.19956885]]
dot product : [[ 1.21835886]
 [-0.251577  ]
 [ 0.96849844]]
result : [[ 0.88109415]
 [-0.15973009]
 [ 1.02950542]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.66048242]
 [-0.03533603]
 [ 1.06378268]]
dot product : [[-0.45107588]
 [-0.5135631 ]]
result : [[ 0.10323806]
 [-0.76771185]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.10323806]
 [-0.76771185]]
dot product : [[ 0.46178743]
 [-0.10912482]
 [ 0.3544132 ]]
result : [[ 0.12452271]
 [-0.0172779 ]
 [ 0.41542018]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.00212559]
 [-0.58283873]
 [ 0.69070654]]
dot product : [[-0.37943188]
 [-1.38547057]]
result : [[ 0.17488206]
 [-1.63961932]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.17488206]
 [-1.63961932]]
dot product : [[ 0.92772447]
 [-0.19892217]
 [ 0.7306971 ]]
result : [[ 0.59045975]
 [-0.10707525]
 [ 0.79170408]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.86435564]
 [-0.99724056]
 [ 0.41395221]]
dot product : [[-0.23557939]
 [-2.31126178]]
result : [[ 0.31873456]
 [-2.56541052]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.31873456]
 [-2.56541052]]
dot product : [[ 1.50943861]
 [-0.34500629]
 [ 1.16922084]]
result : [[ 1.1721739 ]
 [-0.25315938]
 [ 1.23022782]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.88923054]
 [-0.18566798]
 [ 0.95493997]]
dot product : [[-0.53344819]
 [-0.4502838 ]]
result : [[ 0.02086575]
 [-0.70443255]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.02086575]
 [-0.70443255]]
dot product : [[ 0.32893708]
 [-0.04484018]
 [ 0.2827167 ]]
result : [[-0.00832763]
 [ 0.04700674]
 [ 0.34372368]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.87575982]
 [-0.11553038]
 [ 1.00426649]]
dot product : [[-0.51818787]
 [-0.41107773]]
result : [[ 0.03612608]
 [-0.66522648]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.03612608]
 [-0.66522648]]
dot product : [[ 0.33170333]
 [-0.05463694]
 [ 0.27642698]]
result : [[-0.00556138]
 [ 0.03720998]
 [ 0.33743396]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.78075027]
 [-0.98418159]
 [ 0.39744286]]
dot product : [[-0.64212531]
 [-1.0896288 ]]
result : [[-0.08781137]
 [-1.34377754]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.08781137]
 [-1.34377754]]
dot product : [[ 0.46371488]
 [ 0.00998875]
 [ 0.46591088]]
result : [[ 0.12645017]
 [ 0.10183567]
 [ 0.52691786]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.87886468]
 [-0.92270113]
 [ 0.46637747]]
dot product : [[-0.21931339]
 [-2.2697373 ]]
result : [[ 0.33500055]
 [-2.52388605]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.33500055]
 [-2.52388605]]
dot product : [[ 1.51250097]
 [-0.35545968]
 [ 1.16261859]]
result : [[ 1.17523625]
 [-0.26361276]
 [ 1.22362557]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.15071471]
 [-0.72317733]
 [ 0.59474638]]
dot product : [[-0.36634873]
 [-1.59329758]]
result : [[ 0.18796521]
 [-1.84744633]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.18796521]
 [-1.84744633]]
dot product : [[ 1.03365951]
 [-0.21733658]
 [ 0.81809062]]
result : [[ 0.6963948 ]
 [-0.12548967]
 [ 0.8790976 ]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.56711552]
 [-1.05861197]
 [ 0.36633933]]
dot product : [[-0.31985971]
 [-2.13518154]]
result : [[ 0.23445424]
 [-2.38933029]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.23445424]
 [-2.38933029]]
dot product : [[ 1.32575475]
 [-0.27461423]
 [ 1.0530772 ]]
result : [[ 0.98849003]
 [-0.18276731]
 [ 1.11408418]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.52081854]
 [-1.02999117]
 [ 0.38566014]]
dot product : [[-0.32650186]
 [-2.08100943]]
result : [[ 0.22781208]
 [-2.33515818]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.22781208]
 [-2.33515818]]
dot product : [[ 1.2939943 ]
 [-0.26739509]
 [ 1.02843834]]
result : [[ 0.95672959]
 [-0.17554818]
 [ 1.08944532]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.40166683]
 [-0.94279731]
 [ 0.44486278]]
dot product : [[-0.34129751]
 [-1.93210866]]
result : [[ 0.21301644]
 [-2.1862574 ]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.21301644]
 [-2.1862574 ]]
dot product : [[ 1.21113753]
 [-0.25014315]
 [ 0.96270536]]
result : [[ 0.87387282]
 [-0.15829624]
 [ 1.02371234]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.33519014]
 [-0.26856694]
 [ 0.9055268 ]]
dot product : [[-0.40986503]
 [-0.91669978]]
result : [[ 0.14444891]
 [-1.17084852]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.14444891]
 [-1.17084852]]
dot product : [[ 0.68759478]
 [-0.156696  ]
 [ 0.53304297]]
result : [[ 0.35033007]
 [-0.06484908]
 [ 0.59404995]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.1280158 ]
 [-0.70199809]
 [ 0.60922395]]
dot product : [[-0.3683914 ]
 [-1.56173097]]
result : [[ 0.18592255]
 [-1.81587971]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.18592255]
 [-1.81587971]]
dot product : [[ 1.01749796]
 [-0.21449811]
 [ 0.80478461]]
result : [[ 0.68023325]
 [-0.12265119]
 [ 0.86579159]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.65264831]
 [-1.09966686]
 [ 0.33892295]]
dot product : [[-0.30558051]
 [-2.22698205]]
result : [[ 0.24873343]
 [-2.48113079]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.24873343]
 [-2.48113079]]
dot product : [[ 1.38345608]
 [-0.28911095]
 [ 1.09656935]]
result : [[ 1.04619137]
 [-0.19726404]
 [ 1.15757633]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.87867669]
 [-0.69203369]
 [ 0.62790797]]
dot product : [[-0.18018009]
 [-2.10800653]]
result : [[ 0.37413386]
 [-2.36215528]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.37413386]
 [-2.36215528]]
dot product : [[ 1.49334714]
 [-0.37804398]
 [ 1.12297332]]
result : [[ 1.15608243]
 [-0.28619706]
 [ 1.1839803 ]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.81540173]
 [-0.27239952]
 [ 0.92078564]]
dot product : [[-0.12462524]
 [-1.76739994]]
result : [[ 0.4296887 ]
 [-2.02154869]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.4296887 ]
 [-2.02154869]]
dot product : [[ 1.41853958]
 [-0.40550051]
 [ 1.02403078]]
result : [[ 1.08127487]
 [-0.31365359]
 [ 1.08503776]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.47245184]
 [-0.99661205]
 [ 0.40828086]]
dot product : [[-0.33285006]
 [-2.02197847]]
result : [[ 0.22146388]
 [-2.27612722]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.22146388]
 [-2.27612722]]
dot product : [[ 1.26052691]
 [-0.26019444]
 [ 1.00210129]]
result : [[ 0.9232622 ]
 [-0.16834753]
 [ 1.06310827]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.84595787]
 [-0.05303528]
 [ 1.04849575]]
dot product : [[-0.50016779]
 [-0.38926207]]
result : [[ 0.05414615]
 [-0.64341082]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.05414615]
 [-0.64341082]]
dot product : [[ 0.3454706 ]
 [-0.0672209 ]
 [ 0.27840778]]
result : [[ 0.00820589]
 [ 0.02462602]
 [ 0.33941476]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.85258341]
 [-0.47941491]
 [ 0.77639526]]
dot product : [[-0.1505492 ]
 [-1.93982674]]
result : [[ 0.40376475]
 [-2.19397549]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.40376475]
 [-2.19397549]]
dot product : [[ 1.45923274]
 [-0.39324774]
 [ 1.07538418]]
result : [[ 1.12196803]
 [-0.30140082]
 [ 1.13639115]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.72734629]
 [-1.11595321]
 [ 0.32868269]]
dot product : [[-0.28978642]
 [-2.29344562]]
result : [[ 0.26452753]
 [-2.54759437]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.26452753]
 [-2.54759437]]
dot product : [[ 1.43223341]
 [-0.30369064]
 [ 1.13119578]]
result : [[ 1.0949687 ]
 [-0.21184372]
 [ 1.19220276]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.58378371]
 [-0.07647514]
 [ 1.03616955]]
dot product : [[-0.43900602]
 [-0.59891166]]
result : [[ 0.11530792]
 [-0.85306041]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.11530792]
 [-0.85306041]]
dot product : [[ 0.51388605]
 [-0.12170012]
 [ 0.39415511]]
result : [[ 0.17662134]
 [-0.0298532 ]
 [ 0.45516209]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.04380197]
 [-0.53903629]
 [ 0.72066461]]
dot product : [[-0.38340357]
 [-1.32093535]]
result : [[ 0.17091038]
 [-1.5750841 ]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.17091038]
 [-1.5750841 ]]
dot product : [[ 0.89494582]
 [-0.19327213]
 [ 0.70361165]]
result : [[ 0.55768111]
 [-0.10142521]
 [ 0.76461863]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.81402889]
 [-0.83872816]
 [ 0.49878306]]
dot product : [[-0.62568815]
 [-0.96320539]]
result : [[-0.07137421]
 [-1.21735413]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.07137421]
 [-1.21735413]]
dot product : [[ 0.43058021]
 [ 0.00292901]
 [ 0.42678018]]
result : [[ 0.0933155 ]
 [ 0.09477593]
 [ 0.48778716]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.89171727]
 [-0.33735345]
 [ 0.84867781]]
dot product : [[-0.55983061]
 [-0.55471306]]
result : [[-0.00551667]
 [-0.80886181]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.00551667]
 [-0.80886181]]
dot product : [[ 0.33987494]
 [-0.02942357]
 [ 0.30767477]]
result : [[ 0.00261023]
 [ 0.06242335]
 [ 0.36868175]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.89356616]
 [-0.27608096]
 [ 0.89155731]]
dot product : [[-0.54988257]
 [-0.51042642]]
result : [[ 0.00443137]
 [-0.76457517]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.00443137]
 [-0.76457517]]
dot product : [[ 0.33364474]
 [-0.03503307]
 [ 0.29637711]]
result : [[-0.00361997]
 [ 0.05681385]
 [ 0.35738409]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.24044795]
 [-0.80532804]
 [ 0.53861663]]
dot product : [[-0.35800617]
 [-1.71698327]]
result : [[ 0.19630777]
 [-1.97113202]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.19630777]
 [-1.97113202]]
dot product : [[ 1.09741933]
 [-0.22871211]
 [ 0.87042176]]
result : [[ 0.76015462]
 [-0.13686519]
 [ 0.93142874]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.87313736]
 [-0.63343154]
 [ 0.66885992]]
dot product : [[-0.17160259]
 [-2.06287064]]
result : [[ 0.38271135]
 [-2.31701939]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.38271135]
 [-2.31701939]]
dot product : [[ 1.48499386]
 [-0.38259233]
 [ 1.110561  ]]
result : [[ 1.14772914]
 [-0.29074541]
 [ 1.17156798]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.51887351]
 [-0.1200104 ]
 [ 1.00669461]]
dot product : [[-0.43027228]
 [-0.6772504 ]]
result : [[ 0.12404166]
 [-0.93139914]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.12404166]
 [-0.93139914]]
dot product : [[ 0.55869666]
 [-0.13148738]
 [ 0.42928428]]
result : [[ 0.22143195]
 [-0.03964046]
 [ 0.49029126]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.74221482]
 [-0.01150444]
 [ 1.07919707]]
dot product : [[-0.46733624]
 [-0.43662923]]
result : [[ 0.0869777 ]
 [-0.69077798]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.0869777 ]
 [-0.69077798]]
dot product : [[ 0.4079206 ]
 [-0.09376179]
 [ 0.31549483]]
result : [[ 0.07065589]
 [-0.00191487]
 [ 0.37650181]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.88818223]
 [-0.38808078]
 [ 0.81320924]]
dot product : [[-0.56756854]
 [-0.59285509]]
result : [[-0.0132546 ]
 [-0.84700384]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.0132546 ]
 [-0.84700384]]
dot product : [[ 0.34630567]
 [-0.02521355]
 [ 0.31788223]]
result : [[ 0.00904096]
 [ 0.06663337]
 [ 0.3788892 ]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.08239468]
 [-0.65908384]
 [ 0.63856482]]
dot product : [[-0.3724378 ]
 [-1.49804382]]
result : [[ 0.18187614]
 [-1.75219257]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.18187614]
 [-1.75219257]]
dot product : [[ 0.9849872 ]
 [-0.20882732]
 [ 0.77798209]]
result : [[ 0.64772249]
 [-0.1169804 ]
 [ 0.83898907]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.86272391]
 [-0.54843756]
 [ 0.72821772]]
dot product : [[-0.1597534]
 [-1.9956538]]
result : [[ 0.39456054]
 [-2.24980255]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.39456054]
 [-2.24980255]]
dot product : [[ 1.47136766]
 [-0.38867375]
 [ 1.09154468]]
result : [[ 1.13410295]
 [-0.29682683]
 [ 1.15255166]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.72041262]
 [-1.11554813]
 [ 0.32885824]]
dot product : [[-0.29144044]
 [-2.28805155]]
result : [[ 0.2628735]
 [-2.5422003]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.2628735]
 [-2.5422003]]
dot product : [[ 1.42779708]
 [-0.30222877]
 [ 1.12817148]]
result : [[ 1.09053237]
 [-0.21038185]
 [ 1.18917846]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.89329364]
 [-0.24810329]
 [ 0.91115396]]
dot product : [[-0.54506271]
 [-0.49102775]]
result : [[ 0.00925123]
 [-0.74517649]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.00925123]
 [-0.74517649]]
dot product : [[ 0.3315091 ]
 [-0.03783628]
 [ 0.29169438]]
result : [[-0.00575561]
 [ 0.05401064]
 [ 0.35270136]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.89248299]
 [-0.32136112]
 [ 0.85986509]]
dot product : [[-0.5573045]
 [-0.5429454]]
result : [[-0.00299055]
 [-0.79709415]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.00299055]
 [-0.79709415]]
dot product : [[ 0.33806904]
 [-0.03082635]
 [ 0.30460537]]
result : [[ 0.00080432]
 [ 0.06102057]
 [ 0.36561235]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.8841156 ]
 [-0.79645963]
 [ 0.55486465]]
dot product : [[-0.19656593]
 [-2.1851699 ]]
result : [[ 0.35774801]
 [-2.43931864]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.35774801]
 [-2.43931864]]
dot product : [[ 1.50541799]
 [-0.36897925]
 [ 1.14320277]]
result : [[ 1.16815327]
 [-0.27713233]
 [ 1.20420974]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.85465634]
 [-0.63408057]
 [ 0.64146157]]
dot product : [[-0.60102256]
 [-0.7898977 ]]
result : [[-0.04670861]
 [-1.04404644]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.04670861]
 [-1.04404644]]
dot product : [[ 0.38789436]
 [-0.00834527]
 [ 0.37436448]]
result : [[ 0.05062964]
 [ 0.08350164]
 [ 0.43537146]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.54885873]
 [-1.04776523]
 [ 0.37365046]]
dot product : [[-0.32255365]
 [-2.11412723]]
result : [[ 0.23176029]
 [-2.36827598]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.23176029]
 [-2.36827598]]
dot product : [[ 1.31326658]
 [-0.27172431]
 [ 1.0434365 ]]
result : [[ 0.97600187]
 [-0.17987739]
 [ 1.10444348]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.48980896]
 [-0.14139571]
 [ 0.99217199]]
dot product : [[-0.42668293]
 [-0.71365301]]
result : [[ 0.12763101]
 [-0.96780176]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.12763101]
 [-0.96780176]]
dot product : [[ 0.57891742]
 [-0.13568423]
 [ 0.44533839]]
result : [[ 0.2416527 ]
 [-0.04383731]
 [ 0.50634537]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.89224133]
 [-0.22185723]
 [ 0.92955015]]
dot product : [[-0.54034322]
 [-0.47341686]]
result : [[ 0.01397073]
 [-0.72756561]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.01397073]
 [-0.72756561]]
dot product : [[ 0.33001153]
 [-0.04063852]
 [ 0.28764098]]
result : [[-0.00725319]
 [ 0.0512084 ]
 [ 0.34864796]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.15797529]
 [-0.43065982]
 [ 0.7947788 ]]
dot product : [[-0.39336424]
 [-1.16086446]]
result : [[ 0.1609497 ]
 [-1.41501321]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.1609497 ]
 [-1.41501321]]
dot product : [[ 0.81350237]
 [-0.17917604]
 [ 0.63636688]]
result : [[ 0.47623766]
 [-0.08732912]
 [ 0.69737386]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.10106781]
 [-0.48450296]
 [ 0.75796058]]
dot product : [[-0.38836981]
 [-1.24052609]]
result : [[ 0.16594413]
 [-1.49467484]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.16594413]
 [-1.49467484]]
dot product : [[ 0.85408184]
 [-0.18621913]
 [ 0.66985371]]
result : [[ 0.51681713]
 [-0.09437221]
 [ 0.73086069]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.79214976]
 [-0.01515875]
 [ 1.0758593 ]]
dot product : [[-0.48036442]
 [-0.40238591]]
result : [[ 0.07394952]
 [-0.65653466]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.07394952]
 [-0.65653466]]
dot product : [[ 0.37651334]
 [-0.08258908]
 [ 0.29484161]]
result : [[ 0.03924863]
 [ 0.00925783]
 [ 0.35584859]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.79752477]
 [-0.18586622]
 [ 0.98110502]]
dot product : [[-0.11436907]
 [-1.69360396]]
result : [[ 0.43994488]
 [-1.9477527 ]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.43994488]
 [-1.9477527 ]]
dot product : [[ 1.40004702]
 [-0.41011656]
 [ 1.00156982]]
result : [[ 1.06278231]
 [-0.31826965]
 [ 1.0625768 ]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.61024572]
 [-0.06079305]
 [ 1.04673886]]
dot product : [[-0.44291743]
 [-0.56842253]]
result : [[ 0.11139651]
 [-0.82257128]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.11139651]
 [-0.82257128]]
dot product : [[ 0.49578854]
 [-0.11750749]
 [ 0.38018833]]
result : [[ 0.15852382]
 [-0.02566057]
 [ 0.44119531]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.35658302]
 [-0.24992639]
 [ 0.91824693]]
dot product : [[-0.41201439]
 [-0.88787419]]
result : [[ 0.14229955]
 [-1.14202294]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.14229955]
 [-1.14202294]]
dot product : [[ 0.67247205]
 [-0.15389136]
 [ 0.52072897]]
result : [[ 0.33520733]
 [-0.06204444]
 [ 0.58173595]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.42968263]
 [-0.18852497]
 [ 0.96010561]]
dot product : [[-0.41974832]
 [-0.79098366]]
result : [[ 0.13456563]
 [-1.04513241]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.13456563]
 [-1.04513241]]
dot product : [[ 0.62098684]
 [-0.14408294]
 [ 0.47904536]]
result : [[ 0.28372212]
 [-0.05223603]
 [ 0.54005234]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.78390241]
 [-1.10627369]
 [ 0.3363431 ]]
dot product : [[-0.27408964]
 [-2.328348  ]]
result : [[ 0.2802243 ]
 [-2.58249675]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.2802243 ]
 [-2.58249675]]
dot product : [[ 1.46734793]
 [-0.31688825]
 [ 1.15363717]]
result : [[ 1.13008322]
 [-0.22504134]
 [ 1.21464415]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.53025033]
 [-1.03611129]
 [ 0.38152138]]
dot product : [[-0.32519785]
 [-2.0922483 ]]
result : [[ 0.22911609]
 [-2.34639705]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.22911609]
 [-2.34639705]]
dot product : [[ 1.30048853]
 [-0.26883742]
 [ 1.0335075 ]]
result : [[ 0.96322382]
 [-0.1769905 ]
 [ 1.09451448]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.88050667]
 [-0.13357725]
 [ 0.99155448]]
dot product : [[-0.52243268]
 [-0.42022177]]
result : [[ 0.03188126]
 [-0.67437052]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.03188126]
 [-0.67437052]]
dot product : [[ 0.33017828]
 [-0.0518388 ]
 [ 0.27749957]]
result : [[-0.00708643]
 [ 0.04000811]
 [ 0.33850655]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.82375085]
 [-0.03083545]
 [ 1.0643883 ]]
dot product : [[-0.4908792]
 [-0.3900773]]
result : [[ 0.06343475]
 [-0.64422605]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.06343475]
 [-0.64422605]]
dot product : [[ 0.35774021]
 [-0.07420768]
 [ 0.28406359]]
result : [[ 0.0204755 ]
 [ 0.01763924]
 [ 0.34507057]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.13937598]
 [-0.71261405]
 [ 0.60196689]]
dot product : [[-0.36737188]
 [-1.57754063]]
result : [[ 0.18694207]
 [-1.83168938]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.18694207]
 [-1.83168938]]
dot product : [[ 1.02558772]
 [-0.21591709]
 [ 0.8114467 ]]
result : [[ 0.68832301]
 [-0.12407017]
 [ 0.87245368]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.43987726]
 [-0.18029201]
 [ 0.96571207]]
dot product : [[-0.42088299]
 [-0.77770243]]
result : [[ 0.13343095]
 [-1.03185118]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.13343095]
 [-1.03185118]]
dot product : [[ 0.61383385]
 [-0.14268265]
 [ 0.47328871]]
result : [[ 0.27656914]
 [-0.05083573]
 [ 0.53429569]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.82906   ]
 [-1.07064725]
 [ 0.36199604]]
dot product : [[-0.25681788]
 [-2.33667247]]
result : [[ 0.29749606]
 [-2.59082121]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.29749606]
 [-2.59082121]]
dot product : [[ 1.49308325]
 [-0.33016232]
 [ 1.16677049]]
result : [[ 1.15581854]
 [-0.23831541]
 [ 1.22777747]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.11663588]
 [-0.69133326]
 [ 0.61651493]]
dot product : [[-0.36940752]
 [-1.54587252]]
result : [[ 0.18490642]
 [-1.80002126]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.18490642]
 [-1.80002126]]
dot product : [[ 1.00939163]
 [-0.21307965]
 [ 0.79810572]]
result : [[ 0.67212692]
 [-0.12123274]
 [ 0.8591127 ]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.71335526]
 [-1.11486096]
 [ 0.32922941]]
dot product : [[-0.29307728]
 [-2.28236871]]
result : [[ 0.26123666]
 [-2.53651746]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.26123666]
 [-2.53651746]]
dot product : [[ 1.42325894]
 [-0.30076778]
 [ 1.12504608]]
result : [[ 1.08599423]
 [-0.20892086]
 [ 1.18605306]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.84182799]
 [-0.0479054 ]
 [ 1.05215254]]
dot product : [[-0.49827029]
 [-0.3887122 ]]
result : [[ 0.05604365]
 [-0.64286095]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.05604365]
 [-0.64286095]]
dot product : [[ 0.34766978]
 [-0.06861846]
 [ 0.27928785]]
result : [[ 0.01040506]
 [ 0.02322846]
 [ 0.34029483]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.38085591]
 [-0.92606427]
 [ 0.45625618]]
dot product : [[-0.34362626]
 [-1.90504828]]
result : [[ 0.21068768]
 [-2.15919702]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.21068768]
 [-2.15919702]]
dot product : [[ 1.19654175]
 [-0.24727745]
 [ 0.95096655]]
result : [[ 0.85927704]
 [-0.15543053]
 [ 1.01197353]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.77815857]
 [-1.10857954]
 [ 0.33463877]]
dot product : [[-0.27590849]
 [-2.32572999]]
result : [[ 0.27840545]
 [-2.57987873]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.27840545]
 [-2.57987873]]
dot product : [[ 1.46389086]
 [-0.31541816]
 [ 1.15158492]]
result : [[ 1.12662615]
 [-0.22357124]
 [ 1.21259189]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.11248479]
 [-0.47366382]
 [ 0.76537305]]
dot product : [[-0.38936554]
 [-1.22451821]]
result : [[ 0.16494841]
 [-1.47866696]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.16494841]
 [-1.47866696]]
dot product : [[ 0.8459376 ]
 [-0.18480974]
 [ 0.66312913]]
result : [[ 0.50867288]
 [-0.09296282]
 [ 0.72413611]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.42222839]
 [-0.95895256]
 [ 0.43387011]]
dot product : [[-0.33893257]
 [-1.95858047]]
result : [[ 0.21538137]
 [-2.21272922]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.21538137]
 [-2.21272922]]
dot product : [[ 1.22552728]
 [-0.25301153]
 [ 0.97423879]]
result : [[ 0.88826257]
 [-0.16116461]
 [ 1.03524577]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.81535065]
 [-1.08557778]
 [ 0.35132659]]
dot product : [[-0.26276031]
 [-2.33702779]]
result : [[ 0.29155364]
 [-2.59117654]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.29155364]
 [-2.59117654]]
dot product : [[ 1.48560983]
 [-0.32572887]
 [ 1.16348914]]
result : [[ 1.14834512]
 [-0.23388195]
 [ 1.22449611]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.23663819]
 [-0.35734895]
 [ 0.84489076]]
dot product : [[-0.40045762]
 [-1.05153058]]
result : [[ 0.15385632]
 [-1.30567933]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.15385632]
 [-1.30567933]]
dot product : [[ 0.75750171]
 [-0.16933094]
 [ 0.59026968]]
result : [[ 0.42023699]
 [-0.07748402]
 [ 0.65127666]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.8411984 ]
 [-0.70686931]
 [ 0.59069842]]
dot product : [[-0.61004215]
 [-0.85080811]]
result : [[-0.05572821]
 [-1.10495685]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[-0.05572821]
 [-1.10495685]]
dot product : [[ 0.40244664]
 [-0.00412034]
 [ 0.39258472]]
result : [[ 0.06518193]
 [ 0.08772658]
 [ 0.45359169]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.82464401]
 [-1.07597374]
 [ 0.3581971 ]]
dot product : [[-0.25881987]
 [-2.33714919]]
result : [[ 0.29549408]
 [-2.59129794]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.29549408]
 [-2.59129794]]
dot product : [[ 1.49071862]
 [-0.32868352]
 [ 1.16580221]]
result : [[ 1.15345391]
 [-0.2368366 ]
 [ 1.22680919]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.80028279]
 [-1.09741885]
 [ 0.34279947]]
dot product : [[-0.26851553]
 [-2.33421756]]
result : [[ 0.28579842]
 [-2.58836631]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.28579842]
 [-2.58836631]]
dot product : [[ 1.47701882]
 [-0.32130423]
 [ 1.15909893]]
result : [[ 1.13975411]
 [-0.22945732]
 [ 1.2201059 ]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.84136483]
 [-1.05252402]
 [ 0.37487938]]
dot product : [[-0.25068215]
 [-2.33304536]]
result : [[ 0.3036318]
 [-2.5871941]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.3036318]
 [-2.5871941]]
dot product : [[ 1.49940133]
 [-0.33460476]
 [ 1.16890567]]
result : [[ 1.16213662]
 [-0.24275785]
 [ 1.22991265]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.88312251]
 [-0.87095692]
 [ 0.50267967]]
dot product : [[-0.20946642]
 [-2.23662644]]
result : [[ 0.34484752]
 [-2.49077519]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.34484752]
 [-2.49077519]]
dot product : [[ 1.51093481]
 [-0.36145711]
 [ 1.15555768]]
result : [[ 1.1736701 ]
 [-0.26961019]
 [ 1.21656465]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.89286411]
 [-0.23476572]
 [ 0.92050079]]
dot product : [[-0.54269053]
 [-0.4820008 ]]
result : [[ 0.01162341]
 [-0.73614954]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.01162341]
 [-0.73614954]]
dot product : [[ 0.33068126]
 [-0.03923752]
 [ 0.28958971]]
result : [[-0.00658346]
 [ 0.0526094 ]
 [ 0.35059669]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.80545352]
 [-1.09380872]
 [ 0.34540823]]
dot product : [[-0.26661754]
 [-2.33549947]]
result : [[ 0.2876964 ]
 [-2.58964822]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.2876964 ]
 [-2.58964822]]
dot product : [[ 1.48000434]
 [-0.32277814]
 [ 1.16068323]]
result : [[ 1.14273963]
 [-0.23093122]
 [ 1.22169021]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[-0.37776181]
 [-0.23174803]
 [ 0.93064673]]
dot product : [[-0.41418906]
 [-0.85953019]]
result : [[ 0.14012489]
 [-1.11367893]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.14012489]
 [-1.11367893]]
dot product : [[ 0.65752341]
 [-0.15108776]
 [ 0.50858549]]
result : [[ 0.3202587 ]
 [-0.05924084]
 [ 0.56959247]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.31706324]
 [-0.8727042 ]
 [ 0.49262874]]
dot product : [[-0.35041353]
 [-1.8206505 ]]
result : [[ 0.20390041]
 [-2.07479925]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.20390041]
 [-2.07479925]]
dot product : [[ 1.15163003]
 [-0.23869587]
 [ 0.91462842]]
result : [[ 0.81436532]
 [-0.14684896]
 [ 0.9756354 ]]
weights:  [[ 0.25246015  0.3489131  -0.25569244]
 [-0.72317972  1.32229613 -0.88785606]]
biases:  [[ 0.55431394]
 [-0.25414875]]
inputs : [[ 0.84514637]
 [-1.04575562]
 [ 0.37967818]]
dot product : [[-0.24859289]
 [-2.3310909 ]]
result : [[ 0.30572105]
 [-2.58523964]]
weights:  [[ 1.28328584 -0.42894151]
 [-0.74854883  0.04148183]
 [ 0.57517017 -0.38430272]]
biases:  [[-0.33726471]
 [ 0.09184692]
 [ 0.06100698]]
inputs : [[ 0.30572105]
 [-2.58523964]]
dot product : [[ 1.5012441 ]
 [-0.3360876 ]
 [ 1.16935625]]
result : [[ 1.16397939]
 [-0.24424068]
 [ 1.23036323]]
Epoch 7: Score [[ 0.39786685]
 [ 0.31610012]
 [ 0.32568994]] / 300
input:  [[ 0.88232077]
 [-0.74634198]
 [ 0.58993341]]
activations:  [array([[ 0.88232077],
       [-0.74634198],
       [ 0.58993341]]), array([[ 0.36581478],
       [-2.40288629]]), array([[ 1.16287789],
       [-0.28165942],
       [ 1.19484845]])]
cost derivative:  [[ 0.28055712]
 [ 0.46468256]
 [ 0.60491505]]
unit step:  1
delta:  [[ 0.28055712]
 [ 0.46468256]
 [ 0.60491505]]
delta b updated:  [array([[ 0.13173959],
       [ 0.80145199]]), array([[ 0.28055712],
       [ 0.46468256],
       [ 0.60491505]])]
delta w updated: [array([[ 0.11623658, -0.09832279,  0.07771759],
       [ 0.70713774, -0.59815726,  0.4728033 ]]), array([[ 0.10263194, -0.67414686],
       [ 0.16998775, -1.11657935],
       [ 0.22128686, -1.45354208]])]
input:  [[-0.10106781]
 [-0.48450296]
 [ 0.75796058]]
activations:  [array([[-0.10106781],
       [-0.48450296],
       [ 0.75796058]]), array([[ 0.16586862],
       [-1.49513422]]), array([[ 0.5164821 ],
       [-0.09505551],
       [ 0.73005552]])]
cost derivative:  [[ 0.61754991]
 [ 0.38944744]
 [-0.02790506]]
unit step:  1
delta:  [[ 0.61754991]
 [ 0.38944744]
 [-0.02790506]]
delta b updated:  [array([[ 0.0804266],
       [ 0.3554586]]), array([[ 0.61754991],
       [ 0.38944744],
       [-0.02790506]])]
delta w updated: [array([[-0.00812854, -0.03896692,  0.06096019],
       [-0.03592542, -0.17222075,  0.26942361]]), array([[ 0.10243215, -0.92332001],
       [ 0.06459711, -0.5822762 ],
       [-0.00462857,  0.04172181]])]
input:  [[ 0.85618893]
 [-0.50293269]
 [ 0.75998228]]
activations:  [array([[ 0.85618893],
       [-0.50293269],
       [ 0.75998228]]), array([[ 0.40050628],
       [-2.21400241]]), array([[ 1.12487119],
       [-0.30136224],
       [ 1.1409502 ]])]
cost derivative:  [[ 0.26868227]
 [ 0.20157045]
 [ 0.38096792]]
unit step:  1
delta:  [[ 0.26868227]
 [ 0.20157045]
 [ 0.38096792]]
delta b updated:  [array([[ 0.16539731],
       [ 0.55982816]]), array([[ 0.26868227],
       [ 0.20157045],
       [ 0.38096792]])]
delta w updated: [array([[ 0.14161134, -0.08318371,  0.12569902],
       [ 0.47931867, -0.28155588,  0.42545948]]), array([[ 0.10760894, -0.59486319],
       [ 0.08073023, -0.44627746],
       [ 0.15258004, -0.84346388]])]
input:  [[ 0.87886468]
 [-0.92270113]
 [ 0.46637747]]
activations:  [array([[ 0.87886468],
       [-0.92270113],
       [ 0.46637747]]), array([[ 0.33469263],
       [-2.52530042]]), array([[ 1.17317854],
       [-0.26563372],
       [ 1.22173306]])]
cost derivative:  [[ 0.29431386]
 [ 0.65706741]
 [ 0.75535559]]
unit step:  1
delta:  [[ 0.29431386]
 [ 0.65706741]
 [ 0.75535559]]
delta b updated:  [array([[ 0.10713748],
       [ 0.97986587]]), array([[ 0.29431386],
       [ 0.65706741],
       [ 0.75535559]])]
delta w updated: [array([[ 0.09415934, -0.09885587,  0.04996651],
       [ 0.8611695 , -0.90412334,  0.45698737]]), array([[ 0.09850468, -0.74323091],
       [ 0.21991562, -1.65929261],
       [ 0.25281195, -1.90749979]])]
input:  [[ 0.83110741]
 [-0.35401954]
 [ 0.86387311]]
activations:  [array([[ 0.83110741],
       [-0.35401954],
       [ 0.86387311]]), array([[ 0.41934254],
       [-2.09245726]]), array([[ 1.09582139],
       [-0.31214967],
       [ 1.10277576]])]
cost derivative:  [[ 0.26471398]
 [ 0.04186988]
 [ 0.23890265]]
unit step:  1
delta:  [[ 0.26471398]
 [ 0.04186988]
 [ 0.23890265]]
delta b updated:  [array([[ 0.18689193],
       [ 0.4247213 ]]), array([[ 0.26471398],
       [ 0.04186988],
       [ 0.23890265]])]
delta w updated: [array([[ 0.15532727, -0.0661634 ,  0.16145091],
       [ 0.35298902, -0.15035964,  0.36690531]]), array([[ 0.11100583, -0.55390269],
       [ 0.01755782, -0.08761093],
       [ 0.10018204, -0.49989359]])]
input:  [[-0.76825116]
 [-0.01096956]
 [ 1.07916561]]
activations:  [array([[-0.76825116],
       [-0.01096956],
       [ 1.07916561]]), array([[ 0.08033064],
       [-0.67237283]]), array([[ 0.05285975],
       [ 0.00235228],
       [ 0.36389037]])]
cost derivative:  [[ 0.82111091]
 [ 0.01332184]
 [-0.71527525]]
unit step:  1
delta:  [[ 0.82111091]
 [ 0.01332184]
 [-0.71527525]]
delta b updated:  [array([[ 0.05079867],
       [ 0.05171425]]), array([[ 0.82111091],
       [ 0.01332184],
       [-0.71527525]])]
delta w updated: [array([[-0.03902614, -0.00055724,  0.05482018],
       [-0.03972953, -0.00056728,  0.05580824]]), array([[ 0.06596036, -0.55209267],
       [ 0.00107015, -0.00895724],
       [-0.05745852,  0.48093164]])]
input:  [[ 0.207027  ]
 [-0.77506961]
 [ 0.55928504]]
activations:  [array([[ 0.207027  ],
       [-0.77506961],
       [ 0.55928504]]), array([[ 0.1926719],
       [-1.9274468]]), array([[ 0.73326698],
       [-0.13546264],
       [ 0.90940744]])]
cost derivative:  [[ 0.52623998]
 [ 0.63960698]
 [ 0.3501224 ]]
unit step:  1
delta:  [[ 0.52623998]
 [ 0.63960698]
 [ 0.3501224 ]]
delta b updated:  [array([[ 0.07661028],
       [ 0.63936959]]), array([[ 0.52623998],
       [ 0.63960698],
       [ 0.3501224 ]])]
delta w updated: [array([[ 0.0158604 , -0.0593783 ,  0.04284698],
       [ 0.13236677, -0.49555594,  0.35758985]]), array([[ 0.10139166, -1.01429957],
       [ 0.12323429, -1.23280842],
       [ 0.06745875, -0.6748423 ]])]
input:  [[-0.89224133]
 [-0.22185723]
 [ 0.92955015]]
activations:  [array([[-0.89224133],
       [-0.22185723],
       [ 0.92955015]]), array([[ 0.01363535],
       [-0.72904322]]), array([[-0.00930594],
       [ 0.04934496],
       [ 0.34731033]])]
cost derivative:  [[ 0.88293539]
 [ 0.27120219]
 [-0.58223982]]
unit step:  1
delta:  [[ 0.88293539]
 [ 0.27120219]
 [-0.58223982]]
delta b updated:  [array([[ 0.00811359],
       [ 0.10404307]]), array([[ 0.88293539],
       [ 0.27120219],
       [-0.58223982]])]
delta w updated: [array([[-0.00723928, -0.00180006,  0.00754199],
       [-0.09283153, -0.02308271,  0.09671325]]), array([[ 0.01203913, -0.64369806],
       [ 0.00369794, -0.19771812],
       [-0.00793904,  0.42447799]])]
input:  [[ 0.6280486 ]
 [-1.08977712]
 [ 0.34546499]]
activations:  [array([[ 0.6280486 ],
       [-1.08977712],
       [ 0.34546499]]), array([[ 0.24370434],
       [-2.45911436]]), array([[ 1.02424621],
       [-0.19790474],
       [ 1.14219597]])]
cost derivative:  [[ 0.39619761]
 [ 0.89187238]
 [ 0.79673098]]
unit step:  1
delta:  [[ 0.39619761]
 [ 0.89187238]
 [ 0.79673098]]
delta b updated:  [array([[ 0.07276847],
       [ 1.07123987]]), array([[ 0.39619761],
       [ 0.89187238],
       [ 0.79673098]])]
delta w updated: [array([[ 0.04570214, -0.07930142,  0.02513896],
       [ 0.6727907 , -1.1674127 ,  0.37007587]]), array([[ 0.09655508, -0.97429524],
       [ 0.21735317, -2.19321618],
       [ 0.1941668 , -1.95925259]])]
input:  [[-0.34591249]
 [-0.2591908 ]
 [ 0.91192558]]
activations:  [array([[-0.34591249],
       [-0.2591908 ],
       [ 0.91192558]]), array([[ 0.14291357],
       [-1.1588905 ]]), array([[ 0.33916362],
       [-0.06734354],
       [ 0.58545813]])]
cost derivative:  [[ 0.68507611]
 [ 0.19184726]
 [-0.32646745]]
unit step:  1
delta:  [[ 0.68507611]
 [ 0.19184726]
 [-0.32646745]]
delta b updated:  [array([[ 0.07826338],
       [ 0.1844112 ]]), array([[ 0.68507611],
       [ 0.19184726],
       [-0.32646745]])]
delta w updated: [array([[-0.02707228, -0.02028515,  0.07137038],
       [-0.06379014, -0.04779769,  0.16816929]]), array([[ 0.09790667, -0.7939282 ],
       [ 0.02741758, -0.22232997],
       [-0.04665663,  0.37834003]])]
input:  [[-0.31359679]
 [-0.2876391 ]
 [ 0.89250755]]
activations:  [array([[-0.31359679],
       [-0.2876391 ],
       [ 0.89250755]]), array([[ 0.14605235],
       [-1.20281007]]), array([[ 0.36138052],
       [-0.07178046],
       [ 0.60431012]])]
cost derivative:  [[ 0.67497731]
 [ 0.21585864]
 [-0.28819742]]
unit step:  1
delta:  [[ 0.67497731]
 [ 0.21585864]
 [-0.28819742]]
delta b updated:  [array([[ 0.07867272],
       [ 0.20226039]]), array([[ 0.67497731],
       [ 0.21585864],
       [-0.28819742]])]
delta w updated: [array([[-0.02467151, -0.02262935,  0.07021599],
       [-0.06342821, -0.058178  ,  0.18051893]]), array([[ 0.09858202, -0.8118695 ],
       [ 0.03152666, -0.25963694],
       [-0.04209191,  0.34664676]])]
input:  [[ 0.84468781]
 [-0.43082952]
 [ 0.81029585]]
activations:  [array([[ 0.84468781],
       [-0.43082952],
       [ 0.81029585]]), array([[ 0.40929573],
       [-2.15816072]]), array([[ 1.10570734],
       [-0.31127198],
       [ 1.12122355]])]
cost derivative:  [[ 0.26101954]
 [ 0.11955754]
 [ 0.3109277 ]]
unit step:  1
delta:  [[ 0.26101954]
 [ 0.11955754]
 [ 0.3109277 ]]
delta b updated:  [array([[ 0.17357973],
       [ 0.48529753]]), array([[ 0.26101954],
       [ 0.11955754],
       [ 0.3109277 ]])]
delta w updated: [array([[ 0.14662069, -0.07478327,  0.14065094],
       [ 0.40992491, -0.2090805 ,  0.39323458]]), array([[ 0.10683418, -0.56332211],
       [ 0.04893439, -0.25802438],
       [ 0.12726138, -0.67103194]])]
input:  [[ 0.79496623]
 [-1.10069716]
 [ 0.3404208 ]]
activations:  [array([[ 0.79496623],
       [-1.10069716],
       [ 0.3404208 ]]), array([[ 0.28301844],
       [-2.59149476]]), array([[ 1.12779465],
       [-0.23610635],
       [ 1.2136452 ]])]
cost derivative:  [[ 0.33282843]
 [ 0.86459082]
 [ 0.87322441]]
unit step:  1
delta:  [[ 0.33282843]
 [ 0.86459082]
 [ 0.87322441]]
delta b updated:  [array([[ 0.07966616],
       [ 1.13319338]]), array([[ 0.33282843],
       [ 0.86459082],
       [ 0.87322441]])]
delta w updated: [array([[ 0.0633319 , -0.08768831,  0.02712002],
       [ 0.90085047, -1.24730274,  0.38576259]]), array([[ 0.09419658, -0.86252312],
       [ 0.24469514, -2.24058257],
       [ 0.24713861, -2.26295647]])]
input:  [[ 0.8841156 ]
 [-0.79645963]
 [ 0.55486465]]
activations:  [array([[ 0.8841156 ],
       [-0.79645963],
       [ 0.55486465]]), array([[ 0.3567561],
       [-2.445055 ]]), array([[ 1.15918652],
       [-0.28699271],
       [ 1.19790072]])]
cost derivative:  [[ 0.27507092]
 [ 0.50946692]
 [ 0.64303607]]
unit step:  1
delta:  [[ 0.27507092]
 [ 0.50946692]
 [ 0.64303607]]
delta b updated:  [array([[ 0.12162129],
       [ 0.82999554]]), array([[ 0.27507092],
       [ 0.50946692],
       [ 0.64303607]])]
delta w updated: [array([[ 0.10752728, -0.09686645,  0.06748336],
       [ 0.73381201, -0.66105794,  0.46053519]]), array([[ 0.09813323, -0.67256353],
       [ 0.18175543, -1.24567464],
       [ 0.22940704, -1.57225857]])]
input:  [[ 0.34920177]
 [-0.89994823]
 [ 0.47405128]]
activations:  [array([[ 0.34920177],
       [-0.89994823],
       [ 0.47405128]]), array([[ 0.20629309],
       [-2.12326568]]), array([[ 0.82859724],
       [-0.16088979],
       [ 0.98733438]])]
cost derivative:  [[ 0.47939546]
 [ 0.73905844]
 [ 0.5132831 ]]
unit step:  1
delta:  [[ 0.47939546]
 [ 0.73905844]
 [ 0.5132831 ]]
delta b updated:  [array([[ 0.07352292],
       [ 0.77698242]]), array([[ 0.47939546],
       [ 0.73905844],
       [ 0.5132831 ]])]
delta w updated: [array([[ 0.02567433, -0.06616682,  0.03485363],
       [ 0.27132364, -0.69924395,  0.36832951]]), array([[ 0.09889597, -1.01788393],
       [ 0.15246265, -1.56921742],
       [ 0.10588676, -1.08983639]])]
input:  [[ 0.64455448]
 [-1.09661287]
 [ 0.3409354 ]]
activations:  [array([[ 0.64455448],
       [-1.09661287],
       [ 0.3409354 ]]), array([[ 0.24613004],
       [-2.48001896]]), array([[ 1.03048503],
       [-0.20848098],
       [ 1.1450392 ]])]
cost derivative:  [[ 0.38593055]
 [ 0.88813189]
 [ 0.80410379]]
unit step:  1
delta:  [[ 0.38593055]
 [ 0.88813189]
 [ 0.80410379]]
delta b updated:  [array([[ 0.07184158],
       [ 1.06465097]]), array([[ 0.38593055],
       [ 0.88813189],
       [ 0.80410379]])]
delta w updated: [array([[ 0.04630581, -0.0787824 ,  0.02449334],
       [ 0.68622555, -1.16750996,  0.36297721]]), array([[ 0.0949891 , -0.95711509],
       [ 0.21859594, -2.20258394],
       [ 0.1979141 , -1.99419266]])]
input:  [[-0.8411984 ]
 [-0.70686931]
 [ 0.59069842]]
activations:  [array([[-0.8411984 ],
       [-0.70686931],
       [ 0.59069842]]), array([[-0.05644294],
       [-1.1094002 ]]), array([[ 0.0591483 ],
       [ 0.08000448],
       [ 0.44857474]])]
cost derivative:  [[ 0.90034669]
 [ 0.78687379]
 [-0.14212368]]
unit step:  1
delta:  [[ 0.90034669]
 [ 0.78687379]
 [-0.14212368]]
delta b updated:  [array([[-0.02730744],
       [ 0.32370721]]), array([[ 0.90034669],
       [ 0.78687379],
       [-0.14212368]])]
delta w updated: [array([[ 0.02297098,  0.01930279, -0.01613046],
       [-0.27230199, -0.22881869,  0.19121334]]), array([[-0.05081821, -0.9988448 ],
       [-0.04441347, -0.87295794],
       [ 0.00802188,  0.15767204]])]
input:  [[ 0.88021093]
 [-0.91040425]
 [ 0.47500981]]
activations:  [array([[ 0.88021093],
       [-0.91040425],
       [ 0.47500981]]), array([[ 0.33620492],
       [-2.52456195]]), array([[ 1.16289249],
       [-0.2811655 ],
       [ 1.21196292]])]
cost derivative:  [[ 0.28268155]
 [ 0.62923875]
 [ 0.73695311]]
unit step:  1
delta:  [[ 0.28268155]
 [ 0.62923875]
 [ 0.73695311]]
delta b updated:  [array([[ 0.10579886],
       [ 0.93522429]]), array([[ 0.28268155],
       [ 0.62923875],
       [ 0.73695311]])]
delta w updated: [array([[ 0.09312532, -0.09631974,  0.0502555 ],
       [ 0.82319465, -0.85143217,  0.44424072]]), array([[ 0.09503893, -0.71364709],
       [ 0.21155317, -1.5885522 ],
       [ 0.24776727, -1.86048378]])]
input:  [[ 0.32782706]
 [-0.8819045 ]
 [ 0.48635374]]
activations:  [array([[ 0.32782706],
       [-0.8819045 ],
       [ 0.48635374]]), array([[ 0.20387782],
       [-2.09710465]]), array([[ 0.81109108],
       [-0.16330131],
       [ 0.97195969]])]
cost derivative:  [[ 0.48326402]
 [ 0.71860319]
 [ 0.48560595]]
unit step:  1
delta:  [[ 0.48326402]
 [ 0.71860319]
 [ 0.48560595]]
delta b updated:  [array([[ 0.07350222],
       [ 0.74469778]]), array([[ 0.48326402],
       [ 0.71860319],
       [ 0.48560595]])]
delta w updated: [array([[ 0.02409602, -0.06482194,  0.03574808],
       [ 0.24413209, -0.65675233,  0.36218655]]), array([[ 0.09852681, -1.01345522],
       [ 0.14650725, -1.50698609],
       [ 0.09900428, -1.01836649]])]
input:  [[ 0.2844863 ]
 [-0.84443541]
 [ 0.51191699]]
activations:  [array([[ 0.2844863 ],
       [-0.84443541],
       [ 0.51191699]]), array([[ 0.19943994],
       [-2.03927511]]), array([[ 0.78000738],
       [-0.15850454],
       [ 0.94661372]])]
cost derivative:  [[ 0.49552108]
 [ 0.68593087]
 [ 0.43469673]]
unit step:  1
delta:  [[ 0.49552108]
 [ 0.68593087]
 [ 0.43469673]]
delta b updated:  [array([[ 0.07407409],
       [ 0.69720501]]), array([[ 0.49552108],
       [ 0.68593087],
       [ 0.43469673]])]
delta w updated: [array([[ 0.02107306, -0.06255078,  0.03791978],
       [ 0.19834527, -0.5887446 ,  0.35691109]]), array([[ 0.09882669, -1.01050381],
       [ 0.13680201, -1.39880175],
       [ 0.08669589, -0.88646622]])]
input:  [[ 0.8800997 ]
 [-0.71060845]
 [ 0.6149225 ]]
activations:  [array([[ 0.8800997 ],
       [-0.71060845],
       [ 0.6149225 ]]), array([[ 0.36992592],
       [-2.38612403]]), array([[ 1.14475041],
       [-0.30424146],
       [ 1.1751403 ]])]
cost derivative:  [[ 0.26465071]
 [ 0.406367  ]
 [ 0.56021781]]
unit step:  1
delta:  [[ 0.26465071]
 [ 0.406367  ]
 [ 0.56021781]]
delta b updated:  [array([[ 0.13198691],
       [ 0.72671264]]), array([[ 0.26465071],
       [ 0.406367  ],
       [ 0.56021781]])]
delta w updated: [array([[ 0.11616164, -0.09379101,  0.08116172],
       [ 0.63957957, -0.51640814,  0.44687195]]), array([[ 0.09790116, -0.63148941],
       [ 0.15032568, -0.96964205],
       [ 0.20723909, -1.33674917]])]
input:  [[-0.26986321]
 [-0.32695589]
 [ 0.8656565 ]]
activations:  [array([[-0.26986321],
       [-0.32695589],
       [ 0.8656565 ]]), array([[ 0.14973256],
       [-1.26677199]]), array([[ 0.38781328],
       [-0.08557572],
       [ 0.62401237]])]
cost derivative:  [[ 0.65767649]
 [ 0.24138017]
 [-0.24164413]]
unit step:  1
delta:  [[ 0.65767649]
 [ 0.24138017]
 [-0.24164413]]
delta b updated:  [array([[ 0.07844695],
       [ 0.22202575]]), array([[ 0.65767649],
       [ 0.24138017],
       [-0.24164413]])]
delta w updated: [array([[-0.02116995, -0.02564869,  0.06790811],
       [-0.05991658, -0.07259263,  0.19219804]]), array([[ 0.09847558, -0.83312615],
       [ 0.03614247, -0.30577364],
       [-0.03618199,  0.30610802]])]
input:  [[ 0.87704311]
 [-0.67298184]
 [ 0.64122427]]
activations:  [array([[ 0.87704311],
       [-0.67298184],
       [ 0.64122427]]), array([[ 0.37540666],
       [-2.35818896]]), array([[ 1.13846462],
       [-0.30823666],
       [ 1.16677245]])]
cost derivative:  [[ 0.26142152]
 [ 0.36474517]
 [ 0.52554818]]
unit step:  1
delta:  [[ 0.26142152]
 [ 0.36474517]
 [ 0.52554818]]
delta b updated:  [array([[ 0.13659262],
       [ 0.68768176]]), array([[ 0.26142152],
       [ 0.36474517],
       [ 0.52554818]])]
delta w updated: [array([[ 0.11979762, -0.09192436,  0.08758651],
       [ 0.60312655, -0.46279734,  0.44095823]]), array([[ 0.09813938, -0.61648133],
       [ 0.13692777, -0.86013804],
       [ 0.19729429, -1.23934193]])]
input:  [[-0.40909873]
 [-0.20541402]
 [ 0.94859942]]
activations:  [array([[-0.40909873],
       [-0.20541402],
       [ 0.94859942]]), array([[ 0.13573528],
       [-1.07888136]]), array([[ 0.28947586],
       [-0.06655289],
       [ 0.5444682 ]])]
cost derivative:  [[ 0.69857459]
 [ 0.13886113]
 [-0.40413122]]
unit step:  1
delta:  [[ 0.69857459]
 [ 0.13886113]
 [-0.40413122]]
delta b updated:  [array([[ 0.07598935],
       [ 0.1465761 ]]), array([[ 0.69857459],
       [ 0.13886113],
       [-0.40413122]])]
delta w updated: [array([[-0.03108715, -0.01560928,  0.07208345],
       [-0.0599641 , -0.03010879,  0.139042  ]]), array([[ 0.09482122, -0.7536791 ],
       [ 0.01884835, -0.14981468],
       [-0.05485487,  0.43600963]])]
input:  [[ 0.66063379]
 [-1.10247317]
 [ 0.33708225]]
activations:  [array([[ 0.66063379],
       [-1.10247317],
       [ 0.33708225]]), array([[ 0.24856165],
       [-2.50048804]]), array([[ 1.03449496],
       [-0.22116056],
       [ 1.1470296 ]])]
cost derivative:  [[ 0.37386117]
 [ 0.88131261]
 [ 0.80994735]]
unit step:  1
delta:  [[ 0.37386117]
 [ 0.88131261]
 [ 0.80994735]]
delta b updated:  [array([[ 0.07064698],
       [ 1.05234604]]), array([[ 0.37386117],
       [ 0.88131261],
       [ 0.80994735]])]
delta w updated: [array([[ 0.04667178, -0.0778864 ,  0.02381384],
       [ 0.69521535, -1.16018327,  0.35472717]]), array([[ 0.09292755, -0.93483539],
       [ 0.21906051, -2.20371164],
       [ 0.20132185, -2.02526366]])]
input:  [[-0.8641857 ]
 [-0.08405028]
 [ 1.02649209]]
activations:  [array([[-0.8641857 ],
       [-0.08405028],
       [ 1.02649209]]), array([[ 0.0433995 ],
       [-0.65738479]]), array([[-0.00792968],
       [ 0.02250458],
       [ 0.33165824]])]
cost derivative:  [[ 0.85625602]
 [ 0.10655486]
 [-0.69483385]]
unit step:  1
delta:  [[ 0.85625602]
 [ 0.10655486]
 [-0.69483385]]
delta b updated:  [array([[ 0.02687751],
       [ 0.06183844]]), array([[ 0.85625602],
       [ 0.10655486],
       [-0.69483385]])]
delta w updated: [array([[-0.02322716, -0.00225906,  0.02758955],
       [-0.0534399 , -0.00519754,  0.06347667]]), array([[ 0.03716108, -0.56288969],
       [ 0.00462443, -0.07004755],
       [-0.03015544,  0.45677321]])]
input:  [[ 0.72734629]
 [-1.11595321]
 [ 0.32868269]]
activations:  [array([[ 0.72734629],
       [-1.11595321],
       [ 0.32868269]]), array([[ 0.26274575],
       [-2.56031402]]), array([[ 1.07627201],
       [-0.23702358],
       [ 1.17640252]])]
cost derivative:  [[ 0.34892572]
 [ 0.87892964]
 [ 0.84771983]]
unit step:  1
delta:  [[ 0.34892572]
 [ 0.87892964]
 [ 0.84771983]]
delta b updated:  [array([[ 0.07241076],
       [ 1.08411896]]), array([[ 0.34892572],
       [ 0.87892964],
       [ 0.84771983]])]
delta w updated: [array([[ 0.0526677 , -0.08080702,  0.02380016],
       [ 0.7885299 , -1.20982604,  0.35633114]]), array([[ 0.09167875, -0.89335941],
       [ 0.23093502, -2.25033587],
       [ 0.22273478, -2.17042896]])]
input:  [[ 0.77227571]
 [-1.11056888]
 [ 0.33315392]]
activations:  [array([[ 0.77227571],
       [-1.11056888],
       [ 0.33315392]]), array([[ 0.27473592],
       [-2.59082767]]), array([[ 1.10363448],
       [-0.24979223],
       [ 1.19263124]])]
cost derivative:  [[ 0.33135877]
 [ 0.86077666]
 [ 0.85947732]]
unit step:  1
delta:  [[ 0.33135877]
 [ 0.86077666]
 [ 0.85947732]]
delta b updated:  [array([[ 0.07507973],
       [ 1.08813797]]), array([[ 0.33135877],
       [ 0.86077666],
       [ 0.85947732]])]
delta w updated: [array([[ 0.05798225, -0.08338122,  0.02501311],
       [ 0.84034253, -1.20845217,  0.36251743]]), array([[ 0.09103616, -0.85849347],
       [ 0.23648627, -2.23012398],
       [ 0.2361293 , -2.22675763]])]
input:  [[ 0.84039431]
 [-0.40575427]
 [ 0.82778877]]
activations:  [array([[ 0.84039431],
       [-0.40575427],
       [ 0.82778877]]), array([[ 0.41140444],
       [-2.14655424]]), array([[ 1.09076473],
       [-0.33161799],
       [ 1.10178251]])]
cost derivative:  [[ 0.25037042]
 [ 0.07413628]
 [ 0.27399374]]
unit step:  1
delta:  [[ 0.25037042]
 [ 0.07413628]
 [ 0.27399374]]
delta b updated:  [array([[ 0.17395245],
       [ 0.43955576]]), array([[ 0.25037042],
       [ 0.07413628],
       [ 0.27399374]])]
delta w updated: [array([[ 0.14618865, -0.07058195,  0.14399589],
       [ 0.36940016, -0.17835163,  0.36385932]]), array([[ 0.1030035 , -0.53743369],
       [ 0.03049999, -0.15913754],
       [ 0.11272224, -0.58814242]])]
input:  [[-0.89074637]
 [-0.35380162]
 [ 0.83717451]]
activations:  [array([[-0.89074637],
       [-0.35380162],
       [ 0.83717451]]), array([[-0.00918368],
       [-0.82825144]]), array([[-0.00459154],
       [ 0.05144281],
       [ 0.36426798]])]
cost derivative:  [[ 0.88615482]
 [ 0.40524443]
 [-0.47290652]]
unit step:  1
delta:  [[ 0.88615482]
 [ 0.40524443]
 [-0.47290652]]
delta b updated:  [array([[-0.00515348],
       [ 0.14475074]]), array([[ 0.88615482],
       [ 0.40524443],
       [-0.47290652]])]
delta w updated: [array([[ 0.00459044,  0.00182331, -0.00431436],
       [-0.12893619, -0.05121305,  0.12118163]]), array([[-0.00813817, -0.73395901],
       [-0.00372164, -0.33564428],
       [ 0.00434302,  0.39168551]])]
input:  [[-0.47005138]
 [-0.15648523]
 [ 0.9819131 ]]
activations:  [array([[-0.47005138],
       [-0.15648523],
       [ 0.9819131 ]]), array([[ 0.12869046],
       [-1.00114969]]), array([[ 0.24453827],
       [-0.06106837],
       [ 0.50869848]])]
cost derivative:  [[ 0.71458965]
 [ 0.09541686]
 [-0.47321462]]
unit step:  1
delta:  [[ 0.71458965]
 [ 0.09541686]
 [-0.47321462]]
delta b updated:  [array([[ 0.0737684 ],
       [ 0.11820637]]), array([[ 0.71458965],
       [ 0.09541686],
       [-0.47321462]])]
delta w updated: [array([[-0.03467494, -0.01154366,  0.07243416],
       [-0.05556307, -0.01849755,  0.11606838]]), array([[ 0.09196087, -0.71541121],
       [ 0.01227924, -0.09552656],
       [-0.06089821,  0.47375867]])]
input:  [[ 0.84876504]
 [-1.03861718]
 [ 0.38473357]]
activations:  [array([[ 0.84876504],
       [-1.03861718],
       [ 0.38473357]]), array([[ 0.3056993 ],
       [-2.59837205]]), array([[ 1.1433075 ],
       [-0.27633338],
       [ 1.21147286]])]
cost derivative:  [[ 0.29454246]
 [ 0.7622838 ]
 [ 0.82673928]]
unit step:  1
delta:  [[ 0.29454246]
 [ 0.7622838 ]
 [ 0.82673928]]
delta b updated:  [array([[ 0.08587494],
       [ 1.02789305]]), array([[ 0.29454246],
       [ 0.7622838 ],
       [ 0.82673928]])]
delta w updated: [array([[ 0.07288764, -0.08919118,  0.03303897],
       [ 0.87243968, -1.06758737,  0.39546496]]), array([[ 0.09004142, -0.76533089],
       [ 0.23302963, -1.98069691],
       [ 0.25273362, -2.14817625]])]
input:  [[-0.32441767]
 [-0.27805098]
 [ 0.89905324]]
activations:  [array([[-0.32441767],
       [-0.27805098],
       [ 0.89905324]]), array([[ 0.14404325],
       [-1.19505939]]), array([[ 0.34495289],
       [-0.08371266],
       [ 0.58963144]])]
cost derivative:  [[ 0.66937056]
 [ 0.19433833]
 [-0.30942179]]
unit step:  1
delta:  [[ 0.66937056]
 [ 0.19433833]
 [-0.30942179]]
delta b updated:  [array([[ 0.07707335],
       [ 0.18549418]]), array([[ 0.66937056],
       [ 0.19433833],
       [-0.30942179]])]
delta w updated: [array([[-0.02500396, -0.02143032,  0.06929305],
       [-0.06017759, -0.05157684,  0.16676914]]), array([[ 0.09641831, -0.79993757],
       [ 0.02799312, -0.23224584],
       [-0.04457012,  0.36977742]])]
input:  [[ 0.13937598]
 [-0.71261405]
 [ 0.60196689]]
activations:  [array([[ 0.13937598],
       [-0.71261405],
       [ 0.60196689]]), array([[ 0.18510729],
       [-1.8445421 ]]), array([[ 0.67008556],
       [-0.14868706],
       [ 0.85738987]])]
cost derivative:  [[ 0.53070959]
 [ 0.563927  ]
 [ 0.25542298]]
unit step:  1
delta:  [[ 0.53070959]
 [ 0.563927  ]
 [ 0.25542298]]
delta b updated:  [array([[ 0.07485332],
       [ 0.53395562]]), array([[ 0.53070959],
       [ 0.563927  ],
       [ 0.25542298]])]
delta w updated: [array([[ 0.01043275, -0.05334153,  0.04505922],
       [ 0.07442059, -0.38050428,  0.3214236 ]]), array([[ 0.09823821, -0.97891617],
       [ 0.104387  , -1.04018709],
       [ 0.04728066, -0.47113844]])]
input:  [[ 0.25151697]
 [-0.81524509]
 [ 0.53184446]]
activations:  [array([[ 0.25151697],
       [-0.81524509],
       [ 0.53184446]]), array([[ 0.19541551],
       [-2.00017743]]), array([[ 0.74789219],
       [-0.16545806],
       [ 0.92135855]])]
cost derivative:  [[ 0.49637521]
 [ 0.64978703]
 [ 0.38951409]]
unit step:  1
delta:  [[ 0.49637521]
 [ 0.64978703]
 [ 0.38951409]]
delta b updated:  [array([[ 0.07287143],
       [ 0.64097858]]), array([[ 0.49637521],
       [ 0.64978703],
       [ 0.38951409]])]
delta w updated: [array([[ 0.0183284 , -0.05940808,  0.03875627],
       [ 0.16121699, -0.52255464,  0.34090091]]), array([[ 0.09699942, -0.99283849],
       [ 0.12697847, -1.29968935],
       [ 0.0761171 , -0.77909728]])]
input:  [[-0.11248479]
 [-0.47366382]
 [ 0.76537305]]
activations:  [array([[-0.11248479],
       [-0.47366382],
       [ 0.76537305]]), array([[ 0.16319635],
       [-1.49052028]]), array([[ 0.49183661],
       [-0.11529095],
       [ 0.71100534]])]
cost derivative:  [[ 0.6043214 ]
 [ 0.35837287]
 [-0.05436771]]
unit step:  1
delta:  [[ 0.6043214 ]
 [ 0.35837287]
 [-0.05436771]]
delta b updated:  [array([[ 0.07751663],
       [ 0.31924948]]), array([[ 0.6043214 ],
       [ 0.35837287],
       [-0.05436771]])]
delta w updated: [array([[-0.00871944, -0.03671682,  0.05932914],
       [-0.03591071, -0.15121693,  0.24434495]]), array([[ 0.09862305, -0.90075331],
       [ 0.05848514, -0.53416203],
       [-0.00887261,  0.08103617]])]
input:  [[-0.46006334]
 [-0.16426831]
 [ 0.97661847]]
activations:  [array([[-0.46006334],
       [-0.16426831],
       [ 0.97661847]]), array([[ 0.12957658],
       [-1.01545246]]), array([[ 0.24882565],
       [-0.06512424],
       [ 0.51352504]])]
cost derivative:  [[ 0.70888898]
 [ 0.09914408]
 [-0.46309343]]
unit step:  1
delta:  [[ 0.70888898]
 [ 0.09914408]
 [-0.46309343]]
delta b updated:  [array([[ 0.07370518],
       [ 0.12010382]]), array([[ 0.70888898],
       [ 0.09914408],
       [-0.46309343]])]
delta w updated: [array([[-0.03390905, -0.01210743,  0.07198184],
       [-0.05525536, -0.01972925,  0.11729561]]), array([[ 0.09185541, -0.71984306],
       [ 0.01284675, -0.10067609],
       [-0.06000606,  0.47024936]])]
input:  [[ 0.05949974]
 [-0.63741001]
 [ 0.65338569]]
activations:  [array([[ 0.05949974],
       [-0.63741001],
       [ 0.65338569]]), array([[ 0.17790728],
       [-1.73344448]]), array([[ 0.61127225],
       [-0.13976203],
       [ 0.81108101]])]
cost derivative:  [[ 0.55177251]
 [ 0.49764798]
 [ 0.15769532]]
unit step:  1
delta:  [[ 0.55177251]
 [ 0.49764798]
 [ 0.15769532]]
delta b updated:  [array([[ 0.0755851 ],
       [ 0.45747299]]), array([[ 0.55177251],
       [ 0.49764798],
       [ 0.15769532]])]
delta w updated: [array([[ 0.00449729, -0.0481787 ,  0.04938622],
       [ 0.02721952, -0.29159786,  0.2989063 ]]), array([[ 0.09816434, -0.95646701],
       [ 0.0885352 , -0.86264515],
       [ 0.02805515, -0.27335609]])]
input:  [[-0.84591795]
 [-0.68208683]
 [ 0.60797968]]
activations:  [array([[-0.84591795],
       [-0.68208683],
       [ 0.60797968]]), array([[-0.05424896],
       [-1.0943356 ]]), array([[ 0.04517081],
       [ 0.06795876],
       [ 0.43777793]])]
cost derivative:  [[ 0.89108876]
 [ 0.75004558]
 [-0.17020175]]
unit step:  1
delta:  [[ 0.89108876]
 [ 0.75004558]
 [-0.17020175]]
delta b updated:  [array([[-0.02617003],
       [ 0.29449303]]), array([[ 0.89108876],
       [ 0.75004558],
       [-0.17020175]])]
delta w updated: [array([[ 0.0221377 ,  0.01785024, -0.01591085],
       [-0.24911694, -0.20086982,  0.17904578]]), array([[-0.04834064, -0.97515016],
       [-0.04068919, -0.82080159],
       [ 0.00923327,  0.18625784]])]
input:  [[ 0.00212559]
 [-0.58283873]
 [ 0.69070654]]
activations:  [array([[ 0.00212559],
       [-0.58283873],
       [ 0.69070654]]), array([[ 0.17292924],
       [-1.65298919]]), array([[ 0.56961682],
       [-0.13308044],
       [ 0.7779788 ]])]
cost derivative:  [[ 0.56749123]
 [ 0.44975829]
 [ 0.08727226]]
unit step:  1
delta:  [[ 0.56749123]
 [ 0.44975829]
 [ 0.08727226]]
delta b updated:  [array([[ 0.07617175],
       [ 0.40663814]]), array([[ 0.56749123],
       [ 0.44975829],
       [ 0.08727226]])]
delta w updated: [array([[  1.61909799e-04,  -4.43958482e-02,   5.26123285e-02],
       [  8.64345318e-04,  -2.37004454e-01,   2.80867619e-01]]), array([[ 0.09813583, -0.93805687],
       [ 0.07777636, -0.74344559],
       [ 0.01509193, -0.1442601 ]])]
input:  [[-0.84992859]
 [-0.05851777]
 [ 1.04459451]]
activations:  [array([[-0.84992859],
       [-0.05851777],
       [ 1.04459451]]), array([[ 0.05076412],
       [-0.65299837]]), array([[-0.00594005],
       [ 0.01215844],
       [ 0.33247839]])]
cost derivative:  [[ 0.84398854]
 [ 0.07067622]
 [-0.71211611]]
unit step:  1
delta:  [[ 0.84398854]
 [ 0.07067622]
 [-0.71211611]]
delta b updated:  [array([[ 0.03149312],
       [ 0.05348033]]), array([[ 0.84398854],
       [ 0.07067622],
       [-0.71211611]])]
delta w updated: [array([[-0.0267669 , -0.00184291,  0.03289754],
       [-0.04545446, -0.00312955,  0.05586526]]), array([[ 0.04284433, -0.55112314],
       [ 0.00358782, -0.04615145],
       [-0.03614994,  0.46501066]])]
input:  [[-0.66048242]
 [-0.03533603]
 [ 1.06378268]]
activations:  [array([[-0.66048242],
       [-0.03533603],
       [ 1.06378268]]), array([[ 0.10165269],
       [-0.77707773]]), array([[ 0.11077387],
       [-0.03276217],
       [ 0.40861114]])]
cost derivative:  [[ 0.77125629]
 [ 0.00257386]
 [-0.65517153]]
unit step:  1
delta:  [[ 0.77125629]
 [ 0.00257386]
 [-0.65517153]]
delta b updated:  [array([[ 0.06209585],
       [ 0.0592904 ]]), array([[ 0.77125629],
       [ 0.00257386],
       [-0.65517153]])]
delta w updated: [array([[-0.04101322, -0.00219422,  0.06605649],
       [-0.03916027, -0.00209509,  0.0630721 ]]), array([[  7.84002746e-02,  -5.99326087e-01],
       [  2.61640045e-04,  -2.00009127e-03],
       [ -6.65999472e-02,   5.09119209e-01]])]
input:  [[ 0.8773334 ]
 [-0.93457826]
 [ 0.45803619]]
activations:  [array([[ 0.8773334 ],
       [-0.93457826],
       [ 0.45803619]]), array([[ 0.33006118],
       [-2.54919667]]), array([[ 1.14365104],
       [-0.30010998],
       [ 1.2056794 ]])]
cost derivative:  [[ 0.26631763]
 [ 0.63446828]
 [ 0.74764322]]
unit step:  1
delta:  [[ 0.26631763]
 [ 0.63446828]
 [ 0.74764322]]
delta b updated:  [array([[ 0.09731886],
       [ 0.91182866]]), array([[ 0.26631763],
       [ 0.63446828],
       [ 0.74764322]])]
delta w updated: [array([[ 0.08538109, -0.09095209,  0.04457556],
       [ 0.79997774, -0.85217524,  0.41765052]]), array([[ 0.08790111, -0.67889602],
       [ 0.20941335, -1.61738444],
       [ 0.246768  , -1.9058896 ]])]
input:  [[ 0.86836884]
 [-0.59192698]
 [ 0.69785067]]
activations:  [array([[ 0.86836884],
       [-0.59192698],
       [ 0.69785067]]), array([[ 0.38600949],
       [-2.30221043]]), array([[ 1.11156518],
       [-0.33015563],
       [ 1.14328546]])]
cost derivative:  [[ 0.24319634]
 [ 0.26177135]
 [ 0.44543479]]
unit step:  1
delta:  [[ 0.24319634]
 [ 0.26177135]
 [ 0.44543479]]
delta b updated:  [array([[ 0.14326583],
       [ 0.58533278]]), array([[ 0.24319634],
       [ 0.26177135],
       [ 0.44543479]])]
delta w updated: [array([[ 0.12440759, -0.08480291,  0.09997816],
       [ 0.50828475, -0.34647426,  0.40847487]]), array([[ 0.09387609, -0.55988914],
       [ 0.10104622, -0.60265273],
       [ 0.17194205, -1.02548461]])]
input:  [[-0.88050667]
 [-0.13357725]
 [ 0.99155448]]
activations:  [array([[-0.88050667],
       [-0.13357725],
       [ 0.99155448]]), array([[ 0.03026073],
       [-0.68371499]]), array([[-0.0206387 ],
       [ 0.02502577],
       [ 0.33184521]])]
cost derivative:  [[ 0.85986797]
 [ 0.15860302]
 [-0.65970927]]
unit step:  1
delta:  [[ 0.85986797]
 [ 0.15860302]
 [-0.65970927]]
delta b updated:  [array([[ 0.01830333],
       [ 0.07046914]]), array([[ 0.85986797],
       [ 0.15860302],
       [-0.65970927]])]
delta w updated: [array([[-0.01611621, -0.00244491,  0.01814875],
       [-0.06204855, -0.00941307,  0.069874  ]]), array([[ 0.02602024, -0.58790462],
       [ 0.00479944, -0.10843926],
       [-0.01996329,  0.45105312]])]
input:  [[ 0.47245184]
 [-0.99661205]
 [ 0.40828086]]
activations:  [array([[ 0.47245184],
       [-0.99661205],
       [ 0.40828086]]), array([[ 0.21891332],
       [-2.29416005]]), array([[ 0.89271459],
       [-0.20509133],
       [ 1.04398182]])]
cost derivative:  [[ 0.42026275]
 [ 0.79152072]
 [ 0.63570096]]
unit step:  1
delta:  [[ 0.42026275]
 [ 0.79152072]
 [ 0.63570096]]
delta b updated:  [array([[ 0.06786337],
       [ 0.84897843]]), array([[ 0.42026275],
       [ 0.79152072],
       [ 0.63570096]])]
delta w updated: [array([[ 0.03206217, -0.06763345,  0.02770731],
       [ 0.40110142, -0.84610213,  0.34662164]]), array([[ 0.09200112, -0.96415002],
       [ 0.17327443, -1.81587522],
       [ 0.13916341, -1.45839975]])]
input:  [[-0.76193823]
 [-0.01066996]
 [ 1.07947387]]
activations:  [array([[-0.76193823],
       [-0.01066996],
       [ 1.07947387]]), array([[ 0.08051311],
       [-0.68545259]]), array([[ 0.04372927],
       [-0.01351976],
       [ 0.36111064]])]
cost derivative:  [[ 0.8056675 ]
 [-0.00284981]
 [-0.71836323]]
unit step:  1
delta:  [[ 0.8056675 ]
 [-0.00284981]
 [-0.71836323]]
delta b updated:  [array([[ 0.0501427 ],
       [ 0.04604115]]), array([[ 0.8056675 ],
       [-0.00284981],
       [-0.71836323]])]
delta w updated: [array([[-0.03820564, -0.00053502,  0.05412773],
       [-0.03508052, -0.00049126,  0.04970022]]), array([[  6.48667974e-02,  -5.52246873e-01],
       [ -2.29446742e-04,   1.95340684e-03],
       [ -5.78376589e-02,   4.92403935e-01]])]
input:  [[ 0.87867669]
 [-0.69203369]
 [ 0.62790797]]
activations:  [array([[ 0.87867669],
       [-0.69203369],
       [ 0.62790797]]), array([[ 0.37134261],
       [-2.38153487]]), array([[ 1.12296126],
       [-0.32594098],
       [ 1.16345805]])]
cost derivative:  [[ 0.24428456]
 [ 0.36609271]
 [ 0.53555008]]
unit step:  1
delta:  [[ 0.24428456]
 [ 0.36609271]
 [ 0.53555008]]
delta b updated:  [array([[ 0.12845801],
       [ 0.67154704]]), array([[ 0.24428456],
       [ 0.36609271],
       [ 0.53555008]])]
delta w updated: [array([[ 0.11287306, -0.08889727,  0.08065981],
       [ 0.59007273, -0.46473318,  0.42166974]]), array([[ 0.09071327, -0.5817722 ],
       [ 0.13594582, -0.87186256],
       [ 0.19887256, -1.27543118]])]
input:  [[-0.48980896]
 [-0.14139571]
 [ 0.99217199]]
activations:  [array([[-0.48980896],
       [-0.14139571],
       [ 0.99217199]]), array([[ 0.12564847],
       [-0.97957515]]), array([[ 0.22348672],
       [-0.06413494],
       [ 0.49689639]])]
cost derivative:  [[ 0.71329568]
 [ 0.07726077]
 [-0.4952756 ]]
unit step:  1
delta:  [[ 0.71329568]
 [ 0.07726077]
 [-0.4952756 ]]
delta b updated:  [array([[ 0.07190642],
       [ 0.10534448]]), array([[ 0.71329568],
       [ 0.07726077],
       [-0.4952756 ]])]
delta w updated: [array([[-0.03522041, -0.01016726,  0.07134353],
       [-0.05159867, -0.01489526,  0.10451985]]), array([[ 0.08962451, -0.69872673],
       [ 0.0097077 , -0.07568273],
       [-0.06223062,  0.48515967]])]
input:  [[-0.72135026]
 [-0.01485856]
 [ 1.07717359]]
activations:  [array([[-0.72135026],
       [-0.01485856],
       [ 1.07717359]]), array([[ 0.08971424],
       [-0.71885454]]), array([[ 0.06841639],
       [-0.02265569],
       [ 0.37904488]])]
cost derivative:  [[ 0.78976666]
 [-0.00779713]
 [-0.69812871]]
unit step:  1
delta:  [[ 0.78976666]
 [-0.00779713]
 [-0.69812871]]
delta b updated:  [array([[ 0.05541474],
       [ 0.04886608]]), array([[ 0.78976666],
       [-0.00779713],
       [-0.69812871]])]
delta w updated: [array([[-0.03997344, -0.00082338,  0.05969129],
       [-0.03524956, -0.00072608,  0.05263725]]), array([[ 0.07085331, -0.56772735],
       [-0.00069951,  0.005605  ],
       [-0.06263209,  0.50185299]])]
input:  [[ 0.33854048]
 [-0.89098712]
 [ 0.48016037]]
activations:  [array([[ 0.33854048],
       [-0.89098712],
       [ 0.48016037]]), array([[ 0.20344997],
       [-2.12176863]]), array([[ 0.79756605],
       [-0.18639361],
       [ 0.96984946]])]
cost derivative:  [[ 0.45902557]
 [ 0.70459351]
 [ 0.4896891 ]]
unit step:  1
delta:  [[ 0.45902557]
 [ 0.70459351]
 [ 0.4896891 ]]
delta b updated:  [array([[ 0.06936273],
       [ 0.71063443]]), array([[ 0.45902557],
       [ 0.70459351],
       [ 0.4896891 ]])]
delta w updated: [array([[ 0.02348209, -0.0618013 ,  0.03330524],
       [ 0.24057852, -0.63316613,  0.34121849]]), array([[ 0.09338874, -0.97394606],
       [ 0.14334952, -1.4949844 ],
       [ 0.09962723, -1.03900696]])]
input:  [[ 0.6839231 ]
 [-1.10936775]
 [ 0.33261725]]
activations:  [array([[ 0.6839231 ],
       [-1.10936775],
       [ 0.33261725]]), array([[ 0.25188593],
       [-2.53221624]]), array([[ 1.02946105],
       [-0.24717992],
       [ 1.15024746]])]
cost derivative:  [[ 0.34553795]
 [ 0.86218782]
 [ 0.81763021]]
unit step:  1
delta:  [[ 0.34553795]
 [ 0.86218782]
 [ 0.81763021]]
delta b updated:  [array([[ 0.06683791],
       [ 1.01499663]]), array([[ 0.34553795],
       [ 0.86218782],
       [ 0.81763021]])]
delta w updated: [array([[ 0.04571199, -0.07414782,  0.02223144],
       [ 0.69417964, -1.12600452,  0.33760539]]), array([[ 0.08703615, -0.87497682],
       [ 0.21717298, -2.18324601],
       [ 0.20594954, -2.0704165 ]])]
input:  [[ 0.86272391]
 [-0.54843756]
 [ 0.72821772]]
activations:  [array([[ 0.86272391],
       [-0.54843756],
       [ 0.72821772]]), array([[ 0.39153576],
       [-2.27057405]]), array([[ 1.09890495],
       [-0.33914878],
       [ 1.13065985]])]
cost derivative:  [[ 0.23618104]
 [ 0.20928878]
 [ 0.40244212]]
unit step:  1
delta:  [[ 0.23618104]
 [ 0.20928878]
 [ 0.40244212]]
delta b updated:  [array([[ 0.14746906],
       [ 0.53678556]]), array([[ 0.23618104],
       [ 0.20928878],
       [ 0.40244212]])]
delta w updated: [array([[ 0.12722508, -0.08087757,  0.10738958],
       [ 0.46309774, -0.29439336,  0.39089676]]), array([[ 0.09247332, -0.53626655],
       [ 0.08194404, -0.47520566],
       [ 0.15757048, -0.91377464]])]
input:  [[-0.69939058]
 [-0.02062908]
 [ 1.07347501]]
activations:  [array([[-0.69939058],
       [-0.02062908],
       [ 1.07347501]]), array([[ 0.0940189 ],
       [-0.74007023]]), array([[ 0.08141719],
       [-0.0286972 ],
       [ 0.38823515]])]
cost derivative:  [[ 0.78080776]
 [-0.00806811]
 [-0.68523986]]
unit step:  1
delta:  [[ 0.78080776]
 [-0.00806811]
 [-0.68523986]]
delta b updated:  [array([[ 0.05770863],
       [ 0.05116334]]), array([[ 0.78080776],
       [-0.00806811],
       [-0.68523986]])]
delta w updated: [array([[-0.04036087, -0.00119048,  0.06194878],
       [-0.03578316, -0.00105545,  0.05492257]]), array([[ 0.07341069, -0.57785258],
       [-0.00075856,  0.00597097],
       [-0.0644255 ,  0.50712562]])]
input:  [[ 0.78390241]
 [-1.10627369]
 [ 0.3363431 ]]
activations:  [array([[ 0.78390241],
       [-1.10627369],
       [ 0.3363431 ]]), array([[ 0.27699205],
       [-2.60562071]]), array([[ 1.089959  ],
       [-0.27283922],
       [ 1.18975018]])]
cost derivative:  [[ 0.30605659]
 [ 0.83343447]
 [ 0.85340709]]
unit step:  1
delta:  [[ 0.30605659]
 [ 0.83343447]
 [ 0.85340709]]
delta b updated:  [array([[ 0.07108833],
       [ 1.03645341]]), array([[ 0.30605659],
       [ 0.83343447],
       [ 0.85340709]])]
delta w updated: [array([[ 0.05572631, -0.07864315,  0.02391007],
       [ 0.81247833, -1.14660114,  0.34860395]]), array([[ 0.08477524, -0.79746739],
       [ 0.23085472, -2.17161411],
       [ 0.23638698, -2.22365518]])]
input:  [[-0.89042284]
 [-0.19731218]
 [ 0.94676709]]
activations:  [array([[-0.89042284],
       [-0.19731218],
       [ 0.94676709]]), array([[ 0.01655641],
       [-0.72315428]]), array([[-0.02559698],
       [ 0.02958949],
       [ 0.33701427]])]
cost derivative:  [[ 0.86482585]
 [ 0.22690168]
 [-0.60975282]]
unit step:  1
delta:  [[ 0.86482585]
 [ 0.22690168]
 [-0.60975282]]
delta b updated:  [array([[ 0.00974327],
       [ 0.08570173]]), array([[ 0.86482585],
       [ 0.22690168],
       [-0.60975282]])]
delta w updated: [array([[-0.00867563, -0.00192247,  0.0092246 ],
       [-0.07631078, -0.01691   ,  0.08113958]]), array([[ 0.01431841, -0.62540252],
       [ 0.00375668, -0.16408492],
       [-0.01009532,  0.44094536]])]
input:  [[-0.80146246]
 [-0.89525142]
 [ 0.45939652]]
activations:  [array([[-0.80146246],
       [-0.89525142],
       [ 0.45939652]]), array([[-0.08010076],
       [-1.28122633]]), array([[ 0.08146772],
       [ 0.06959402],
       [ 0.48980576]])]
cost derivative:  [[ 0.88293018]
 [ 0.96484544]
 [ 0.03040925]]
unit step:  1
delta:  [[ 0.88293018]
 [ 0.96484544]
 [ 0.03040925]]
delta b updated:  [array([[-0.03406025],
       [ 0.41178736]]), array([[ 0.88293018],
       [ 0.96484544],
       [ 0.03040925]])]
delta w updated: [array([[ 0.02729801,  0.03049249, -0.01564716],
       [-0.33003211, -0.36865322,  0.18917368]]), array([[-0.07072338, -1.13123339],
       [-0.07728485, -1.23618537],
       [-0.0024358 , -0.03896113]])]
input:  [[-0.42968263]
 [-0.18852497]
 [ 0.96010561]]
activations:  [array([[-0.42968263],
       [-0.18852497],
       [ 0.96010561]]), array([[ 0.13225139],
       [-1.0592778 ]]), array([[ 0.26093768],
       [-0.07760636],
       [ 0.52890255]])]
cost derivative:  [[ 0.69062031]
 [ 0.11091862]
 [-0.43120306]]
unit step:  1
delta:  [[ 0.69062031]
 [ 0.11091862]
 [-0.43120306]]
delta b updated:  [array([[ 0.07335429],
       [ 0.12600708]]), array([[ 0.69062031],
       [ 0.11091862],
       [-0.43120306]])]
delta w updated: [array([[-0.03151907, -0.01382912,  0.07042787],
       [-0.05414305, -0.02375548,  0.1209801 ]]), array([[ 0.09133549, -0.73155876],
       [ 0.01466914, -0.11749363],
       [-0.0570272 ,  0.45676383]])]
input:  [[-0.05527359]
 [-0.52809735]
 [ 0.72814612]]
activations:  [array([[-0.05527359],
       [-0.52809735],
       [ 0.72814612]]), array([[ 0.16724736],
       [-1.57659365]]), array([[ 0.51947871],
       [-0.13421458],
       [ 0.742102  ]])]
cost derivative:  [[ 0.5747523 ]
 [ 0.39388277]
 [ 0.01395588]]
unit step:  1
delta:  [[ 0.5747523 ]
 [ 0.39388277]
 [ 0.01395588]]
delta b updated:  [array([[ 0.07512342],
       [ 0.34702301]]), array([[ 0.5747523 ],
       [ 0.39388277],
       [ 0.01395588]])]
delta w updated: [array([[-0.00415234, -0.03967248,  0.05470082],
       [-0.01918121, -0.18326193,  0.25268346]]), array([[ 0.09612581, -0.90615083],
       [ 0.06587585, -0.62099308],
       [ 0.00233408, -0.02200275]])]
input:  [[-0.88454188]
 [-0.15320278]
 [ 0.97774804]]
activations:  [array([[-0.88454188],
       [-0.15320278],
       [ 0.97774804]]), array([[ 0.0254291 ],
       [-0.69713191]]), array([[-0.02681362],
       [ 0.0233791 ],
       [ 0.33293953]])]
cost derivative:  [[ 0.85772826]
 [ 0.17658188]
 [-0.64480851]]
unit step:  1
delta:  [[ 0.85772826]
 [ 0.17658188]
 [-0.64480851]]
delta b updated:  [array([[ 0.01518081],
       [ 0.07260866]]), array([[ 0.85772826],
       [ 0.17658188],
       [-0.64480851]])]
delta w updated: [array([[-0.01342806, -0.00232574,  0.01484301],
       [-0.0642254 , -0.01112385,  0.07099297]]), array([[ 0.02181125, -0.59794974],
       [ 0.00449032, -0.12310086],
       [-0.0163969 ,  0.44951659]])]
input:  [[ 0.77023174]
 [-0.06266718]
 [ 1.0669541 ]]
activations:  [array([[ 0.77023174],
       [-0.06266718],
       [ 1.0669541 ]]), array([[ 0.45093098],
       [-1.86133353]]), array([[ 0.9995547],
       [-0.364388 ],
       [ 1.0114488]])]
cost derivative:  [[ 0.22932296]
 [-0.30172082]
 [-0.0555053 ]]
unit step:  1
delta:  [[ 0.22932296]
 [-0.30172082]
 [-0.0555053 ]]
delta b updated:  [array([[ 0.22027007],
       [ 0.17098707]]), array([[ 0.22932296],
       [-0.30172082],
       [-0.0555053 ]])]
delta w updated: [array([[ 0.169659  , -0.0138037 ,  0.23501805],
       [ 0.13169967, -0.01071528,  0.18243535]]), array([[ 0.10340883, -0.42684651],
       [-0.13605527,  0.56160308],
       [-0.02502906,  0.10331388]])]
input:  [[ 0.84136483]
 [-1.05252402]
 [ 0.37487938]]
activations:  [array([[ 0.84136483],
       [-1.05252402],
       [ 0.37487938]]), array([[ 0.30008482],
       [-2.61202052]]), array([[ 1.11617139],
       [-0.2947145 ],
       [ 1.20492947]])]
cost derivative:  [[ 0.27480656]
 [ 0.75780952]
 [ 0.83005008]]
unit step:  1
delta:  [[ 0.27480656]
 [ 0.75780952]
 [ 0.83005008]]
delta b updated:  [array([[ 0.07797128],
       [ 0.98925858]]), array([[ 0.27480656],
       [ 0.75780952],
       [ 0.83005008]])]
delta w updated: [array([[ 0.06560229, -0.08206664,  0.02922982],
       [ 0.83232738, -1.04121843,  0.37085265]]), array([[ 0.08246528, -0.71780037],
       [ 0.22740713, -1.97941402],
       [ 0.24908543, -2.16810786]])]
input:  [[ 0.80028279]
 [-1.09741885]
 [ 0.34279947]]
activations:  [array([[ 0.80028279],
       [-1.09741885],
       [ 0.34279947]]), array([[ 0.28219662],
       [-2.61415402]]), array([[ 1.09340121],
       [-0.28341711],
       [ 1.19327359]])]
cost derivative:  [[ 0.29311842]
 [ 0.81400174]
 [ 0.85047412]]
unit step:  1
delta:  [[ 0.29311842]
 [ 0.81400174]
 [ 0.85047412]]
delta b updated:  [array([[ 0.07131603],
       [ 1.01796564]]), array([[ 0.29311842],
       [ 0.81400174],
       [ 0.85047412]])]
delta w updated: [array([[ 0.05707299, -0.07826356,  0.0244471 ],
       [ 0.81466038, -1.11713468,  0.34895808]]), array([[ 0.08271703, -0.7662567 ],
       [ 0.22970854, -2.12792592],
       [ 0.24000092, -2.22327033]])]
input:  [[-0.61024572]
 [-0.06079305]
 [ 1.04673886]]
activations:  [array([[-0.61024572],
       [-0.06079305],
       [ 1.04673886]]), array([[ 0.10894282],
       [-0.83632594]]), array([[ 0.13655408],
       [-0.04897423],
       [ 0.43131532]])]
cost derivative:  [[ 0.7467998 ]
 [ 0.01181882]
 [-0.61542354]]
unit step:  1
delta:  [[ 0.7467998 ]
 [ 0.01181882]
 [-0.61542354]]
delta b updated:  [array([[ 0.06485431],
       [ 0.06610068]]), array([[ 0.7467998 ],
       [ 0.01181882],
       [-0.61542354]])]
delta w updated: [array([[-0.03957706, -0.00394269,  0.06788553],
       [-0.04033766, -0.00401846,  0.06919015]]), array([[ 0.08135848, -0.62456805],
       [ 0.00128758, -0.00988439],
       [-0.06704598,  0.51469467]])]
input:  [[ 0.54885873]
 [-1.04776523]
 [ 0.37365046]]
activations:  [array([[ 0.54885873],
       [-1.04776523],
       [ 0.37365046]]), array([[ 0.2282566 ],
       [-2.39343181]]), array([[ 0.93161161],
       [-0.23186624],
       [ 1.07873119]])]
cost derivative:  [[ 0.38275288]
 [ 0.815899  ]
 [ 0.70508073]]
unit step:  1
delta:  [[ 0.38275288]
 [ 0.815899  ]
 [ 0.70508073]]
delta b updated:  [array([[ 0.06451768],
       [ 0.88808589]]), array([[ 0.38275288],
       [ 0.815899  ],
       [ 0.70508073]])]
delta w updated: [array([[ 0.03541109, -0.06759939,  0.02410706],
       [ 0.48743369, -0.93050552,  0.3318337 ]]), array([[ 0.08736587, -0.91609292],
       [ 0.18623433, -1.95279861],
       [ 0.16093933, -1.68756266]])]
input:  [[-0.28086071]
 [-0.31698969]
 [ 0.8724642 ]]
activations:  [array([[-0.28086071],
       [-0.31698969],
       [ 0.8724642 ]]), array([[ 0.14690483],
       [-1.26217301]]), array([[ 0.35999732],
       [-0.10410107],
       [ 0.61073454]])]
cost derivative:  [[ 0.64085803]
 [ 0.21288863]
 [-0.26172967]]
unit step:  1
delta:  [[ 0.64085803]
 [ 0.21288863]
 [-0.26172967]]
delta b updated:  [array([[ 0.07513371],
       [ 0.19469213]]), array([[ 0.64085803],
       [ 0.21288863],
       [-0.26172967]])]
delta w updated: [array([[-0.02110211, -0.02381661,  0.06555147],
       [-0.05468137, -0.0617154 ,  0.16986191]]), array([[ 0.09414514, -0.8088737 ],
       [ 0.03127437, -0.26870228],
       [-0.03844935,  0.33034812]])]
input:  [[ 0.82087594]
 [-0.30014702]
 [ 0.90143979]]
activations:  [array([[ 0.82087594],
       [-0.30014702],
       [ 0.90143979]]), array([[ 0.42267485],
       [-2.06878437]]), array([[ 1.04525297],
       [-0.36020755],
       [ 1.06849494]])]
cost derivative:  [[ 0.22437703]
 [-0.06006053]
 [ 0.16705515]]
unit step:  1
delta:  [[ 0.22437703]
 [-0.06006053]
 [ 0.16705515]]
delta b updated:  [array([[ 0.181088  ],
       [ 0.32710172]]), array([[ 0.22437703],
       [-0.06006053],
       [ 0.16705515]])]
delta w updated: [array([[ 0.14865078, -0.05435302,  0.16323993],
       [ 0.26850993, -0.09817861,  0.29486251]]), array([[ 0.09483853, -0.46418769],
       [-0.02538607,  0.12425228],
       [ 0.07061001, -0.34560108]])]
input:  [[ 0.39129169]
 [-0.9345011 ]
 [ 0.45051071]]
activations:  [array([[ 0.39129169],
       [-0.9345011 ],
       [ 0.45051071]]), array([[ 0.20826439],
       [-2.19753505]]), array([[ 0.82311002],
       [-0.20699194],
       [ 0.99300378]])]
cost derivative:  [[ 0.43181833]
 [ 0.72750917]
 [ 0.54249307]]
unit step:  1
delta:  [[ 0.43181833]
 [ 0.72750917]
 [ 0.54249307]]
delta b updated:  [array([[ 0.06633147],
       [ 0.73627844]]), array([[ 0.43181833],
       [ 0.72750917],
       [ 0.54249307]])]
delta w updated: [array([[ 0.02595495, -0.06198683,  0.02988304],
       [ 0.28809964, -0.68805302,  0.33170132]]), array([[ 0.08993238, -0.94893591],
       [ 0.15151425, -1.59872689],
       [ 0.11298199, -1.19214753]])]
input:  [[ 0.88371162]
 [-0.85694283]
 [ 0.51250275]]
activations:  [array([[ 0.88371162],
       [-0.85694283],
       [ 0.51250275]]), array([[ 0.34336963],
       [-2.50920745]]), array([[ 1.12369275],
       [-0.32888789],
       [ 1.18493553]])]
cost derivative:  [[ 0.23998113]
 [ 0.52805493]
 [ 0.67243278]]
unit step:  1
delta:  [[ 0.23998113]
 [ 0.52805493]
 [ 0.67243278]]
delta b updated:  [array([[ 0.10191234],
       [ 0.79217495]]), array([[ 0.23998113],
       [ 0.52805493],
       [ 0.67243278]])]
delta w updated: [array([[ 0.09006112, -0.08733305,  0.05223036],
       [ 0.70005421, -0.67884864,  0.40599184]]), array([[ 0.08240223, -0.60216244],
       [ 0.18131803, -1.32499938],
       [ 0.23089299, -1.68727335]])]
input:  [[ 0.88410719]
 [-0.84248988]
 [ 0.52263013]]
activations:  [array([[ 0.88410719],
       [-0.84248988],
       [ 0.52263013]]), array([[ 0.34583083],
       [-2.50003281]]), array([[ 1.12247897],
       [-0.33147493],
       [ 1.18128951]])]
cost derivative:  [[ 0.23837178]
 [ 0.51101495]
 [ 0.65865938]]
unit step:  1
delta:  [[ 0.23837178]
 [ 0.51101495]
 [ 0.65865938]]
delta b updated:  [array([[ 0.10359064],
       [ 0.77585597]]), array([[ 0.23837178],
       [ 0.51101495],
       [ 0.65865938]])]
delta w updated: [array([[ 0.09158523, -0.08727407,  0.05413959],
       [ 0.68593984, -0.6536508 ,  0.4054857 ]]), array([[ 0.08243631, -0.59593727],
       [ 0.17672472, -1.27755414],
       [ 0.22778472, -1.64667006]])]
input:  [[-0.83309753]
 [-0.03868815]
 [ 1.0587434 ]]
activations:  [array([[-0.83309753],
       [-0.03868815],
       [ 1.0587434 ]]), array([[ 0.05719819],
       [-0.65658842]]), array([[-0.0060393 ],
       [-0.00167842],
       [ 0.33299098]])]
cost derivative:  [[ 0.82705823]
 [ 0.03700973]
 [-0.72575243]]
unit step:  1
delta:  [[ 0.82705823]
 [ 0.03700973]
 [-0.72575243]]
delta b updated:  [array([[ 0.03523296],
       [ 0.04571199]]), array([[ 0.82705823],
       [ 0.03700973],
       [-0.72575243]])]
delta w updated: [array([[-0.02935249, -0.0013631 ,  0.03730266],
       [-0.03808255, -0.00176851,  0.04839727]]), array([[ 0.04730623, -0.54303686],
       [ 0.00211689, -0.02430016],
       [-0.04151172,  0.47652064]])]
input:  [[ 0.60251976]
 [-1.07776145]
 [ 0.35348131]]
activations:  [array([[ 0.60251976],
       [-1.07776145],
       [ 0.35348131]]), array([[ 0.23598547],
       [-2.45751878]]), array([[ 0.96292626],
       [-0.24766721],
       [ 1.10162409]])]
cost derivative:  [[ 0.3604065 ]
 [ 0.83009423]
 [ 0.74814279]]
unit step:  1
delta:  [[ 0.3604065 ]
 [ 0.83009423]
 [ 0.74814279]]
delta b updated:  [array([[ 0.06315332],
       [ 0.91717208]]), array([[ 0.3604065 ],
       [ 0.83009423],
       [ 0.74814279]])]
delta w updated: [array([[ 0.03805112, -0.06806421,  0.02232352],
       [ 0.5526143 , -0.98849271,  0.32420318]]), array([[ 0.0850507 , -0.88570573],
       [ 0.19589018, -2.03997217],
       [ 0.17655083, -1.83857495]])]
input:  [[-0.78638149]
 [-0.01365519]
 [ 1.07700217]]
activations:  [array([[-0.78638149],
       [-0.01365519],
       [ 1.07700217]]), array([[ 0.07297127],
       [-0.67397047]]), array([[ 0.02060084],
       [-0.01535494],
       [ 0.34813992]])]
cost derivative:  [[ 0.80698233]
 [-0.00169975]
 [-0.72886225]]
unit step:  1
delta:  [[ 0.80698233]
 [-0.00169975]
 [-0.72886225]]
delta b updated:  [array([[ 0.04506171],
       [ 0.04216713]]), array([[ 0.80698233],
       [-0.00169975],
       [-0.72886225]])]
delta w updated: [array([[-0.0354357 , -0.00061533,  0.04853156],
       [-0.03315945, -0.0005758 ,  0.04541409]]), array([[  5.88865266e-02,  -5.43882263e-01],
       [ -1.24032776e-04,   1.14558000e-03],
       [ -5.31860051e-02,   4.91231637e-01]])]
input:  [[-0.74891835]
 [-0.01094122]
 [ 1.07948694]]
activations:  [array([[-0.74891835],
       [-0.01094122],
       [ 1.07948694]]), array([[ 0.08266835],
       [-0.69995106]]), array([[ 0.04330056],
       [-0.02426399],
       [ 0.36364656]])]
cost derivative:  [[ 0.79221892]
 [-0.01332277]
 [-0.71584038]]
unit step:  1
delta:  [[ 0.79221892]
 [-0.01332277]
 [-0.71584038]]
delta b updated:  [array([[ 0.05082212],
       [ 0.04323994]]), array([[ 0.79221892],
       [-0.01332277],
       [-0.71584038]])]
delta w updated: [array([[-0.03806162, -0.00055606,  0.05486182],
       [-0.03238319, -0.0004731 ,  0.04667695]]), array([[ 0.06549143, -0.55451447],
       [-0.00110137,  0.00932529],
       [-0.05917734,  0.50105323]])]
input:  [[ 0.3062507 ]
 [-0.86339003]
 [ 0.49898272]]
activations:  [array([[ 0.3062507 ],
       [-0.86339003],
       [ 0.49898272]]), array([[ 0.19898134],
       [-2.08665092]]), array([[ 0.76101873],
       [-0.19857049],
       [ 0.94294248]])]
cost derivative:  [[ 0.45476803]
 [ 0.66481954]
 [ 0.44395977]]
unit step:  1
delta:  [[ 0.45476803]
 [ 0.66481954]
 [ 0.44395977]]
delta b updated:  [array([[ 0.067281  ],
       [ 0.64461702]]), array([[ 0.45476803],
       [ 0.66481954],
       [ 0.44395977]])]
delta w updated: [array([[ 0.02060485, -0.05808975,  0.03357206],
       [ 0.19741441, -0.55655591,  0.32165275]]), array([[ 0.09049035, -0.94894213],
       [ 0.13228668, -1.38724631],
       [ 0.08833971, -0.92638905]])]
input:  [[-0.02084301]
 [-0.56093583]
 [ 0.70568668]]
activations:  [array([[-0.02084301],
       [-0.56093583],
       [ 0.70568668]]), array([[ 0.16936594],
       [-1.63021115]]), array([[ 0.53508434],
       [-0.14868589],
       [ 0.75669538]])]
cost derivative:  [[ 0.55592734]
 [ 0.41224994]
 [ 0.0510087 ]]
unit step:  1
delta:  [[ 0.55592734]
 [ 0.41224994]
 [ 0.0510087 ]]
delta b updated:  [array([[ 0.07317535],
       [ 0.35985426]]), array([[ 0.55592734],
       [ 0.41224994],
       [ 0.0510087 ]])]
delta w updated: [array([[-0.00152519, -0.04104668,  0.05163887],
       [-0.00750044, -0.20185515,  0.25394436]]), array([[ 0.09415516, -0.90627895],
       [ 0.0698211 , -0.67205444],
       [ 0.00863914, -0.08315495]])]
input:  [[ 0.59381163]
 [-1.07330163]
 [ 0.35646866]]
activations:  [array([[ 0.59381163],
       [-1.07330163],
       [ 0.35646866]]), array([[ 0.2344055 ],
       [-2.44944238]]), array([[ 0.95342627],
       [-0.24998012],
       [ 1.09627188]])]
cost derivative:  [[ 0.35961464]
 [ 0.82332152]
 [ 0.73980322]]
unit step:  1
delta:  [[ 0.35961464]
 [ 0.82332152]
 [ 0.73980322]]
delta b updated:  [array([[ 0.06251776],
       [ 0.90184145]]), array([[ 0.35961464],
       [ 0.82332152],
       [ 0.73980322]])]
delta w updated: [array([[ 0.03712377, -0.06710041,  0.02228562],
       [ 0.53552394, -0.9679479 ,  0.32147821]]), array([[ 0.08429565, -0.88085535],
       [ 0.19299109, -2.01667862],
       [ 0.17341394, -1.81210536]])]
input:  [[ 0.02509018]
 [-0.60471442]
 [ 0.6757454 ]]
activations:  [array([[ 0.02509018],
       [-0.60471442],
       [ 0.6757454 ]]), array([[ 0.17321221],
       [-1.6960837 ]]), array([[ 0.56569881],
       [-0.15768363],
       [ 0.78186819]])]
cost derivative:  [[ 0.54060863]
 [ 0.44703079]
 [ 0.1061228 ]]
unit step:  1
delta:  [[ 0.54060863]
 [ 0.44703079]
 [ 0.1061228 ]]
delta b updated:  [array([[ 0.07237326],
       [ 0.3931761 ]]), array([[ 0.54060863],
       [ 0.44703079],
       [ 0.1061228 ]])]
delta w updated: [array([[ 0.00181586, -0.04376515,  0.0489059 ],
       [ 0.00986486, -0.23775926,  0.26568694]]), array([[ 0.09364002, -0.91691749],
       [ 0.07743119, -0.75820164],
       [ 0.01838176, -0.17999314]])]
input:  [[-0.47996716]
 [-0.14885975]
 [ 0.98709849]]
activations:  [array([[-0.47996716],
       [-0.14885975],
       [ 0.98709849]]), array([[ 0.12563139],
       [-0.99851623]]), array([[ 0.21861363],
       [-0.07765258],
       [ 0.49746793]])]
cost derivative:  [[ 0.69858079]
 [ 0.07120717]
 [-0.48963057]]
unit step:  1
delta:  [[ 0.69858079]
 [ 0.07120717]
 [-0.48963057]]
delta b updated:  [array([[ 0.07047029],
       [ 0.1007182 ]]), array([[ 0.69858079],
       [ 0.07120717],
       [-0.48963057]])]
delta w updated: [array([[-0.03382342, -0.01049019,  0.06956111],
       [-0.04834143, -0.01499289,  0.09941879]]), array([[ 0.08776368, -0.69754426],
       [ 0.00894586, -0.07110152],
       [-0.06151297,  0.48890407]])]
input:  [[-0.25882582]
 [-0.33700705]
 [ 0.85878993]]
activations:  [array([[-0.25882582],
       [-0.33700705],
       [ 0.85878993]]), array([[ 0.14834555],
       [-1.29603028]]), array([[ 0.36890906],
       [-0.11390696],
       [ 0.62047135]])]
cost derivative:  [[ 0.62773488]
 [ 0.22310009]
 [-0.23831857]]
unit step:  1
delta:  [[ 0.62773488]
 [ 0.22310009]
 [-0.23831857]]
delta b updated:  [array([[ 0.07419159],
       [ 0.20023939]]), array([[ 0.62773488],
       [ 0.22310009],
       [-0.23831857]])]
delta w updated: [array([[-0.0192027 , -0.02500309,  0.06371499],
       [-0.05182712, -0.06748209,  0.17196357]]), array([[ 0.09312168, -0.81356342],
       [ 0.03309591, -0.28914447],
       [-0.0353535 ,  0.30886809]])]
input:  [[ 0.08239468]
 [-0.65908384]
 [ 0.63856482]]
activations:  [array([[ 0.08239468],
       [-0.65908384],
       [ 0.63856482]]), array([[ 0.17802862],
       [-1.77754093]]), array([[ 0.60314687],
       [-0.16743779],
       [ 0.81522127]])]
cost derivative:  [[ 0.52075219]
 [ 0.49164605]
 [ 0.17665646]]
unit step:  1
delta:  [[ 0.52075219]
 [ 0.49164605]
 [ 0.17665646]]
delta b updated:  [array([[ 0.0710788 ],
       [ 0.43771062]]), array([[ 0.52075219],
       [ 0.49164605],
       [ 0.17665646]])]
delta w updated: [array([[ 0.00585651, -0.04684689,  0.04538842],
       [ 0.03606503, -0.288488  ,  0.2795066 ]]), array([[ 0.09270879, -0.92565833],
       [ 0.08752707, -0.87392097],
       [ 0.03144991, -0.31401408]])]
input:  [[-0.64415088]
 [-0.04291088]
 [ 1.05873279]]
activations:  [array([[-0.64415088],
       [-0.04291088],
       [ 1.05873279]]), array([[ 0.1028478 ],
       [-0.80198108]]), array([[ 0.10773108],
       [-0.04849482],
       [ 0.41231896]])]
cost derivative:  [[ 0.75188196]
 [-0.00558394]
 [-0.64641383]]
unit step:  1
delta:  [[ 0.75188196]
 [-0.00558394]
 [-0.64641383]]
delta b updated:  [array([[ 0.0613934 ],
       [ 0.05545296]]), array([[ 0.75188196],
       [-0.00558394],
       [-0.64641383]])]
delta w updated: [array([[-0.03954661, -0.00263444,  0.06499921],
       [-0.03572007, -0.00237954,  0.05870987]]), array([[  7.73294057e-02,  -6.02995104e-01],
       [ -5.74296016e-04,   4.47821476e-03],
       [ -6.64822403e-02,   5.18411658e-01]])]
input:  [[-0.80326333]
 [-0.01910134]
 [ 1.07292504]]
activations:  [array([[-0.80326333],
       [-0.01910134],
       [ 1.07292504]]), array([[ 0.06743925],
       [-0.66685179]]), array([[ 0.00680111],
       [-0.0131519 ],
       [ 0.34255035]])]
cost derivative:  [[ 0.81006444]
 [ 0.00594944]
 [-0.73037469]]
unit step:  1
delta:  [[ 0.81006444]
 [ 0.00594944]
 [-0.73037469]]
delta b updated:  [array([[ 0.04145154],
       [ 0.04062631]]), array([[ 0.81006444],
       [ 0.00594944],
       [-0.73037469]])]
delta w updated: [array([[-0.0332965 , -0.00079178,  0.04447439],
       [-0.03263363, -0.00077602,  0.04358899]]), array([[  5.46301347e-02,  -5.40192926e-01],
       [  4.01225683e-04,  -3.96739412e-03],
       [ -4.92559178e-02,   4.87051669e-01]])]
input:  [[ 0.31706324]
 [-0.8727042 ]
 [ 0.49262874]]
activations:  [array([[ 0.31706324],
       [-0.8727042 ],
       [ 0.49262874]]), array([[ 0.19972479],
       [-2.10335604]]), array([[ 0.76193121],
       [-0.20551553],
       [ 0.94866788]])]
cost derivative:  [[ 0.44486798]
 [ 0.66718867]
 [ 0.45603914]]
unit step:  1
delta:  [[ 0.44486798]
 [ 0.66718867]
 [ 0.45603914]]
delta b updated:  [array([[ 0.06597385],
       [ 0.6447272 ]]), array([[ 0.44486798],
       [ 0.66718867],
       [ 0.45603914]])]
delta w updated: [array([[ 0.02091788, -0.05757566,  0.03250062],
       [ 0.20441929, -0.56265613,  0.31761115]]), array([[ 0.08885116, -0.93571575],
       [ 0.13325412, -1.40333533],
       [ 0.09108232, -0.95921269]])]
input:  [[-0.72842907]
 [-0.01346693]
 [ 1.07803774]]
activations:  [array([[-0.72842907],
       [-0.01346693],
       [ 1.07803774]]), array([[ 0.0868639 ],
       [-0.71885344]]), array([[ 0.0521347 ],
       [-0.0316714 ],
       [ 0.37283735]])]
cost derivative:  [[ 0.78056377]
 [-0.01820447]
 [-0.70520039]]
unit step:  1
delta:  [[ 0.78056377]
 [-0.01820447]
 [-0.70520039]]
delta b updated:  [array([[ 0.0529347],
       [ 0.0427461]]), array([[ 0.78056377],
       [-0.01820447],
       [-0.70520039]])]
delta w updated: [array([[-0.03855917, -0.00071287,  0.05706561],
       [-0.0311375 , -0.00057566,  0.04608191]]), array([[ 0.06780282, -0.56111095],
       [-0.00158131,  0.01308634],
       [-0.06125646,  0.50693573]])]
input:  [[ 0.78950553]
 [-1.1036475 ]
 [ 0.33826956]]
activations:  [array([[ 0.78950553],
       [-1.1036475 ],
       [ 0.33826956]]), array([[ 0.27739804],
       [-2.61847231]]), array([[ 1.06986082],
       [-0.29864215],
       [ 1.18290773]])]
cost derivative:  [[ 0.28035529]
 [ 0.80500536]
 [ 0.84463817]]
unit step:  1
delta:  [[ 0.28035529]
 [ 0.80500536]
 [ 0.84463817]]
delta b updated:  [array([[ 0.06623656],
       [ 0.97720884]]), array([[ 0.28035529],
       [ 0.80500536],
       [ 0.84463817]])]
delta w updated: [array([[ 0.05229413, -0.07310181,  0.02240581],
       [ 0.77151178, -1.0784941 ,  0.33056   ]]), array([[ 0.07777001, -0.73410255],
       [ 0.22330691, -2.10788424],
       [ 0.23430098, -2.21166167]])]
input:  [[ 0.88312225]
 [-0.76350839]
 [ 0.57792449]]
activations:  [array([[ 0.88312225],
       [-0.76350839],
       [ 0.57792449]]), array([[ 0.3583603 ],
       [-2.44862868]]), array([[ 1.10366882],
       [-0.35038143],
       [ 1.16457255]])]
cost derivative:  [[ 0.22054657]
 [ 0.41312696]
 [ 0.58664806]]
unit step:  1
delta:  [[ 0.22054657]
 [ 0.41312696]
 [ 0.58664806]]
delta b updated:  [array([[ 0.11054798],
       [ 0.68188036]]), array([[ 0.22054657],
       [ 0.41312696],
       [ 0.58664806]])]
delta w updated: [array([[ 0.09762738, -0.08440431,  0.06388838],
       [ 0.60218372, -0.52062137,  0.39407536]]), array([[ 0.07903514, -0.54003667],
       [ 0.1480483 , -1.01159451],
       [ 0.21023137, -1.43648328]])]
input:  [[-0.8624718 ]
 [-0.58812709]
 [ 0.67352033]]
activations:  [array([[-0.8624718 ],
       [-0.58812709],
       [ 0.67352033]]), array([[-0.04416206],
       [-1.02592315]]), array([[ 0.00840959],
       [ 0.04524124],
       [ 0.40960261]])]
cost derivative:  [[ 0.87088139]
 [ 0.63336833]
 [-0.26391772]]
unit step:  1
delta:  [[ 0.87088139]
 [ 0.63336833]
 [-0.26391772]]
delta b updated:  [array([[-0.02157853],
       [ 0.22110965]]), array([[ 0.87088139],
       [ 0.63336833],
       [-0.26391772]])]
delta w updated: [array([[ 0.01861087,  0.01269092, -0.01453358],
       [-0.19070083, -0.13004057,  0.14892184]]), array([[-0.03845992, -0.89345738],
       [-0.02797085, -0.64978723],
       [ 0.01165515,  0.2707593 ]])]
input:  [[ 0.84875027]
 [-0.45538179]
 [ 0.79316557]]
activations:  [array([[ 0.84875027],
       [-0.45538179],
       [ 0.79316557]]), array([[ 0.4021602 ],
       [-2.20587302]]), array([[ 1.05949754],
       [-0.36886099],
       [ 1.09934396]])]
cost derivative:  [[ 0.21074726]
 [ 0.0865208 ]
 [ 0.3061784 ]]
unit step:  1
delta:  [[ 0.21074726]
 [ 0.0865208 ]
 [ 0.3061784 ]]
delta b updated:  [array([[ 0.15300086],
       [ 0.42469539]]), array([[ 0.21074726],
       [ 0.0865208 ],
       [ 0.3061784 ]])]
delta w updated: [array([[ 0.12985952, -0.06967381,  0.12135501],
       [ 0.36046033, -0.19339855,  0.33685376]]), array([[ 0.08475416, -0.4648817 ],
       [ 0.03479522, -0.19085389],
       [ 0.12313277, -0.67539067]])]
input:  [[ 0.86939212]
 [-0.97796583]
 [ 0.42752859]]
activations:  [array([[ 0.86939212],
       [-0.97796583],
       [ 0.42752859]]), array([[ 0.31826775],
       [-2.59109457]]), array([[ 1.10823839],
       [-0.33165535],
       [ 1.19218683]])]
cost derivative:  [[ 0.23884627]
 [ 0.64631048]
 [ 0.76465824]]
unit step:  1
delta:  [[ 0.23884627]
 [ 0.64631048]
 [ 0.76465824]]
delta b updated:  [array([[ 0.08233185],
       [ 0.86813522]]), array([[ 0.23884627],
       [ 0.64631048],
       [ 0.76465824]])]
delta w updated: [array([[ 0.07157867, -0.08051774,  0.03519922],
       [ 0.75474992, -0.84900658,  0.37115263]]), array([[ 0.07601706, -0.61887327],
       [ 0.20569978, -1.67465157],
       [ 0.24336605, -1.98130181]])]
input:  [[-0.84595787]
 [-0.05303528]
 [ 1.04849575]]
activations:  [array([[-0.84595787],
       [-0.05303528],
       [ 1.04849575]]), array([[ 0.05086863],
       [-0.66043883]]), array([[-0.01950337],
       [-0.00293247],
       [ 0.32893304]])]
cost derivative:  [[ 0.8264545 ]
 [ 0.05010281]
 [-0.7195627 ]]
unit step:  1
delta:  [[ 0.8264545 ]
 [ 0.05010281]
 [-0.7195627 ]]
delta b updated:  [array([[ 0.03096549],
       [ 0.0453091 ]]), array([[ 0.8264545 ],
       [ 0.05010281],
       [-0.7195627 ]])]
delta w updated: [array([[-0.0261955 , -0.00164226,  0.03246719],
       [-0.03832959, -0.00240298,  0.0475064 ]]), array([[ 0.04204061, -0.54582264],
       [ 0.00254866, -0.03308984],
       [-0.03660317,  0.47522715]])]
input:  [[-0.87806208]
 [-0.48202356]
 [ 0.74758014]]
activations:  [array([[-0.87806208],
       [-0.48202356],
       [ 0.74758014]]), array([[-0.03006829],
       [-0.93997197]]), array([[-0.01002704],
       [ 0.03908205],
       [ 0.38546481]])]
cost derivative:  [[ 0.86803504]
 [ 0.52110561]
 [-0.36211533]]
unit step:  1
delta:  [[ 0.86803504]
 [ 0.52110561]
 [-0.36211533]]
delta b updated:  [array([[-0.01542434],
       [ 0.17367778]]), array([[ 0.86803504],
       [ 0.52110561],
       [-0.36211533]])]
delta w updated: [array([[ 0.01354353,  0.0074349 , -0.01153093],
       [-0.15249988, -0.08371678,  0.12983806]]), array([[-0.02610033, -0.8159286 ],
       [-0.01566876, -0.48982466],
       [ 0.01088819,  0.34037826]])]
input:  [[ 0.49203326]
 [-1.01050411]
 [ 0.39885779]]
activations:  [array([[ 0.49203326],
       [-1.01050411],
       [ 0.39885779]]), array([[ 0.21923525],
       [-2.33403831]]), array([[ 0.87467043],
       [-0.24229667],
       [ 1.04017706]])]
cost derivative:  [[ 0.38263717]
 [ 0.76820744]
 [ 0.64131928]]
unit step:  1
delta:  [[ 0.38263717]
 [ 0.76820744]
 [ 0.64131928]]
delta b updated:  [array([[ 0.06150369],
       [ 0.79128463]]), array([[ 0.38263717],
       [ 0.76820744],
       [ 0.64131928]])]
delta w updated: [array([[ 0.03026186, -0.06214973,  0.02453123],
       [ 0.38933835, -0.79959636,  0.31561003]]), array([[ 0.08388755, -0.89308982],
       [ 0.16841815, -1.79302559],
       [ 0.14059979, -1.49686376]])]
input:  [[-0.83754064]
 [-0.04312429]
 [ 1.05556754]]
activations:  [array([[-0.83754064],
       [-0.04312429],
       [ 1.05556754]]), array([[ 0.05460042],
       [-0.66016473]]), array([[-0.0160249 ],
       [-0.00667623],
       [ 0.33096545]])]
cost derivative:  [[ 0.82151574]
 [ 0.03644806]
 [-0.72460209]]
unit step:  1
delta:  [[ 0.82151574]
 [ 0.03644806]
 [-0.72460209]]
delta b updated:  [array([[ 0.03329405],
       [ 0.0430325 ]]), array([[ 0.82151574],
       [ 0.03644806],
       [-0.72460209]])]
delta w updated: [array([[-0.02788512, -0.00143578,  0.03514412],
       [-0.03604147, -0.00185575,  0.04542371]]), array([[ 0.0448551 , -0.54233572],
       [ 0.00199008, -0.02406172],
       [-0.03956358,  0.47835675]])]
input:  [[-0.836243  ]
 [-0.73217645]
 [ 0.57305343]]
activations:  [array([[-0.836243  ],
       [-0.73217645],
       [ 0.57305343]]), array([[-0.06230533],
       [-1.14861945]]), array([[ 0.03188247],
       [ 0.04797359],
       [ 0.44343813]])]
cost derivative:  [[ 0.86812547]
 [ 0.78015004]
 [-0.1296153 ]]
unit step:  1
delta:  [[ 0.86812547]
 [ 0.78015004]
 [-0.1296153 ]]
delta b updated:  [array([[-0.02814054],
       [ 0.28888239]]), array([[ 0.86812547],
       [ 0.78015004],
       [-0.1296153 ]])]
delta w updated: [array([[ 0.02353233,  0.02060384, -0.01612603],
       [-0.24157588, -0.21151289,  0.16554505]]), array([[-0.05408884, -0.9971458 ],
       [-0.0486075 , -0.89609551],
       [ 0.00807572,  0.14887865]])]
input:  [[-0.39871286]
 [-0.21406246]
 [ 0.94270499]]
activations:  [array([[-0.39871286],
       [-0.21406246],
       [ 0.94270499]]), array([[ 0.13414745],
       [-1.10812426]]), array([[ 0.26644534],
       [-0.09744704],
       [ 0.54124136]])]
cost derivative:  [[ 0.6651582 ]
 [ 0.11661542]
 [-0.40146363]]
unit step:  1
delta:  [[ 0.6651582 ]
 [ 0.11661542]
 [-0.40146363]]
delta b updated:  [array([[ 0.0716888 ],
       [ 0.12665145]]), array([[ 0.6651582 ],
       [ 0.11661542],
       [-0.40146363]])]
delta w updated: [array([[-0.02858325, -0.01534588,  0.06758139],
       [-0.05049756, -0.02711132,  0.11939496]]), array([[ 0.08922927, -0.73707794],
       [ 0.01564366, -0.12922437],
       [-0.05385532,  0.44487159]])]
input:  [[ 0.38085591]
 [-0.92606427]
 [ 0.45625618]]
activations:  [array([[ 0.38085591],
       [-0.92606427],
       [ 0.45625618]]), array([[ 0.20599335],
       [-2.19238174]]), array([[ 0.79696504],
       [-0.22547398],
       [ 0.98049049]])]
cost derivative:  [[ 0.41610913]
 [ 0.70059028]
 [ 0.52423431]]
unit step:  1
delta:  [[ 0.41610913]
 [ 0.70059028]
 [ 0.52423431]]
delta b updated:  [array([[ 0.0632513 ],
       [ 0.68622902]]), array([[ 0.41610913],
       [ 0.70059028],
       [ 0.52423431]])]
delta w updated: [array([[ 0.02408963, -0.05857477,  0.0288588 ],
       [ 0.26135438, -0.63549218,  0.31309623]]), array([[ 0.08571572, -0.91227006],
       [ 0.14431694, -1.53596135],
       [ 0.10798878, -1.14932174]])]
input:  [[ 0.42222839]
 [-0.95895256]
 [ 0.43387011]]
activations:  [array([[ 0.42222839],
       [-0.95895256],
       [ 0.43387011]]), array([[ 0.21059463],
       [-2.24696836]]), array([[ 0.82413163],
       [-0.2340485 ],
       [ 1.00210997]])]
cost derivative:  [[ 0.40190324]
 [ 0.72490406]
 [ 0.56823986]]
unit step:  1
delta:  [[ 0.40190324]
 [ 0.72490406]
 [ 0.56823986]]
delta b updated:  [array([[ 0.06228126],
       [ 0.72134257]]), array([[ 0.40190324],
       [ 0.72490406],
       [ 0.56823986]])]
delta w updated: [array([[ 0.02629691, -0.05972477,  0.02702198],
       [ 0.30457131, -0.6917333 ,  0.31296898]]), array([[ 0.08463866, -0.90306387],
       [ 0.1526609 , -1.62883648],
       [ 0.11966826, -1.27681699]])]
input:  [[-0.891427  ]
 [-0.20937399]
 [ 0.9383047 ]]
activations:  [array([[-0.891427  ],
       [-0.20937399],
       [ 0.9383047 ]]), array([[ 0.01286894],
       [-0.73860409]]), array([[-0.03972784],
       [ 0.01752493],
       [ 0.3355264 ]])]
cost derivative:  [[ 0.85169916]
 [ 0.22689892]
 [-0.6027783 ]]
unit step:  1
delta:  [[ 0.85169916]
 [ 0.22689892]
 [-0.6027783 ]]
delta b updated:  [array([[ 0.00740093],
       [ 0.07972788]]), array([[ 0.85169916],
       [ 0.22689892],
       [-0.6027783 ]])]
delta w updated: [array([[-0.00659739, -0.00154956,  0.00694432],
       [-0.07107159, -0.01669295,  0.07480905]]), array([[ 0.01096047, -0.62906848],
       [ 0.00291995, -0.16758847],
       [-0.00775712,  0.44521452]])]
input:  [[ 0.01360924]
 [-0.59378189]
 [ 0.68322227]]
activations:  [array([[ 0.01360924],
       [-0.59378189],
       [ 0.68322227]]), array([[ 0.17150836],
       [-1.68478191]]), array([[ 0.54533834],
       [-0.16737933],
       [ 0.77321952]])]
cost derivative:  [[ 0.53172911]
 [ 0.42640256]
 [ 0.08999725]]
unit step:  1
delta:  [[ 0.53172911]
 [ 0.42640256]
 [ 0.08999725]]
delta b updated:  [array([[ 0.07070429],
       [ 0.36769849]]), array([[ 0.53172911],
       [ 0.42640256],
       [ 0.08999725]])]
delta w updated: [array([[ 0.00096223, -0.04198292,  0.04830674],
       [ 0.0050041 , -0.21833271,  0.2512198 ]]), array([[ 0.09119599, -0.89584758],
       [ 0.0731316 , -0.71839531],
       [ 0.01543528, -0.15162575]])]
input:  [[-0.78790495]
 [-0.95398039]
 [ 0.41848079]]
activations:  [array([[-0.78790495],
       [-0.95398039],
       [ 0.41848079]]), array([[-0.08820853],
       [-1.34297282]]), array([[ 0.073997  ],
       [ 0.05098621],
       [ 0.49916241]])]
cost derivative:  [[ 0.86190195]
 [ 1.00496661]
 [ 0.08068162]]
unit step:  1
delta:  [[ 0.86190195]
 [ 1.00496661]
 [ 0.08068162]]
delta b updated:  [array([[-0.03484888],
       [ 0.41314065]]), array([[ 0.86190195],
       [ 1.00496661],
       [ 0.08068162]])]
delta w updated: [array([[ 0.02745761,  0.03324515, -0.01458359],
       [-0.32551556, -0.39412808,  0.17289143]]), array([[-0.0760271 , -1.1575109 ],
       [-0.08864663, -1.34964284],
       [-0.00711681, -0.10835322]])]
input:  [[ 0.81047671]
 [-1.08986298]
 [ 0.34824972]]
activations:  [array([[ 0.81047671],
       [-1.08986298],
       [ 0.34824972]]), array([[ 0.28435686],
       [-2.62980366]]), array([[ 1.06945979],
       [-0.31997161],
       [ 1.18366072]])]
cost derivative:  [[ 0.25898309]
 [ 0.76989137]
 [ 0.835411  ]]
unit step:  1
delta:  [[ 0.25898309]
 [ 0.76989137]
 [ 0.835411  ]]
delta b updated:  [array([[ 0.06593316],
       [ 0.93732998]]), array([[ 0.25898309],
       [ 0.76989137],
       [ 0.835411  ]])]
delta w updated: [array([[ 0.05343729, -0.07185811,  0.02296121],
       [ 0.75968412, -1.02156124,  0.3264249 ]]), array([[ 0.07364362, -0.68107467],
       [ 0.21892389, -2.02466313],
       [ 0.23755485, -2.19696692]])]
input:  [[-0.86937796]
 [-0.5441958 ]
 [ 0.70417715]]
activations:  [array([[-0.86937796],
       [-0.5441958 ],
       [ 0.70417715]]), array([[-0.03866909],
       [-0.99297466]]), array([[-0.0048515 ],
       [ 0.03640787],
       [ 0.39832049]])]
cost derivative:  [[ 0.86452646]
 [ 0.58060367]
 [-0.30585665]]
unit step:  1
delta:  [[ 0.86452646]
 [ 0.58060367]
 [-0.30585665]]
delta b updated:  [array([[-0.01917366],
       [ 0.19435552]]), array([[ 0.86452646],
       [ 0.58060367],
       [-0.30585665]])]
delta w updated: [array([[ 0.01666916,  0.01043423, -0.01350165],
       [-0.1689684 , -0.10576746,  0.13686071]]), array([[-0.03343045, -0.85845286],
       [-0.02245142, -0.57652473],
       [ 0.0118272 ,  0.3037079 ]])]
input:  [[-0.88956859]
 [-0.37070946]
 [ 0.82535253]]
activations:  [array([[-0.88956859],
       [-0.37070946],
       [ 0.82535253]]), array([[-0.01413881],
       [-0.85525657]]), array([[-0.02948727],
       [ 0.0273542 ],
       [ 0.36223851]])]
cost derivative:  [[ 0.86008133]
 [ 0.39806365]
 [-0.46311403]]
unit step:  1
delta:  [[ 0.86008133]
 [ 0.39806365]
 [-0.46311403]]
delta b updated:  [array([[-0.00759597],
       [ 0.12744421]]), array([[ 0.86008133],
       [ 0.39806365],
       [-0.46311403]])]
delta w updated: [array([[ 0.00675713,  0.0028159 , -0.00626935],
       [-0.11337037, -0.04724477,  0.1051864 ]]), array([[-0.01216052, -0.7355902 ],
       [-0.00562815, -0.34044655],
       [ 0.00654788,  0.39608131]])]
input:  [[ 0.40166683]
 [-0.94279731]
 [ 0.44486278]]
activations:  [array([[ 0.40166683],
       [-0.94279731],
       [ 0.44486278]]), array([[ 0.20813651],
       [-2.22221338]]), array([[ 0.80507352],
       [-0.23694209],
       [ 0.98961803]])]
cost derivative:  [[ 0.40340668]
 [ 0.70585522]
 [ 0.54475525]]
unit step:  1
delta:  [[ 0.40340668]
 [ 0.70585522]
 [ 0.54475525]]
delta b updated:  [array([[ 0.06209898],
       [ 0.69217585]]), array([[ 0.40340668],
       [ 0.70585522],
       [ 0.54475525]])]
delta w updated: [array([[ 0.0249431 , -0.05854676,  0.02762553],
       [ 0.27802408, -0.65258153,  0.30792327]]), array([[ 0.08396366, -0.89645573],
       [ 0.14691424, -1.56856092],
       [ 0.11338346, -1.21056241]])]
input:  [[-0.22549134]
 [-0.36763205]
 [ 0.83786346]]
activations:  [array([[-0.22549134],
       [-0.36763205],
       [ 0.83786346]]), array([[ 0.15071905],
       [-1.34819472]]), array([[ 0.37909393],
       [-0.13269189],
       [ 0.63643412]])]
cost derivative:  [[ 0.60458527]
 [ 0.23494016]
 [-0.20142934]]
unit step:  1
delta:  [[ 0.60458527]
 [ 0.23494016]
 [-0.20142934]]
delta b updated:  [array([[ 0.07271273],
       [ 0.20609394]]), array([[ 0.60458527],
       [ 0.23494016],
       [-0.20142934]])]
delta w updated: [array([[-0.01639609, -0.02673153,  0.06092334],
       [-0.0464724 , -0.07576674,  0.17267858]]), array([[ 0.09112252, -0.81509867],
       [ 0.03540996, -0.31674509],
       [-0.03035924,  0.27156598]])]
input:  [[ 0.61963995]
 [-1.08600301]
 [ 0.34797682]]
activations:  [array([[ 0.61963995],
       [-1.08600301],
       [ 0.34797682]]), array([[ 0.23763737],
       [-2.48663589]]), array([[ 0.94755179],
       [-0.27977313],
       [ 1.10229634]])]
cost derivative:  [[ 0.32791185]
 [ 0.80622988]
 [ 0.75431951]]
unit step:  1
delta:  [[ 0.32791185]
 [ 0.80622988]
 [ 0.75431951]]
delta b updated:  [array([[ 0.05850378],
       [ 0.86945354]]), array([[ 0.32791185],
       [ 0.80622988],
       [ 0.75431951]])]
delta w updated: [array([[ 0.03625128, -0.06353529,  0.02035796],
       [ 0.53874815, -0.94422916,  0.30254968]]), array([[ 0.07792411, -0.81539737],
       [ 0.19159035, -2.00480016],
       [ 0.17925451, -1.87571798]])]
input:  [[-0.88628836]
 [-0.1636171 ]
 [ 0.97042779]]
activations:  [array([[-0.88628836],
       [-0.1636171 ],
       [ 0.97042779]]), array([[ 0.02181315],
       [-0.71187908]]), array([[-0.04270913],
       [ 0.00878279],
       [ 0.32964021]])]
cost derivative:  [[ 0.84357922]
 [ 0.17239989]
 [-0.64078758]]
unit step:  1
delta:  [[ 0.84357922]
 [ 0.17239989]
 [-0.64078758]]
delta b updated:  [array([[ 0.01273591],
       [ 0.06604721]]), array([[ 0.84357922],
       [ 0.17239989],
       [-0.64078758]])]
delta w updated: [array([[-0.01128769, -0.00208381,  0.01235928],
       [-0.05853687, -0.01080645,  0.06409405]]), array([[ 0.01840112, -0.6005264 ],
       [ 0.00376059, -0.12272788],
       [-0.0139776 ,  0.45616327]])]
input:  [[ 0.10523791]
 [-0.6806234 ]
 [ 0.62383717]]
activations:  [array([[ 0.10523791],
       [-0.6806234 ],
       [ 0.62383717]]), array([[ 0.17923783],
       [-1.81697597]]), array([[ 0.60226631],
       [-0.18954908],
       [ 0.823304  ]])]
cost derivative:  [[ 0.49702839]
 [ 0.49107431]
 [ 0.19946683]]
unit step:  1
delta:  [[ 0.49702839]
 [ 0.49107431]
 [ 0.19946683]]
delta b updated:  [array([[ 0.06842415],
       [ 0.43034216]]), array([[ 0.49702839],
       [ 0.49107431],
       [ 0.19946683]])]
delta w updated: [array([[ 0.00720082, -0.04657108,  0.04268553],
       [ 0.04528831, -0.29290094,  0.26846344]]), array([[ 0.08908629, -0.90308865],
       [ 0.0880191 , -0.89227023],
       [ 0.035752  , -0.36242644]])]
input:  [[ 0.18458517]
 [-0.75451282]
 [ 0.57333073]]
activations:  [array([[ 0.18458517],
       [-0.75451282],
       [ 0.57333073]]), array([[ 0.18626171],
       [-1.9287137 ]]), array([[ 0.65538144],
       [-0.20365323],
       [ 0.86779135]])]
cost derivative:  [[ 0.47079627]
 [ 0.55085959]
 [ 0.29446062]]
unit step:  1
delta:  [[ 0.47079627]
 [ 0.55085959]
 [ 0.29446062]]
delta b updated:  [array([[ 0.06660632],
       [ 0.49433465]]), array([[ 0.47079627],
       [ 0.55085959],
       [ 0.29446062]])]
delta w updated: [array([[ 0.01229454, -0.05025532,  0.03818745],
       [ 0.09124685, -0.37298183,  0.28341725]]), array([[ 0.08769132, -0.90803121],
       [ 0.10260405, -1.06245044],
       [ 0.05484674, -0.56793022]])]
input:  [[ 0.04803713]
 [-0.62653231]
 [ 0.66082445]]
activations:  [array([[ 0.04803713],
       [-0.62653231],
       [ 0.66082445]]), array([[ 0.17420026],
       [-1.73660739]]), array([[ 0.56215912],
       [-0.18143954],
       [ 0.79038878]])]
cost derivative:  [[ 0.51412199]
 [ 0.44509276]
 [ 0.12956433]]
unit step:  1
delta:  [[ 0.51412199]
 [ 0.44509276]
 [ 0.12956433]]
delta b updated:  [array([[ 0.0693495 ],
       [ 0.38360273]]), array([[ 0.51412199],
       [ 0.44509276],
       [ 0.12956433]])]
delta w updated: [array([[ 0.00333135, -0.0434497 ,  0.04582784],
       [ 0.01842718, -0.24033951,  0.25349407]]), array([[ 0.08956019, -0.89282804],
       [ 0.07753528, -0.77295138],
       [ 0.02257014, -0.22500237]])]
input:  [[ 0.82007365]
 [-1.08094931]
 [ 0.3546415 ]]
activations:  [array([[ 0.82007365],
       [-1.08094931],
       [ 0.3546415 ]]), array([[ 0.28790651],
       [-2.63409433]]), array([[ 1.06668326],
       [-0.33323878],
       [ 1.18242373]])]
cost derivative:  [[ 0.24660961]
 [ 0.74771053]
 [ 0.82778223]]
unit step:  1
delta:  [[ 0.24660961]
 [ 0.74771053]
 [ 0.82778223]]
delta b updated:  [array([[ 0.06561055],
       [ 0.91069186]]), array([[ 0.24660961],
       [ 0.74771053],
       [ 0.82778223]])]
delta w updated: [array([[ 0.05380548, -0.07092167,  0.02326822],
       [ 0.7468344 , -0.98441173,  0.32296913]]), array([[ 0.07100051, -0.64959297],
       [ 0.21527073, -1.96954006],
       [ 0.23832389, -2.18045647]])]
input:  [[ 0.74083576]
 [-1.11590179]
 [ 0.32892906]]
activations:  [array([[ 0.74083576],
       [-1.11590179],
       [ 0.32892906]]), array([[ 0.26228529],
       [-2.60070669]]), array([[ 1.0198426 ],
       [-0.31351205],
       [ 1.15339604]])]
cost derivative:  [[ 0.27900684]
 [ 0.80238974]
 [ 0.82446698]]
unit step:  1
delta:  [[ 0.27900684]
 [ 0.80238974]
 [ 0.82446698]]
delta b updated:  [array([[ 0.05934283],
       [ 0.91626385]]), array([[ 0.27900684],
       [ 0.80238974],
       [ 0.82446698]])]
delta w updated: [array([[ 0.04396329, -0.06622077,  0.01951958],
       [ 0.67880103, -1.02246047,  0.30138581]]), array([[ 0.07317939, -0.72561495],
       [ 0.21045502, -2.08678036],
       [ 0.21624556, -2.14419678]])]
input:  [[ 0.27353785]
 [-0.83480259]
 [ 0.51849199]]
activations:  [array([[ 0.27353785],
       [-0.83480259],
       [ 0.51849199]]), array([[ 0.19443293],
       [-2.05384703]]), array([[ 0.71336055],
       [-0.22380479],
       [ 0.9138794 ]])]
cost derivative:  [[ 0.4398227 ]
 [ 0.61099781]
 [ 0.3953874 ]]
unit step:  1
delta:  [[ 0.4398227 ]
 [ 0.61099781]
 [ 0.3953874 ]]
delta b updated:  [array([[ 0.06421948],
       [ 0.56270397]]), array([[ 0.4398227 ],
       [ 0.61099781],
       [ 0.3953874 ]])]
delta w updated: [array([[ 0.01756646, -0.05361059,  0.03329728],
       [ 0.15392084, -0.46974674,  0.29175751]]), array([[ 0.08551602, -0.90332854],
       [ 0.1187981 , -1.25489603],
       [ 0.07687633, -0.81206525]])]
input:  [[-0.66848697]
 [-0.03190354]
 [ 1.06606158]]
activations:  [array([[-0.66848697],
       [-0.03190354],
       [ 1.06606158]]), array([[ 0.09793794],
       [-0.78240161]]), array([[ 0.08055088],
       [-0.05695216],
       [ 0.3967361 ]])]
cost derivative:  [[ 0.74903785]
 [-0.02504862]
 [-0.66932547]]
unit step:  1
delta:  [[ 0.74903785]
 [-0.02504862]
 [-0.66932547]]
delta b updated:  [array([[ 0.05825733],
       [ 0.0458784 ]]), array([[ 0.74903785],
       [-0.02504862],
       [-0.66932547]])]
delta w updated: [array([[-0.03894427, -0.00185862,  0.06210591],
       [-0.03066911, -0.00146368,  0.04890919]]), array([[ 0.07335922, -0.58604842],
       [-0.00245321,  0.01959808],
       [-0.06555236,  0.52368133]])]
input:  [[-0.63582729]
 [-0.0470456 ]
 [ 1.0559671 ]]
activations:  [array([[-0.63582729],
       [-0.0470456 ],
       [ 1.0559671 ]]), array([[ 0.10339276],
       [-0.81753217]]), array([[ 0.10117348],
       [-0.06367458],
       [ 0.41297038]])]
cost derivative:  [[ 0.73700078]
 [-0.01662898]
 [-0.64299672]]
unit step:  1
delta:  [[ 0.73700078]
 [-0.01662898]
 [-0.64299672]]
delta b updated:  [array([[ 0.06080903],
       [ 0.05108491]]), array([[ 0.73700078],
       [-0.01662898],
       [-0.64299672]])]
delta w updated: [array([[-0.03866404, -0.0028608 ,  0.06421234],
       [-0.03248118, -0.00240332,  0.05394399]]), array([[ 0.07620055, -0.60252185],
       [-0.00171932,  0.01359473],
       [-0.06648121,  0.5256705 ]])]
input:  [[ 0.17332101]
 [-0.74413054]
 [ 0.58042565]]
activations:  [array([[ 0.17332101],
       [-0.74413054],
       [ 0.58042565]]), array([[ 0.18496205],
       [-1.91524908]]), array([[ 0.64377102],
       [-0.20732269],
       [ 0.85860472]])]
cost derivative:  [[ 0.47045001]
 [ 0.53680784]
 [ 0.27817907]]
unit step:  1
delta:  [[ 0.47045001]
 [ 0.53680784]
 [ 0.27817907]]
delta b updated:  [array([[ 0.06623999],
       [ 0.47631247]]), array([[ 0.47045001],
       [ 0.53680784],
       [ 0.27817907]])]
delta w updated: [array([[ 0.01148078, -0.0492912 ,  0.03844739],
       [ 0.08255496, -0.35443865,  0.27646397]]), array([[ 0.0870154 , -0.90102895],
       [ 0.09928908, -1.02812073],
       [ 0.05145257, -0.53278222]])]
input:  [[ 0.80545352]
 [-1.09380872]
 [ 0.34540823]]
activations:  [array([[ 0.80545352],
       [-1.09380872],
       [ 0.34540823]]), array([[ 0.28184526],
       [-2.63491168]]), array([[ 1.05439416],
       [-0.3352273 ],
       [ 1.17481247]])]
cost derivative:  [[ 0.24894064]
 [ 0.75858143]
 [ 0.82940424]]
unit step:  1
delta:  [[ 0.24894064]
 [ 0.75858143]
 [ 0.82940424]]
delta b updated:  [array([[ 0.062938 ],
       [ 0.9043727]]), array([[ 0.24894064],
       [ 0.75858143],
       [ 0.82940424]])]
delta w updated: [array([[ 0.05069363, -0.06884213,  0.0217393 ],
       [ 0.72843017, -0.98921075,  0.31237777]]), array([[ 0.07016274, -0.65593661],
       [ 0.21380258, -1.99879506],
       [ 0.23376366, -2.18540693]])]
input:  [[ 0.83586808]
 [-0.38015222]
 [ 0.84564697]]
activations:  [array([[ 0.83586808],
       [-0.38015222],
       [ 0.84564697]]), array([[ 0.4107665 ],
       [-2.15218412]]), array([[ 1.0261982 ],
       [-0.39749339],
       [ 1.07155614]])]
cost derivative:  [[ 0.19033012]
 [-0.01734117]
 [ 0.22590917]]
unit step:  1
delta:  [[ 0.19033012]
 [-0.01734117]
 [ 0.22590917]]
delta b updated:  [array([[ 0.15858339],
       [ 0.34237256]]), array([[ 0.19033012],
       [-0.01734117],
       [ 0.22590917]])]
delta w updated: [array([[ 0.1325548 , -0.06028583,  0.13410557],
       [ 0.28617829, -0.13015369,  0.28952632]]), array([[ 0.07818124, -0.40962547],
       [-0.00712317,  0.03732138],
       [ 0.09279592, -0.48619812]])]
input:  [[-0.19185916]
 [-0.39888405]
 [ 0.81650256]]
activations:  [array([[-0.19185916],
       [-0.39888405],
       [ 0.81650256]]), array([[ 0.15317974],
       [-1.39906264]]), array([[ 0.39561433],
       [-0.14654813],
       [ 0.65102642]])]
cost derivative:  [[ 0.5874735 ]
 [ 0.25233592]
 [-0.16547614]]
unit step:  1
delta:  [[ 0.5874735 ]
 [ 0.25233592]
 [-0.16547614]]
delta b updated:  [array([[ 0.07165396],
       [ 0.21718672]]), array([[ 0.5874735 ],
       [ 0.25233592],
       [-0.16547614]])]
delta w updated: [array([[-0.01374747, -0.02858162,  0.05850564],
       [-0.04166926, -0.08663232,  0.17733352]]), array([[ 0.08998904, -0.82191222],
       [ 0.03865275, -0.35303376],
       [-0.02534759,  0.23151149]])]
input:  [[-0.86603769]
 [-0.56591058]
 [ 0.68902265]]
activations:  [array([[-0.86603769],
       [-0.56591058],
       [ 0.68902265]]), array([[-0.04208577],
       [-1.01474921]]), array([[-0.00817157],
       [ 0.02927246],
       [ 0.40025737]])]
cost derivative:  [[ 0.85786612]
 [ 0.59518304]
 [-0.28876528]]
unit step:  1
delta:  [[ 0.85786612]
 [ 0.59518304]
 [-0.28876528]]
delta b updated:  [array([[-0.02043738],
       [ 0.19490152]]), array([[ 0.85786612],
       [ 0.59518304],
       [-0.28876528]])]
delta w updated: [array([[ 0.01769954,  0.01156573, -0.01408182],
       [-0.16879206, -0.11029683,  0.13429156]]), array([[-0.03610396, -0.87051896],
       [-0.02504874, -0.60396151],
       [ 0.01215291,  0.29302434]])]
input:  [[-0.52840239]
 [-0.11323031]
 [ 1.01129402]]
activations:  [array([[-0.52840239],
       [-0.11323031],
       [ 1.01129402]]), array([[ 0.11849792],
       [-0.94563053]]), array([[ 0.16933134],
       [-0.08659425],
       [ 0.46733786]])]
cost derivative:  [[ 0.69773373]
 [ 0.02663606]
 [-0.54395616]]
unit step:  1
delta:  [[ 0.69773373]
 [ 0.02663606]
 [-0.54395616]]
delta b updated:  [array([[ 0.06659535],
       [ 0.07456641]]), array([[ 0.69773373],
       [ 0.02663606],
       [-0.54395616]])]
delta w updated: [array([[-0.03518914, -0.00754061,  0.06734748],
       [-0.03940107, -0.00844318,  0.07540856]]), array([[ 0.08267999, -0.65979832],
       [ 0.00315632, -0.02518787],
       [-0.06445767,  0.51438156]])]
input:  [[-0.88261408]
 [-0.14319077]
 [ 0.98478939]]
activations:  [array([[-0.88261408],
       [-0.14319077],
       [ 0.98478939]]), array([[ 0.02571158],
       [-0.70272303]]), array([[-0.04661162],
       [ 0.00169398],
       [ 0.32654732]])]
cost derivative:  [[ 0.83600246]
 [ 0.14488475]
 [-0.65824206]]
unit step:  1
delta:  [[ 0.83600246]
 [ 0.14488475]
 [-0.65824206]]
delta b updated:  [array([[ 0.01503287],
       [ 0.05847274]]), array([[ 0.83600246],
       [ 0.14488475],
       [-0.65824206]])]
delta w updated: [array([[-0.01326823, -0.00215257,  0.01480421],
       [-0.05160887, -0.00837276,  0.05758334]]), array([[ 0.02149494, -0.58747818],
       [ 0.00372522, -0.10181385],
       [-0.01692444,  0.46256186]])]
input:  [[-0.89286411]
 [-0.23476572]
 [ 0.92050079]]
activations:  [array([[-0.89286411],
       [-0.23476572],
       [ 0.92050079]]), array([[ 0.00757941],
       [-0.76009454]]), array([[-0.04741693],
       [ 0.01087383],
       [ 0.33729434]])]
cost derivative:  [[ 0.84544718]
 [ 0.24563955]
 [-0.58320644]]
unit step:  1
delta:  [[ 0.84544718]
 [ 0.24563955]
 [-0.58320644]]
delta b updated:  [array([[ 0.00427444],
       [ 0.0807257 ]]), array([[ 0.84544718],
       [ 0.24563955],
       [-0.58320644]])]
delta w updated: [array([[-0.0038165 , -0.00100349,  0.00393463],
       [-0.07207708, -0.01895163,  0.07430807]]), array([[ 0.00640799, -0.64261978],
       [ 0.0018618 , -0.18670928],
       [-0.00442036,  0.44329203]])]
input:  [[-0.89304525]
 [-0.30582081]
 [ 0.870739  ]]
activations:  [array([[-0.89304525],
       [-0.30582081],
       [ 0.870739  ]]), array([[-0.00455983],
       [-0.81043774]]), array([[-0.04338442],
       [ 0.0160243 ],
       [ 0.34891023]])]
cost derivative:  [[ 0.84966083]
 [ 0.32184512]
 [-0.52182876]]
unit step:  1
delta:  [[ 0.84966083]
 [ 0.32184512]
 [-0.52182876]]
delta b updated:  [array([[-0.00249507],
       [ 0.10052166]]), array([[ 0.84966083],
       [ 0.32184512],
       [-0.52182876]])]
delta w updated: [array([[ 0.00222821,  0.00076304, -0.00217255],
       [-0.08977039, -0.03074162,  0.08752813]]), array([[-0.00387431, -0.6885972 ],
       [-0.00146756, -0.26083543],
       [ 0.00237945,  0.42290972]])]
input:  [[ 0.69145814]
 [-1.11114508]
 [ 0.33149012]]
activations:  [array([[ 0.69145814],
       [-1.11114508],
       [ 0.33149012]]), array([[ 0.2504456 ],
       [-2.56363345]]), array([[ 0.97944124],
       [-0.31003004],
       [ 1.13125754]])]
cost derivative:  [[ 0.28798309]
 [ 0.80111503]
 [ 0.79976742]]
unit step:  1
delta:  [[ 0.28798309]
 [ 0.80111503]
 [ 0.79976742]]
delta b updated:  [array([[ 0.05615091],
       [ 0.88016418]]), array([[ 0.28798309],
       [ 0.80111503],
       [ 0.79976742]])]
delta w updated: [array([[ 0.038826  , -0.06239181,  0.01861347],
       [ 0.60859669, -0.97799009,  0.29176573]]), array([[ 0.0721241 , -0.73828309],
       [ 0.20063574, -2.0537653 ],
       [ 0.20029823, -2.05031051]])]
input:  [[ 0.66850921]
 [-1.10502797]
 [ 0.33541597]]
activations:  [array([[ 0.66850921],
       [-1.10502797],
       [ 0.33541597]]), array([[ 0.24575605],
       [-2.54299914]]), array([[ 0.9645082 ],
       [-0.30694965],
       [ 1.11906566]])]
cost derivative:  [[ 0.29599899]
 [ 0.79807832]
 [ 0.78364969]]
unit step:  1
delta:  [[ 0.29599899]
 [ 0.79807832]
 [ 0.78364969]]
delta b updated:  [array([[ 0.05588773],
       [ 0.86396493]]), array([[ 0.29599899],
       [ 0.79807832],
       [ 0.78364969]])]
delta w updated: [array([[ 0.03736147, -0.06175751,  0.01874564],
       [ 0.57756852, -0.95470541,  0.28978764]]), array([[ 0.07274354, -0.75272517],
       [ 0.19613258, -2.02951249],
       [ 0.19258665, -1.99282048]])]
input:  [[-0.23663819]
 [-0.35734895]
 [ 0.84489076]]
activations:  [array([[-0.23663819],
       [-0.35734895],
       [ 0.84489076]]), array([[ 0.14902513],
       [-1.33755304]]), array([[ 0.36142379],
       [-0.14233549],
       [ 0.62601125]])]
cost derivative:  [[ 0.59806198]
 [ 0.21501346]
 [-0.21887951]]
unit step:  1
delta:  [[ 0.59806198]
 [ 0.21501346]
 [-0.21887951]]
delta b updated:  [array([[ 0.07134711],
       [ 0.18931071]]), array([[ 0.59806198],
       [ 0.21501346],
       [-0.21887951]])]
delta w updated: [array([[-0.01688345, -0.02549582,  0.06028052],
       [-0.04479814, -0.06764998,  0.15994687]]), array([[ 0.08912626, -0.79993961],
       [ 0.03204241, -0.28759191],
       [-0.03261855,  0.29276295]])]
input:  [[-0.89352823]
 [-0.26187376]
 [ 0.90150702]]
activations:  [array([[-0.89352823],
       [-0.26187376],
       [ 0.90150702]]), array([[ 0.00271495],
       [-0.77969315]]), array([[-0.04774797],
       [ 0.01098809],
       [ 0.34077833]])]
cost derivative:  [[ 0.84578026]
 [ 0.27286185]
 [-0.56072869]]
unit step:  1
delta:  [[ 0.84578026]
 [ 0.27286185]
 [-0.56072869]]
delta b updated:  [array([[ 0.00151152],
       [ 0.08692559]]), array([[ 0.84578026],
       [ 0.27286185],
       [-0.56072869]])]
delta w updated: [array([[-0.00135059, -0.00039583,  0.00136265],
       [-0.07767046, -0.02276353,  0.07836403]]), array([[ 0.00229625, -0.65944907],
       [ 0.00074081, -0.21274852],
       [-0.00152235,  0.43719632]])]
input:  [[-0.55648726]
 [-0.09398864]
 [ 1.02433075]]
activations:  [array([[-0.55648726],
       [-0.09398864],
       [ 1.02433075]]), array([[ 0.11466866],
       [-0.91210401]]), array([[ 0.14762837],
       [-0.08368329],
       [ 0.45304633]])]
cost derivative:  [[ 0.70411564]
 [ 0.01030535]
 [-0.57128442]]
unit step:  1
delta:  [[ 0.70411564]
 [ 0.01030535]
 [-0.57128442]]
delta b updated:  [array([[ 0.06499116],
       [ 0.06540535]]), array([[ 0.70411564],
       [ 0.01030535],
       [-0.57128442]])]
delta w updated: [array([[-0.03616675, -0.00610843,  0.06657244],
       [-0.03639724, -0.00614736,  0.06699671]]), array([[ 0.08073999, -0.6422267 ],
       [ 0.0011817 , -0.00939955],
       [-0.06550842,  0.52107081]])]
input:  [[-0.2918166 ]
 [-0.30711228]
 [ 0.87921038]]
activations:  [array([[-0.2918166 ],
       [-0.30711228],
       [ 0.87921038]]), array([[ 0.1438321 ],
       [-1.26094169]]), array([[ 0.32275702],
       [-0.13284612],
       [ 0.5963277 ]])]
cost derivative:  [[ 0.61457363]
 [ 0.17426616]
 [-0.28288268]]
unit step:  1
delta:  [[ 0.61457363]
 [ 0.17426616]
 [-0.28288268]]
delta b updated:  [array([[ 0.07103373],
       [ 0.16083233]]), array([[ 0.61457363],
       [ 0.17426616],
       [-0.28288268]])]
delta w updated: [array([[-0.02072882, -0.02181533,  0.06245359],
       [-0.04693354, -0.04939358,  0.14140546]]), array([[ 0.08839541, -0.77494151],
       [ 0.02506507, -0.21973947],
       [-0.04068761,  0.35669856]])]
input:  [[ 0.1280158 ]
 [-0.70199809]
 [ 0.60922395]]
activations:  [array([[ 0.1280158 ],
       [-0.70199809],
       [ 0.60922395]]), array([[ 0.18046416],
       [-1.85462682]]), array([[ 0.60421046],
       [-0.20692369],
       [ 0.83245583]])]
cost derivative:  [[ 0.47619466]
 [ 0.4950744 ]
 [ 0.22323187]]
unit step:  1
delta:  [[ 0.47619466]
 [ 0.4950744 ]
 [ 0.22323187]]
delta b updated:  [array([[ 0.0658879 ],
       [ 0.42786623]]), array([[ 0.47619466],
       [ 0.4950744 ],
       [ 0.22323187]])]
delta w updated: [array([[ 0.00843469, -0.04625318,  0.04014048],
       [ 0.05477364, -0.30036128,  0.26066636]]), array([[ 0.08593607, -0.88316338],
       [ 0.08934319, -0.91817826],
       [ 0.04028535, -0.41401182]])]
input:  [[-0.88275463]
 [-0.44301392]
 [ 0.77482491]]
activations:  [array([[-0.88275463],
       [-0.44301392],
       [ 0.77482491]]), array([[-0.02558457],
       [-0.91679485]]), array([[-0.03137734],
       [ 0.02084786],
       [ 0.37482504]])]
cost derivative:  [[ 0.85137729]
 [ 0.46386178]
 [-0.39999987]]
unit step:  1
delta:  [[ 0.85137729]
 [ 0.46386178]
 [-0.39999987]]
delta b updated:  [array([[-0.01310336],
       [ 0.14279824]]), array([[ 0.85137729],
       [ 0.46386178],
       [-0.39999987]])]
delta w updated: [array([[ 0.01156706,  0.00580497, -0.01015281],
       [-0.12605581, -0.06326161,  0.11064363]]), array([[-0.02178212, -0.78053832],
       [-0.0118677 , -0.42526609],
       [ 0.01023382,  0.36671782]])]
input:  [[-0.88818223]
 [-0.38808078]
 [ 0.81320924]]
activations:  [array([[-0.88818223],
       [-0.38808078],
       [ 0.81320924]]), array([[-0.01756815],
       [-0.87387236]]), array([[-0.0386099 ],
       [ 0.01790663],
       [ 0.36412125]])]
cost derivative:  [[ 0.84957234]
 [ 0.40598741]
 [-0.44908799]]
unit step:  1
delta:  [[ 0.84957234]
 [ 0.40598741]
 [-0.44908799]]
delta b updated:  [array([[-0.00922833],
       [ 0.12364064]]), array([[ 0.84957234],
       [ 0.40598741],
       [-0.44908799]])]
delta w updated: [array([[ 0.00819644,  0.00358134, -0.00750456],
       [-0.10981542, -0.04798256,  0.10054571]]), array([[-0.01492542, -0.74241778],
       [-0.00713245, -0.35478117],
       [ 0.00788965,  0.39244558]])]
input:  [[-0.85040337]
 [-0.65782519]
 [ 0.62489984]]
activations:  [array([[-0.85040337],
       [-0.65782519],
       [ 0.62489984]]), array([[-0.0541161 ],
       [-1.09364817]]), array([[ 0.00095244],
       [ 0.02786107],
       [ 0.42305233]])]
cost derivative:  [[ 0.85135581]
 [ 0.68568625]
 [-0.20184752]]
unit step:  1
delta:  [[ 0.85135581]
 [ 0.68568625]
 [-0.20184752]]
delta b updated:  [array([[-0.02482483],
       [ 0.22900552]]), array([[ 0.85135581],
       [ 0.68568625],
       [-0.20184752]])]
delta w updated: [array([[ 0.02111112,  0.0163304 , -0.01551303],
       [-0.19474706, -0.1506456 ,  0.14310551]]), array([[-0.04607206, -0.93108373],
       [-0.03710667, -0.74989952],
       [ 0.0109232 ,  0.22075017]])]
input:  [[-0.78075027]
 [-0.98418159]
 [ 0.39744286]]
activations:  [array([[-0.78075027],
       [-0.98418159],
       [ 0.39744286]]), array([[-0.09239868],
       [-1.37748133]]), array([[ 0.06339524],
       [ 0.03374443],
       [ 0.50409182]])]
cost derivative:  [[ 0.84414551]
 [ 1.01792601]
 [ 0.10664896]]
unit step:  1
delta:  [[ 0.84414551]
 [ 1.01792601]
 [ 0.10664896]]
delta b updated:  [array([[-0.03476298],
       [ 0.40168454]]), array([[ 0.84414551],
       [ 1.01792601],
       [ 0.10664896]])]
delta w updated: [array([[ 0.0271412 ,  0.03421308, -0.0138163 ],
       [-0.31361531, -0.39533053,  0.15964665]]), array([[-0.07799793, -1.16279468],
       [-0.09405502, -1.40217407],
       [-0.00985422, -0.14690696]])]
input:  [[-0.89248299]
 [-0.32136112]
 [ 0.85986509]]
activations:  [array([[-0.89248299],
       [-0.32136112],
       [ 0.85986509]]), array([[-0.00722239],
       [-0.82391581]]), array([[-0.04674699],
       [ 0.0126589 ],
       [ 0.35226842]])]
cost derivative:  [[ 0.845736  ]
 [ 0.33402003]
 [-0.50759667]]
unit step:  1
delta:  [[ 0.845736  ]
 [ 0.33402003]
 [-0.50759667]]
delta b updated:  [array([[-0.00390781],
       [ 0.1015774 ]]), array([[ 0.845736  ],
       [ 0.33402003],
       [-0.50759667]])]
delta w updated: [array([[ 0.00348765,  0.00125582, -0.00336019],
       [-0.09065611, -0.03264303,  0.08734286]]), array([[-0.00610823, -0.69681526],
       [-0.00241242, -0.27520438],
       [ 0.00366606,  0.41821692]])]
input:  [[ 0.73415457]
 [-1.11607237]
 [ 0.32870542]]
activations:  [array([[ 0.73415457],
       [-1.11607237],
       [ 0.32870542]]), array([[ 0.2599664 ],
       [-2.60159678]]), array([[ 0.99570902],
       [-0.32976991],
       [ 1.14949427]])]
cost derivative:  [[ 0.26155445]
 [ 0.78630246]
 [ 0.82078886]]
unit step:  1
delta:  [[ 0.26155445]
 [ 0.78630246]
 [ 0.82078886]]
delta b updated:  [array([[ 0.05545564],
       [ 0.87926014]]), array([[ 0.26155445],
       [ 0.78630246],
       [ 0.82078886]])]
delta w updated: [array([[ 0.04071301, -0.0618925 ,  0.01822857],
       [ 0.64551285, -0.98131796,  0.28901757]]), array([[ 0.06799537, -0.68045921],
       [ 0.20441222, -2.04564196],
       [ 0.21337753, -2.13536165]])]
input:  [[ 0.09382361]
 [-0.66987231]
 [ 0.63118801]]
activations:  [array([[ 0.09382361],
       [-0.66987231],
       [ 0.63118801]]), array([[ 0.1774433 ],
       [-1.80775558]]), array([[ 0.57658195],
       [-0.2061137 ],
       [ 0.81309668]])]
cost derivative:  [[ 0.48275834]
 [ 0.46375862]
 [ 0.18190866]]
unit step:  1
delta:  [[ 0.48275834]
 [ 0.46375862]
 [ 0.18190866]]
delta b updated:  [array([[ 0.06625164],
       [ 0.39555491]]), array([[ 0.48275834],
       [ 0.46375862],
       [ 0.18190866]])]
delta w updated: [array([[ 0.00621597, -0.04438014,  0.04181724],
       [ 0.03711239, -0.26497128,  0.24966952]]), array([[ 0.08566223, -0.87270908],
       [ 0.08229086, -0.83836223],
       [ 0.03227847, -0.3288464 ]])]
input:  [[ 0.22934215]
 [-0.7953239 ]
 [ 0.54544921]]
activations:  [array([[ 0.22934215],
       [-0.7953239 ],
       [ 0.54544921]]), array([[ 0.18957643],
       [-1.99822252]]), array([[ 0.66641661],
       [-0.23122764],
       [ 0.88862536]])]
cost derivative:  [[ 0.43707446]
 [ 0.56409626]
 [ 0.34317615]]
unit step:  1
delta:  [[ 0.43707446]
 [ 0.56409626]
 [ 0.34317615]]
delta b updated:  [array([[ 0.06287777],
       [ 0.50105787]]), array([[ 0.43707446],
       [ 0.56409626],
       [ 0.34317615]])]
delta w updated: [array([[ 0.01442052, -0.0500082 ,  0.03429663],
       [ 0.11491369, -0.39850329,  0.27330162]]), array([[ 0.08285901, -0.87337202],
       [ 0.10693935, -1.12718984],
       [ 0.06505811, -0.6857423 ]])]
input:  [[ 0.8615769 ]
 [-1.00628655]
 [ 0.40757408]]
activations:  [array([[ 0.8615769 ],
       [-1.00628655],
       [ 0.40757408]]), array([[ 0.31002642],
       [-2.62018602]]), array([[ 1.06459072],
       [-0.37304196],
       [ 1.1816479 ]])]
cost derivative:  [[ 0.20301382]
 [ 0.63324459]
 [ 0.77407382]]
unit step:  1
delta:  [[ 0.20301382]
 [ 0.63324459]
 [ 0.77407382]]
delta b updated:  [array([[ 0.07023824],
       [ 0.80782701]]), array([[ 0.20301382],
       [ 0.63324459],
       [ 0.77407382]])]
delta w updated: [array([[ 0.06051564, -0.0706798 ,  0.02862729],
       [ 0.69600509, -0.81290546,  0.32924936]]), array([[ 0.06293965, -0.53193397],
       [ 0.19632255, -1.65921861],
       [ 0.23998333, -2.0282174 ]])]
input:  [[-0.38826665]
 [-0.22284173]
 [ 0.93671988]]
activations:  [array([[-0.38826665],
       [-0.22284173],
       [ 0.93671988]]), array([[ 0.13415917],
       [-1.13138366]]), array([[ 0.25341587],
       [-0.12127047],
       [ 0.54217557]])]
cost derivative:  [[ 0.64168253]
 [ 0.10157126]
 [-0.39454431]]
unit step:  1
delta:  [[ 0.64168253]
 [ 0.10157126]
 [-0.39454431]]
delta b updated:  [array([[ 0.06967197],
       [ 0.11520971]]), array([[ 0.64168253],
       [ 0.10157126],
       [-0.39454431]])]
delta w updated: [array([[-0.0270513 , -0.01552582,  0.06526312],
       [-0.04473209, -0.02567353,  0.10791923]]), array([[ 0.08608759, -0.72598912],
       [ 0.01362672, -0.11491606],
       [-0.05293174,  0.44638099]])]
input:  [[-0.6841651 ]
 [-0.02576757]
 [ 1.07011403]]
activations:  [array([[-0.6841651 ],
       [-0.02576757],
       [ 1.07011403]]), array([[ 0.09445981],
       [-0.7705749 ]]), array([[ 0.06029687],
       [-0.06210838],
       [ 0.38961789]])]
cost derivative:  [[ 0.74446197]
 [-0.03634081]
 [-0.68049613]]
unit step:  1
delta:  [[ 0.74446197]
 [-0.03634081]
 [-0.68049613]]
delta b updated:  [array([[ 0.05582542],
       [ 0.03860021]]), array([[ 0.74446197],
       [-0.03634081],
       [-0.68049613]])]
delta w updated: [array([[-0.0381938 , -0.00143849,  0.05973956],
       [-0.02640891, -0.00099463,  0.04130662]]), array([[ 0.07032174, -0.57366371],
       [-0.00343275,  0.02800332],
       [-0.06427954,  0.52437324]])]
input:  [[-0.54721097]
 [-0.10021561]
 [ 1.02011474]]
activations:  [array([[-0.54721097],
       [-0.10021561],
       [ 1.02011474]]), array([[ 0.11561962],
       [-0.92572868]]), array([[ 0.14793577],
       [-0.09063699],
       [ 0.45808057]])]
cost derivative:  [[ 0.69514674]
 [ 0.00957862]
 [-0.56203417]]
unit step:  1
delta:  [[ 0.69514674]
 [ 0.00957862]
 [-0.56203417]]
delta b updated:  [array([[ 0.06487146],
       [ 0.06431081]]), array([[ 0.69514674],
       [ 0.00957862],
       [-0.56203417]])]
delta w updated: [array([[-0.03549837, -0.00650113,  0.06617633],
       [-0.03519158, -0.00644495,  0.06560441]]), array([[ 0.0803726 , -0.64351727],
       [ 0.00110748, -0.0088672 ],
       [-0.06498218,  0.52029114]])]
input:  [[-0.36720003]
 [-0.24077752]
 [ 0.9244882 ]]
activations:  [array([[-0.36720003],
       [-0.24077752],
       [ 0.9244882 ]]), array([[ 0.13618057],
       [-1.16000696]]), array([[ 0.26580432],
       [-0.12518293],
       [ 0.5547829 ]])]
cost derivative:  [[ 0.63300435]
 [ 0.11559459]
 [-0.3697053 ]]
unit step:  1
delta:  [[ 0.63300435]
 [ 0.11559459]
 [-0.3697053 ]]
delta b updated:  [array([[ 0.06969776],
       [ 0.12253745]]), array([[ 0.63300435],
       [ 0.11559459],
       [-0.3697053 ]])]
delta w updated: [array([[-0.02559302, -0.01678165,  0.06443476],
       [-0.04499576, -0.02950426,  0.11328443]]), array([[ 0.08620289, -0.73428945],
       [ 0.01574174, -0.13409053],
       [-0.05034668,  0.42886072]])]
input:  [[-0.79480844]
 [-0.92433828]
 [ 0.43913113]]
activations:  [array([[-0.79480844],
       [-0.92433828],
       [ 0.43913113]]), array([[-0.0859693 ],
       [-1.32656527]]), array([[ 0.04629254],
       [ 0.02826252],
       [ 0.48811429]])]
cost derivative:  [[ 0.84110098]
 [ 0.9526008 ]
 [ 0.04898316]]
unit step:  1
delta:  [[ 0.84110098]
 [ 0.9526008 ]
 [ 0.04898316]]
delta b updated:  [array([[-0.03336747],
       [ 0.35833139]]), array([[ 0.84110098],
       [ 0.9526008 ],
       [ 0.04898316]])]
delta w updated: [array([[ 0.02652074,  0.03084283, -0.01465269],
       [-0.28480481, -0.33121942,  0.15735447]]), array([[-0.07230886, -1.11577535],
       [-0.08189442, -1.26368714],
       [-0.00421105, -0.06497936]])]
input:  [[-0.88785181]
 [-0.17443756]
 [ 0.96282598]]
activations:  [array([[-0.88785181],
       [-0.17443756],
       [ 0.96282598]]), array([[ 0.01864298],
       [-0.72461908]]), array([[-0.0565344 ],
       [-0.00201611],
       [ 0.33052401]])]
cost derivative:  [[ 0.83131741]
 [ 0.17242145]
 [-0.63230197]]
unit step:  1
delta:  [[ 0.83131741]
 [ 0.17242145]
 [-0.63230197]]
delta b updated:  [array([[ 0.01067582],
       [ 0.0604253 ]]), array([[ 0.83131741],
       [ 0.17242145],
       [-0.63230197]])]
delta w updated: [array([[-0.00947854, -0.00186226,  0.01027895],
       [-0.05364871, -0.01054044,  0.05817905]]), array([[ 0.01549823, -0.60238846],
       [ 0.00321445, -0.12493987],
       [-0.01178799,  0.45817807]])]
input:  [[-0.85738571]
 [-0.07055587]
 [ 1.03604809]]
activations:  [array([[-0.85738571],
       [-0.07055587],
       [ 1.03604809]]), array([[ 0.04384589],
       [-0.67360071]]), array([[-0.04468433],
       [-0.01688155],
       [ 0.32683314]])]
cost derivative:  [[ 0.81270137]
 [ 0.05367432]
 [-0.70921495]]
unit step:  1
delta:  [[ 0.81270137]
 [ 0.05367432]
 [-0.70921495]]
delta b updated:  [array([[ 0.02604957],
       [ 0.03890852]]), array([[ 0.81270137],
       [ 0.05367432],
       [-0.70921495]])]
delta w updated: [array([[-0.02233453, -0.00183795,  0.02698861],
       [-0.03335961, -0.00274522,  0.0403111 ]]), array([[ 0.03563361, -0.54743622],
       [ 0.0023534 , -0.03615506],
       [-0.03109616,  0.47772769]])]
input:  [[ 0.85956852]
 [-0.52593896]
 [ 0.74392399]]
activations:  [array([[ 0.85956852],
       [-0.52593896],
       [ 0.74392399]]), array([[ 0.39109913],
       [-2.27851269]]), array([[ 1.02794358],
       [-0.40960598],
       [ 1.10604302]])]
cost derivative:  [[ 0.16837505]
 [ 0.11633298]
 [ 0.36211903]]
unit step:  1
delta:  [[ 0.16837505]
 [ 0.11633298]
 [ 0.36211903]]
delta b updated:  [array([[ 0.13111498],
       [ 0.4267835 ]]), array([[ 0.16837505],
       [ 0.11633298],
       [ 0.36211903]])]
delta w updated: [array([[ 0.11270231, -0.06895848,  0.09753958],
       [ 0.36684967, -0.22446207,  0.31749449]]), array([[ 0.06585134, -0.38364469],
       [ 0.04549773, -0.26506618],
       [ 0.14162443, -0.8250928 ]])]
input:  [[ 0.81540173]
 [-0.27239952]
 [ 0.92078564]]
activations:  [array([[ 0.81540173],
       [-0.27239952],
       [ 0.92078564]]), array([[ 0.42320131],
       [-2.06576903]]), array([[ 0.98539269],
       [-0.41654949],
       [ 1.04680061]])]
cost derivative:  [[ 0.16999095]
 [-0.14414996]
 [ 0.12601497]]
unit step:  1
delta:  [[ 0.16999095]
 [-0.14414996]
 [ 0.12601497]]
delta b updated:  [array([[ 0.16849005],
       [ 0.25593119]]), array([[ 0.16999095],
       [-0.14414996],
       [ 0.12601497]])]
delta w updated: [array([[ 0.13738708, -0.04589661,  0.15514322],
       [ 0.20868673, -0.06971553,  0.23565776]]), array([[ 0.07194039, -0.35116205],
       [-0.06100445,  0.29778053],
       [ 0.0533297 , -0.26031782]])]
input:  [[ 0.87519723]
 [-0.65344906]
 [ 0.65487403]]
activations:  [array([[ 0.87519723],
       [-0.65344906],
       [ 0.65487403]]), array([[ 0.37301695],
       [-2.3813538 ]]), array([[ 1.0443584 ],
       [-0.40439387],
       [ 1.13182269]])]
cost derivative:  [[ 0.16916117]
 [ 0.24905519]
 [ 0.47694866]]
unit step:  1
delta:  [[ 0.16916117]
 [ 0.24905519]
 [ 0.47694866]]
delta b updated:  [array([[ 0.11268634],
       [ 0.51922849]]), array([[ 0.16916117],
       [ 0.24905519],
       [ 0.47694866]])]
delta w updated: [array([[ 0.09862277, -0.07363478,  0.07379536],
       [ 0.45442734, -0.33928937,  0.34002926]]), array([[ 0.06309998, -0.40283259],
       [ 0.09290181, -0.59308852],
       [ 0.17790994, -1.13578349]])]
input:  [[ 0.29539115]
 [-0.85396583]
 [ 0.50541302]]
activations:  [array([[ 0.29539115],
       [-0.85396583],
       [ 0.50541302]]), array([[ 0.19543283],
       [-2.09138113]]), array([[ 0.70321725],
       [-0.24756475],
       [ 0.92453466]])]
cost derivative:  [[ 0.4078261 ]
 [ 0.60640108]
 [ 0.41912164]]
unit step:  1
delta:  [[ 0.4078261 ]
 [ 0.60640108]
 [ 0.41912164]]
delta b updated:  [array([[ 0.05973642],
       [ 0.54575667]]), array([[ 0.4078261 ],
       [ 0.60640108],
       [ 0.41912164]])]
delta w updated: [array([[ 0.01764561, -0.05101286,  0.03019157],
       [ 0.16121169, -0.46605755,  0.27583253]]), array([[ 0.07970261, -0.85291981],
       [ 0.11851068, -1.26821577],
       [ 0.08191013, -0.87654309]])]
input:  [[ 0.88430752]
 [-0.82759425]
 [ 0.53306447]]
activations:  [array([[ 0.88430752],
       [-0.82759425],
       [ 0.53306447]]), array([[ 0.34549854],
       [-2.51274929]]), array([[ 1.05929831],
       [-0.3963279 ],
       [ 1.16151323]])]
cost derivative:  [[ 0.17499079]
 [ 0.43126635]
 [ 0.62844876]]
unit step:  1
delta:  [[ 0.17499079]
 [ 0.43126635]
 [ 0.62844876]]
delta b updated:  [array([[ 0.08951588],
       [ 0.65165954]]), array([[ 0.17499079],
       [ 0.43126635],
       [ 0.62844876]])]
delta w updated: [array([[ 0.07915957, -0.07408283,  0.04771774],
       [ 0.57626743, -0.53930968,  0.34737655]]), array([[ 0.06045906, -0.43970799],
       [ 0.14900189, -1.08366421],
       [ 0.21712813, -1.57913418]])]
input:  [[-0.84182799]
 [-0.0479054 ]
 [ 1.05215254]]
activations:  [array([[-0.84182799],
       [-0.0479054 ],
       [ 1.05215254]]), array([[ 0.05131524],
       [-0.67001592]]), array([[-0.03783329],
       [-0.0233082 ],
       [ 0.32842879]])]
cost derivative:  [[ 0.80399469]
 [ 0.0245972 ]
 [-0.72372375]]
unit step:  1
delta:  [[ 0.80399469]
 [ 0.0245972 ]
 [-0.72372375]]
delta b updated:  [array([[ 0.03061422],
       [ 0.03462722]]), array([[ 0.80399469],
       [ 0.0245972 ],
       [-0.72372375]])]
delta w updated: [array([[-0.02577191, -0.00146659,  0.03221083],
       [-0.02915016, -0.00165883,  0.03643312]]), array([[ 0.04125718, -0.53868924],
       [ 0.00126221, -0.01648051],
       [-0.03713806,  0.48490643]])]
input:  [[-0.20310013]
 [-0.38840343]
 [ 0.82366671]]
activations:  [array([[-0.20310013],
       [-0.38840343],
       [ 0.82366671]]), array([[ 0.15127552],
       [-1.38908121]]), array([[ 0.37060895],
       [-0.15813918],
       [ 0.64488639]])]
cost derivative:  [[ 0.57370907]
 [ 0.23026425]
 [-0.17878033]]
unit step:  1
delta:  [[ 0.57370907]
 [ 0.23026425]
 [-0.17878033]]
delta b updated:  [array([[ 0.06940803],
       [ 0.19535926]]), array([[ 0.57370907],
       [ 0.23026425],
       [-0.17878033]])]
delta w updated: [array([[-0.01409678, -0.02695832,  0.05716908],
       [-0.03967749, -0.07587821,  0.16091092]]), array([[ 0.08678814, -0.79692849],
       [ 0.03483334, -0.31985574],
       [-0.02704509,  0.2483404 ]])]
input:  [[-0.81885068]
 [-0.02741125]
 [ 1.06686264]]
activations:  [array([[-0.81885068],
       [-0.02741125],
       [ 1.06686264]]), array([[ 0.06040715],
       [-0.67277808]]), array([[-0.0258779 ],
       [-0.03053818],
       [ 0.33509027]])]
cost derivative:  [[ 0.79297278]
 [-0.00312693]
 [-0.73177237]]
unit step:  1
delta:  [[ 0.79297278]
 [-0.00312693]
 [-0.73177237]]
delta b updated:  [array([[ 0.03616499],
       [ 0.03111179]]), array([[ 0.79297278],
       [-0.00312693],
       [-0.73177237]])]
delta w updated: [array([[-0.02961372, -0.00099133,  0.03858307],
       [-0.02547591, -0.00085281,  0.03319201]]), array([[  4.79012283e-02,  -5.33494709e-01],
       [ -1.88889187e-04,   2.10373272e-03],
       [ -4.42042855e-02,   4.92320411e-01]])]
input:  [[ 0.63635401]
 [-1.09331501]
 [ 0.34311697]]
activations:  [array([[ 0.63635401],
       [-1.09331501],
       [ 0.34311697]]), array([[ 0.23884162],
       [-2.51712824]]), array([[ 0.9217539 ],
       [-0.31788827],
       [ 1.10210417]])]
cost derivative:  [[ 0.28539989]
 [ 0.77542674]
 [ 0.7589872 ]]
unit step:  1
delta:  [[ 0.28539989]
 [ 0.77542674]
 [ 0.7589872 ]]
delta b updated:  [array([[ 0.05161342],
       [ 0.80667702]]), array([[ 0.28539989],
       [ 0.77542674],
       [ 0.7589872 ]])]
delta w updated: [array([[ 0.03284441, -0.05642973,  0.01770944],
       [ 0.51333215, -0.8819521 ,  0.27678457]]), array([[ 0.06816537, -0.71838813],
       [ 0.18520418, -1.95184855],
       [ 0.18127773, -1.91046812]])]
input:  [[ 0.70617593]
 [-1.1138955 ]
 [ 0.32979354]]
activations:  [array([[ 0.70617593],
       [-1.1138955 ],
       [ 0.32979354]]), array([[ 0.25255668],
       [-2.58464788]]), array([[ 0.96493317],
       [-0.33576729],
       [ 1.13236542]])]
cost derivative:  [[ 0.25875724]
 [ 0.77812821]
 [ 0.80257187]]
unit step:  1
delta:  [[ 0.25875724]
 [ 0.77812821]
 [ 0.80257187]]
delta b updated:  [array([[ 0.05172287],
       [ 0.8386693 ]]), array([[ 0.25875724],
       [ 0.77812821],
       [ 0.80257187]])]
delta w updated: [array([[ 0.03652545, -0.05761387,  0.01705787],
       [ 0.59224808, -0.93418997,  0.27658772]]), array([[ 0.06535087, -0.66879635],
       [ 0.19652148, -2.01118744],
       [ 0.20269489, -2.0743657 ]])]
input:  [[ 0.85550694]
 [-1.02321488]
 [ 0.39562474]]
activations:  [array([[ 0.85550694],
       [-1.02321488],
       [ 0.39562474]]), array([[ 0.30485914],
       [-2.63253843]]), array([[ 1.0498688 ],
       [-0.38116958],
       [ 1.17739986]])]
cost derivative:  [[ 0.19436186]
 [ 0.6420453 ]
 [ 0.78177513]]
unit step:  1
delta:  [[ 0.19436186]
 [ 0.6420453 ]
 [ 0.78177513]]
delta b updated:  [array([[ 0.06486488],
       [ 0.79571424]]), array([[ 0.19436186],
       [ 0.6420453 ],
       [ 0.78177513]])]
delta w updated: [array([[ 0.05549236, -0.06637071,  0.02566215],
       [ 0.68073906, -0.81418665,  0.31480424]]), array([[ 0.05925299, -0.51166506],
       [ 0.19573338, -1.69020891],
       [ 0.23833129, -2.05805306]])]
input:  [[-0.62740077]
 [-0.05140675]
 [ 1.05304444]]
activations:  [array([[-0.62740077],
       [-0.05140675],
       [ 1.05304444]]), array([[ 0.10357507],
       [-0.83363301]]), array([[ 0.09097051],
       [-0.078689  ],
       [ 0.41561982]])]
cost derivative:  [[ 0.71837128]
 [-0.02728225]
 [-0.63742463]]
unit step:  1
delta:  [[ 0.71837128]
 [-0.02728225]
 [-0.63742463]]
delta b updated:  [array([[ 0.05959887],
       [ 0.04481364]]), array([[ 0.71837128],
       [-0.02728225],
       [-0.63742463]])]
delta w updated: [array([[-0.03739238, -0.00306378,  0.06276026],
       [-0.02811611, -0.00230372,  0.04719075]]), array([[ 0.07440535, -0.59885801],
       [-0.00282576,  0.02274338],
       [-0.0660213 ,  0.53137821]])]
input:  [[-0.73538449]
 [-0.01234762]
 [ 1.07871312]]
activations:  [array([[-0.73538449],
       [-0.01234762],
       [ 1.07871312]]), array([[ 0.08347479],
       [-0.72517551]]), array([[ 0.0226093 ],
       [-0.05434049],
       [ 0.36560569]])]
cost derivative:  [[ 0.75799379]
 [-0.04199288]
 [-0.71310742]]
unit step:  1
delta:  [[ 0.75799379]
 [-0.04199288]
 [-0.71310742]]
delta b updated:  [array([[ 0.04957432],
       [ 0.03121472]]), array([[ 0.75799379],
       [-0.04199288],
       [-0.71310742]])]
delta w updated: [array([[-0.03645619, -0.00061212,  0.05347647],
       [-0.02295482, -0.00038543,  0.03367173]]), array([[ 0.06327337, -0.54967853],
       [-0.00350535,  0.03045221],
       [-0.05952649,  0.51712804]])]
input:  [[ 0.7843778 ]
 [-0.12539678]
 [ 1.02324597]]
activations:  [array([[ 0.7843778 ],
       [-0.12539678],
       [ 1.02324597]]), array([[ 0.43994844],
       [-1.94152798]]), array([[ 0.95180046],
       [-0.4258163 ],
       [ 1.0061031 ]])]
cost derivative:  [[ 0.16742265]
 [-0.30041952]
 [-0.01714287]]
unit step:  1
delta:  [[ 0.16742265]
 [-0.30041952]
 [-0.01714287]]
delta b updated:  [array([[ 0.18941075],
       [ 0.16407447]]), array([[ 0.16742265],
       [-0.30041952],
       [-0.01714287]])]
delta w updated: [array([[ 0.14856959, -0.0237515 ,  0.19381379],
       [ 0.12869637, -0.02057441,  0.16788854]]), array([[ 0.07365734, -0.32505576],
       [-0.1321691 ,  0.5832729 ],
       [-0.00754198,  0.03328335]])]
input:  [[ 0.67627288]
 [-1.10732743]
 [ 0.33392676]]
activations:  [array([[ 0.67627288],
       [-1.10732743],
       [ 0.33392676]]), array([[ 0.24600952],
       [-2.55931733]]), array([[ 0.94368536],
       [-0.33170768],
       [ 1.11680913]])]
cost derivative:  [[ 0.26741248]
 [ 0.77561975]
 [ 0.78288238]]
unit step:  1
delta:  [[ 0.26741248]
 [ 0.77561975]
 [ 0.78288238]]
delta b updated:  [array([[ 0.05075763],
       [ 0.81682829]]), array([[ 0.26741248],
       [ 0.77561975],
       [ 0.78288238]])]
delta w updated: [array([[ 0.03432601, -0.05620531,  0.01694933],
       [ 0.55239882, -0.90449637,  0.27276082]]), array([[ 0.06578601, -0.68439338],
       [ 0.19080984, -1.98505707],
       [ 0.19259652, -2.00364443]])]
input:  [[ 0.86696128]
 [-0.9878016 ]
 [ 0.42060282]]
activations:  [array([[ 0.86696128],
       [-0.9878016 ],
       [ 0.42060282]]), array([[ 0.31343286],
       [-2.61760016]]), array([[ 1.05195377],
       [-0.38938765],
       [ 1.17424361]])]
cost derivative:  [[ 0.18499249]
 [ 0.59841394]
 [ 0.75364079]]
unit step:  1
delta:  [[ 0.18499249]
 [ 0.59841394]
 [ 0.75364079]]
delta b updated:  [array([[ 0.06813181],
       [ 0.76085715]]), array([[ 0.18499249],
       [ 0.59841394],
       [ 0.75364079]])]
delta w updated: [array([[ 0.05906764, -0.06730071,  0.02865643],
       [ 0.65963369, -0.75157591,  0.32001867]]), array([[ 0.05798273, -0.48423637],
       [ 0.1875626 , -1.56640844],
       [ 0.23621579, -1.97273025]])]
input:  [[-0.87575982]
 [-0.11553038]
 [ 1.00426649]]
activations:  [array([[-0.87575982],
       [-0.11553038],
       [ 1.00426649]]), array([[ 0.03104757],
       [-0.6941893 ]]), array([[-0.05748693],
       [-0.01328424],
       [ 0.32345044]])]
cost derivative:  [[ 0.81827289]
 [ 0.10224614]
 [-0.68081605]]
unit step:  1
delta:  [[ 0.81827289]
 [ 0.10224614]
 [-0.68081605]]
delta b updated:  [array([[ 0.01803733],
       [ 0.04579262]]), array([[ 0.81827289],
       [ 0.10224614],
       [-0.68081605]])]
delta w updated: [array([[-0.01579636, -0.00208386,  0.01811428],
       [-0.04010334, -0.00529044,  0.045988  ]]), array([[ 0.02540538, -0.56803628],
       [ 0.00317449, -0.07097818],
       [-0.02113768,  0.47261522]])]
input:  [[ 0.88431089]
 [-0.8122521 ]
 [ 0.54380843]]
activations:  [array([[ 0.88431089],
       [-0.8122521 ],
       [ 0.54380843]]), array([[ 0.34751988],
       [-2.50638421]]), array([[ 1.05110869],
       [-0.40717025],
       [ 1.15261618]])]
cost derivative:  [[ 0.1667978 ]
 [ 0.40508185]
 [ 0.60880775]]
unit step:  1
delta:  [[ 0.1667978 ]
 [ 0.40508185]
 [ 0.60880775]]
delta b updated:  [array([[ 0.0892022 ],
       [ 0.62073083]]), array([[ 0.1667978 ],
       [ 0.40508185],
       [ 0.60880775]])]
delta w updated: [array([[ 0.07888248, -0.07245468,  0.04850891],
       [ 0.54891903, -0.50418992,  0.33755866]]), array([[ 0.05796555, -0.41805937],
       [ 0.140774  , -1.01529076],
       [ 0.21157279, -1.52590613]])]
input:  [[-0.8608687 ]
 [-0.07711913]
 [ 1.03139762]]
activations:  [array([[-0.8608687 ],
       [-0.07711913],
       [ 1.03139762]]), array([[ 0.04122138],
       [-0.67820929]]), array([[-0.05123068],
       [-0.01998534],
       [ 0.32334001]])]
cost derivative:  [[ 0.80963801]
 [ 0.05713379]
 [-0.7080576 ]]
unit step:  1
delta:  [[ 0.80963801]
 [ 0.05713379]
 [-0.7080576 ]]
delta b updated:  [array([[ 0.02425066],
       [ 0.03846143]]), array([[ 0.80963801],
       [ 0.05713379],
       [-0.7080576 ]])]
delta w updated: [array([[-0.02087663, -0.00187019,  0.02501207],
       [-0.03311024, -0.00296611,  0.03966903]]), array([[ 0.03337439, -0.54910403],
       [ 0.00235513, -0.03874867],
       [-0.02918711,  0.48021125]])]
input:  [[ 0.53025033]
 [-1.03611129]
 [ 0.38152138]]
activations:  [array([[ 0.53025033],
       [-1.03611129],
       [ 0.38152138]]), array([[ 0.22183488],
       [-2.40145124]]), array([[ 0.84839675],
       [-0.30457602],
       [ 1.04242266]])]
cost derivative:  [[ 0.31814641]
 [ 0.73153527]
 [ 0.66090128]]
unit step:  1
delta:  [[ 0.31814641]
 [ 0.73153527]
 [ 0.66090128]]
delta b updated:  [array([[ 0.05199363],
       [ 0.71190797]]), array([[ 0.31814641],
       [ 0.73153527],
       [ 0.66090128]])]
delta w updated: [array([[ 0.02756964, -0.05387118,  0.01983668],
       [ 0.37748944, -0.73761588,  0.27160811]]), array([[ 0.07057597, -0.7640131 ],
       [ 0.16228004, -1.75674627],
       [ 0.14661096, -1.5871222 ]])]
input:  [[ 0.76625553]
 [-1.11224554]
 [ 0.33188589]]
activations:  [array([[ 0.76625553],
       [-1.11224554],
       [ 0.33188589]]), array([[ 0.26716218],
       [-2.6328204 ]]), array([[ 0.99542679],
       [-0.36044622],
       [ 1.1493468 ]])]
cost derivative:  [[ 0.22917126]
 [ 0.75179932]
 [ 0.81746091]]
unit step:  1
delta:  [[ 0.22917126]
 [ 0.75179932]
 [ 0.81746091]]
delta b updated:  [array([[ 0.05201289],
       [ 0.82973673]]), array([[ 0.22917126],
       [ 0.75179932],
       [ 0.81746091]])]
delta w updated: [array([[ 0.03985517, -0.05785111,  0.01726235],
       [ 0.63579036, -0.92287098,  0.27537792]]), array([[ 0.06122589, -0.60336676],
       [ 0.20085234, -1.97935259],
       [ 0.21839464, -2.15222775]])]
input:  [[-0.89329364]
 [-0.24810329]
 [ 0.91115396]]
activations:  [array([[-0.89329364],
       [-0.24810329],
       [ 0.91115396]]), array([[ 0.00405588],
       [-0.77621009]]), array([[-0.06168166],
       [-0.00195502],
       [ 0.33597935]])]
cost derivative:  [[ 0.83161198]
 [ 0.24614827]
 [-0.57517461]]
unit step:  1
delta:  [[ 0.83161198]
 [ 0.24614827]
 [-0.57517461]]
delta b updated:  [array([[ 0.00223122],
       [ 0.0746464 ]]), array([[ 0.83161198],
       [ 0.24614827],
       [-0.57517461]])]
delta w updated: [array([[-0.00199313, -0.00055357,  0.00203298],
       [-0.06668115, -0.01852002,  0.06801436]]), array([[ 0.00337291, -0.64550561],
       [ 0.00099835, -0.19106277],
       [-0.00233284,  0.44645633]])]
input:  [[-0.45000473]
 [-0.17220518]
 [ 0.97121724]]
activations:  [array([[-0.45000473],
       [-0.17220518],
       [ 0.97121724]]), array([[ 0.12651923],
       [-1.05395995]]), array([[ 0.20220802],
       [-0.11859085],
       [ 0.50518113]])]
cost derivative:  [[ 0.65221275]
 [ 0.05361433]
 [-0.46603611]]
unit step:  1
delta:  [[ 0.65221275]
 [ 0.05361433]
 [-0.46603611]]
delta b updated:  [array([[ 0.06678496],
       [ 0.08652033]]), array([[ 0.65221275],
       [ 0.05361433],
       [-0.46603611]])]
delta w updated: [array([[-0.03005355, -0.01150072,  0.0648627 ],
       [-0.03893456, -0.01489925,  0.08403003]]), array([[ 0.08251746, -0.68740612],
       [ 0.00678324, -0.05650735],
       [-0.05896253,  0.49118339]])]
input:  [[-0.14663269]
 [-0.44135029]
 [ 0.78746928]]
activations:  [array([[-0.14663269],
       [-0.44135029],
       [ 0.78746928]]), array([[ 0.15564415],
       [-1.47273093]]), array([[ 0.40118744],
       [-0.17722725],
       [ 0.67133842]])]
cost derivative:  [[ 0.54782013]
 [ 0.26412304]
 [-0.11613086]]
unit step:  1
delta:  [[ 0.54782013]
 [ 0.26412304]
 [-0.11613086]]
delta b updated:  [array([[ 0.06782905],
       [ 0.21744656]]), array([[ 0.54782013],
       [ 0.26412304],
       [-0.11613086]])]
delta w updated: [array([[-0.00994596, -0.02993637,  0.05341329],
       [-0.03188477, -0.0959701 ,  0.17123248]]), array([[ 0.085265  , -0.80679165],
       [ 0.0411092 , -0.38898217],
       [-0.01807509,  0.17102951]])]
input:  [[-0.86733502]
 [-0.09135316]
 [ 1.02132887]]
activations:  [array([[-0.86733502],
       [-0.09135316],
       [ 1.02132887]]), array([[ 0.03704731],
       [-0.68427754]]), array([[-0.05627453],
       [-0.01907985],
       [ 0.3227555 ]])]
cost derivative:  [[ 0.8110605 ]
 [ 0.07227331]
 [-0.69857337]]
unit step:  1
delta:  [[ 0.8110605 ]
 [ 0.07227331]
 [-0.69857337]]
delta b updated:  [array([[ 0.02163968],
       [ 0.04012666]]), array([[ 0.8110605 ],
       [ 0.07227331],
       [-0.69857337]])]
delta w updated: [array([[-0.01876886, -0.00197685,  0.02210123],
       [-0.03480325, -0.0036657 ,  0.04098251]]), array([[ 0.03004761, -0.55499048],
       [ 0.00267753, -0.049455  ],
       [-0.02588026,  0.47801807]])]
input:  [[-0.77443049]
 [-0.01156442]
 [ 1.07865268]]
activations:  [array([[-0.77443049],
       [-0.01156442],
       [ 1.07865268]]), array([[ 0.07356536],
       [-0.69701427]]), array([[-0.00501769],
       [-0.04772245],
       [ 0.3485117 ]])]
cost derivative:  [[ 0.76941279]
 [-0.03615803]
 [-0.73014099]]
unit step:  1
delta:  [[ 0.76941279]
 [-0.03615803]
 [-0.73014099]]
delta b updated:  [array([[ 0.04372608],
       [ 0.02824888]]), array([[ 0.76941279],
       [-0.03615803],
       [-0.73014099]])]
delta w updated: [array([[-0.03386281, -0.00050567,  0.04716526],
       [-0.0218768 , -0.00032668,  0.03047073]]), array([[ 0.05660213, -0.5362917 ],
       [-0.00265998,  0.02520266],
       [-0.05371308,  0.50891869]])]
input:  [[-0.88923054]
 [-0.18566798]
 [ 0.95493997]]
activations:  [array([[-0.88923054],
       [-0.18566798],
       [ 0.95493997]]), array([[ 0.01552692],
       [-0.73512409]]), array([[-0.06492917],
       [-0.00735736],
       [ 0.32928897]])]
cost derivative:  [[ 0.82430137]
 [ 0.17831062]
 [-0.625651  ]]
unit step:  1
delta:  [[ 0.82430137]
 [ 0.17831062]
 [-0.625651  ]]
delta b updated:  [array([[ 0.00873967],
       [ 0.05876523]]), array([[ 0.82430137],
       [ 0.17831062],
       [-0.625651  ]])]
delta w updated: [array([[-0.00777158, -0.00162268,  0.00834586],
       [-0.05225584, -0.01091082,  0.05611727]]), array([[ 0.01279886, -0.60596379],
       [ 0.00276861, -0.13108043],
       [-0.00971443,  0.45993112]])]
input:  [[ 0.52081854]
 [-1.02999117]
 [ 0.38566014]]
activations:  [array([[ 0.52081854],
       [-1.02999117],
       [ 0.38566014]]), array([[ 0.22036188],
       [-2.3916032 ]]), array([[ 0.83684946],
       [-0.30701208],
       [ 1.0376828 ]])]
cost derivative:  [[ 0.31603091]
 [ 0.72297909]
 [ 0.65202267]]
unit step:  1
delta:  [[ 0.31603091]
 [ 0.72297909]
 [ 0.65202267]]
delta b updated:  [array([[ 0.05131159],
       [ 0.6966692 ]]), array([[ 0.31603091],
       [ 0.72297909],
       [ 0.65202267]])]
delta w updated: [array([[ 0.02672403, -0.05285049,  0.01978884],
       [ 0.36283824, -0.71756312,  0.26867754]]), array([[ 0.06964117, -0.75582055],
       [ 0.15931703, -1.72907911],
       [ 0.14368094, -1.5593795 ]])]
input:  [[-0.80786871]
 [-0.86671599]
 [ 0.47927961]]
activations:  [array([[-0.80786871],
       [-0.86671599],
       [ 0.47927961]]), array([[-0.0802825],
       [-1.2814571]]), array([[ 0.02274514],
       [ 0.01575396],
       [ 0.46887872]])]
cost derivative:  [[ 0.83061385]
 [ 0.88246994]
 [-0.01040089]]
unit step:  1
delta:  [[ 0.83061385]
 [ 0.88246994]
 [-0.01040089]]
delta b updated:  [array([[-0.03151079],
       [ 0.3064011 ]]), array([[ 0.83061385],
       [ 0.88246994],
       [-0.01040089]])]
delta w updated: [array([[ 0.02545658,  0.0273109 , -0.01510248],
       [-0.24753186, -0.26556273,  0.1468518 ]]), array([[ -6.66837569e-02,  -1.06439602e+00],
       [ -7.08468938e-02,  -1.13084738e+00],
       [  8.35009601e-04,   1.33282967e-02]])]
input:  [[-0.04380197]
 [-0.53903629]
 [ 0.72066461]]
activations:  [array([[-0.04380197],
       [-0.53903629],
       [ 0.72066461]]), array([[ 0.16433646],
       [-1.62007212]]), array([[ 0.46565768],
       [-0.19921433],
       [ 0.72934081]])]
cost derivative:  [[ 0.50945965]
 [ 0.33982196]
 [ 0.0086762 ]]
unit step:  1
delta:  [[ 0.50945965]
 [ 0.33982196]
 [ 0.0086762 ]]
delta b updated:  [array([[ 0.06590187],
       [ 0.27460881]]), array([[ 0.50945965],
       [ 0.33982196],
       [ 0.0086762 ]])]
delta w updated: [array([[-0.00288663, -0.0355235 ,  0.04749314],
       [-0.01202841, -0.14802411,  0.19790085]]), array([[ 0.0837228 , -0.82536138],
       [ 0.05584514, -0.55053609],
       [ 0.00142582, -0.01405607]])]
input:  [[ 0.87313736]
 [-0.63343154]
 [ 0.66885992]]
activations:  [array([[ 0.87313736],
       [-0.63343154],
       [ 0.66885992]]), array([[ 0.3748493 ],
       [-2.37366218]]), array([[ 1.02493483],
       [-0.42509686],
       [ 1.11812211]])]
cost derivative:  [[ 0.15179747]
 [ 0.20833468]
 [ 0.44926219]]
unit step:  1
delta:  [[ 0.15179747]
 [ 0.20833468]
 [ 0.44926219]]
delta b updated:  [array([[ 0.11027252],
       [ 0.47486208]]), array([[ 0.15179747],
       [ 0.20833468],
       [ 0.44926219]])]
delta w updated: [array([[ 0.09628306, -0.0698501 ,  0.07375687],
       [ 0.41461982, -0.30079262,  0.31761621]]), array([[ 0.05690117, -0.3603159 ],
       [ 0.07809411, -0.49451615],
       [ 0.16840562, -1.06639666]])]
input:  [[-0.06673768]
 [-0.51717072]
 [ 0.73561912]]
activations:  [array([[-0.06673768],
       [-0.51717072],
       [ 0.73561912]]), array([[ 0.16228419],
       [-1.58777638]]), array([[ 0.44971585],
       [-0.19554746],
       [ 0.71592858]])]
cost derivative:  [[ 0.51645353]
 [ 0.32162326]
 [-0.01969054]]
unit step:  1
delta:  [[ 0.51645353]
 [ 0.32162326]
 [-0.01969054]]
delta b updated:  [array([[ 0.06611712],
       [ 0.25944582]]), array([[ 0.51645353],
       [ 0.32162326],
       [-0.01969054]])]
delta w updated: [array([[-0.0044125 , -0.03419384,  0.04863702],
       [-0.01731481, -0.13417778,  0.19085331]]), array([[ 0.08381224, -0.82001272],
       [ 0.05219437, -0.51066582],
       [-0.00319546,  0.03126418]])]
input:  [[ 0.87164646]
 [-0.96772944]
 [ 0.43473216]]
activations:  [array([[ 0.87164646],
       [-0.96772944],
       [ 0.43473216]]), array([[ 0.31745947],
       [-2.61127079]]), array([[ 1.04184676],
       [-0.40407985],
       [ 1.1689057 ]])]
cost derivative:  [[ 0.1702003 ]
 [ 0.56364958]
 [ 0.73417353]]
unit step:  1
delta:  [[ 0.1702003 ]
 [ 0.56364958]
 [ 0.73417353]]
delta b updated:  [array([[ 0.06762284],
       [ 0.72215975]]), array([[ 0.1702003 ],
       [ 0.56364958],
       [ 0.73417353]])]
delta w updated: [array([[ 0.05894321, -0.06544062,  0.02939782],
       [ 0.62946799, -0.69885525,  0.31394607]]), array([[ 0.0540317 , -0.44443907],
       [ 0.1789359 , -1.47184169],
       [ 0.23307034, -1.91712591]])]
input:  [[-0.85373844]
 [-0.0643567 ]
 [ 1.04044617]]
activations:  [array([[-0.85373844],
       [-0.0643567 ],
       [ 1.04044617]]), array([[ 0.04480401],
       [-0.67648028]]), array([[-0.0523511 ],
       [-0.02668891],
       [ 0.32379322]])]
cost derivative:  [[ 0.80138733]
 [ 0.03766779]
 [-0.71665296]]
unit step:  1
delta:  [[ 0.80138733]
 [ 0.03766779]
 [-0.71665296]]
delta b updated:  [array([[ 0.02632007],
       [ 0.03419834]]), array([[ 0.80138733],
       [ 0.03766779],
       [-0.71665296]])]
delta w updated: [array([[-0.02247046, -0.00169387,  0.02738462],
       [-0.02919644, -0.00220089,  0.03558153]]), array([[ 0.03590537, -0.54212273],
       [ 0.00168767, -0.02548152],
       [-0.03210893,  0.48480159]])]
input:  [[-0.70682931]
 [-0.01844346]
 [ 1.07488957]]
activations:  [array([[-0.70682931],
       [-0.01844346],
       [ 1.07488957]]), array([[ 0.0888938 ],
       [-0.75378289]]), array([[ 0.03341707],
       [-0.06683988],
       [ 0.37681289]])]
cost derivative:  [[ 0.74024639]
 [-0.04839642]
 [-0.69807668]]
unit step:  1
delta:  [[ 0.74024639]
 [-0.04839642]
 [-0.69807668]]
delta b updated:  [array([[ 0.05196917],
       [ 0.03097219]]), array([[ 0.74024639],
       [-0.04839642],
       [-0.69807668]])]
delta w updated: [array([[-0.03673333, -0.00095849,  0.05586112],
       [-0.02189205, -0.00057123,  0.03329168]]), array([[ 0.06580331, -0.55798506],
       [-0.00430214,  0.03648039],
       [-0.06205469,  0.52619826]])]
input:  [[ 0.82464401]
 [-1.07597374]
 [ 0.3581971 ]]
activations:  [array([[ 0.82464401],
       [-1.07597374],
       [ 0.3581971 ]]), array([[ 0.28733852],
       [-2.65392452]]), array([[ 1.01778397],
       [-0.38670226],
       [ 1.16628345]])]
cost derivative:  [[ 0.19313997]
 [ 0.68927147]
 [ 0.80808635]]
unit step:  1
delta:  [[ 0.19313997]
 [ 0.68927147]
 [ 0.80808635]]
delta b updated:  [array([[ 0.05457758],
       [ 0.79566722]]), array([[ 0.19313997],
       [ 0.68927147],
       [ 0.80808635]])]
delta w updated: [array([[ 0.04500707, -0.05872404,  0.01954953],
       [ 0.6561422 , -0.85611703,  0.28500569]]), array([[ 0.05549655, -0.51257889],
       [ 0.19805425, -1.82927446],
       [ 0.23219434, -2.14460017]])]
input:  [[-0.00935906]
 [-0.57188877]
 [ 0.69819556]]
activations:  [array([[-0.00935906],
       [-0.57188877],
       [ 0.69819556]]), array([[ 0.1669903 ],
       [-1.67083753]]), array([[ 0.48532506],
       [-0.20914965],
       [ 0.74644118]])]
cost derivative:  [[ 0.49468412]
 [ 0.36273912]
 [ 0.04824562]]
unit step:  1
delta:  [[ 0.49468412]
 [ 0.36273912]
 [ 0.04824562]]
delta b updated:  [array([[ 0.06468012],
       [ 0.291637  ]]), array([[ 0.49468412],
       [ 0.36273912],
       [ 0.04824562]])]
delta w updated: [array([[-0.00060535, -0.03698984,  0.04515938],
       [-0.00272945, -0.16678393,  0.20361966]]), array([[ 0.08260745, -0.82653679],
       [ 0.06057391, -0.60607813],
       [ 0.00805655, -0.08061059]])]
input:  [[ 0.72041262]
 [-1.11554813]
 [ 0.32885824]]
activations:  [array([[ 0.72041262],
       [-1.11554813],
       [ 0.32885824]]), array([[ 0.25475455],
       [-2.6050425 ]]), array([[ 0.95588976],
       [-0.3602708 ],
       [ 1.12804168]])]
cost derivative:  [[ 0.23547714]
 [ 0.75527733]
 [ 0.79918344]]
unit step:  1
delta:  [[ 0.23547714]
 [ 0.75527733]
 [ 0.79918344]]
delta b updated:  [array([[ 0.04819537],
       [ 0.79634436]]), array([[ 0.23547714],
       [ 0.75527733],
       [ 0.79918344]])]
delta w updated: [array([[ 0.03472055, -0.05376426,  0.01584945],
       [ 0.57369652, -0.88836046,  0.2618844 ]]), array([[ 0.05998887, -0.61342796],
       [ 0.19241034, -1.96752955],
       [ 0.20359562, -2.08190682]])]
input:  [[-0.88658559]
 [-0.40591942]
 [ 0.80074197]]
activations:  [array([[-0.88658559],
       [-0.40591942],
       [ 0.80074197]]), array([[-0.02158055],
       [-0.89605697]]), array([[-0.05448107],
       [ 0.00168598],
       [ 0.36280387]])]
cost derivative:  [[ 0.83210452]
 [ 0.40760539]
 [-0.4379381 ]]
unit step:  1
delta:  [[ 0.83210452]
 [ 0.40760539]
 [-0.4379381 ]]
delta b updated:  [array([[-0.0109498 ],
       [ 0.11401832]]), array([[ 0.83210452],
       [ 0.40760539],
       [-0.4379381 ]])]
delta w updated: [array([[ 0.00970794,  0.00444474, -0.00876797],
       [-0.101087  , -0.04628225,  0.09129925]]), array([[-0.01795727, -0.74561306],
       [-0.00879635, -0.36523765],
       [ 0.00945094,  0.39241749]])]
input:  [[-0.87822135]
 [-0.1243584 ]
 [ 0.99804596]]
activations:  [array([[-0.87822135],
       [-0.1243584 ],
       [ 0.99804596]]), array([[ 0.02841596],
       [-0.70166324]]), array([[-0.06561346],
       [-0.01846083],
       [ 0.32275813]])]
cost derivative:  [[ 0.81260789]
 [ 0.10589756]
 [-0.67528783]]
unit step:  1
delta:  [[ 0.81260789]
 [ 0.10589756]
 [-0.67528783]]
delta b updated:  [array([[ 0.01631247],
       [ 0.04413757]]), array([[ 0.81260789],
       [ 0.10589756],
       [-0.67528783]])]
delta w updated: [array([[-0.01432596, -0.00202859,  0.01628059],
       [-0.03876255, -0.00548888,  0.04405132]]), array([[ 0.02309103, -0.57017708],
       [ 0.00300918, -0.07430442],
       [-0.01918895,  0.47382464]])]
input:  [[-0.59269937]
 [-0.07103919]
 [ 1.03983725]]
activations:  [array([[-0.59269937],
       [-0.07103919],
       [ 1.03983725]]), array([[ 0.10802379],
       [-0.87755235]]), array([[ 0.10329023],
       [-0.09452818],
       [ 0.43092196]])]
cost derivative:  [[ 0.6959896 ]
 [-0.02348899]
 [-0.60891529]]
unit step:  1
delta:  [[ 0.6959896 ]
 [-0.02348899]
 [-0.60891529]]
delta b updated:  [array([[ 0.06051622],
       [ 0.04673417]]), array([[ 0.6959896 ],
       [-0.02348899],
       [-0.60891529]])]
delta w updated: [array([[-0.03586793, -0.00429902,  0.06292702],
       [-0.02769932, -0.00331996,  0.04859594]]), array([[ 0.07518344, -0.61076731],
       [-0.00253737,  0.02061282],
       [-0.06577734,  0.53435504]])]
input:  [[ 0.85221913]
 [-1.03110487]
 [ 0.39004821]]
activations:  [array([[ 0.85221913],
       [-1.03110487],
       [ 0.39004821]]), array([[ 0.30162729],
       [-2.64439181]]), array([[ 1.02786345],
       [-0.40166594],
       [ 1.16848251]])]
cost derivative:  [[ 0.17564432]
 [ 0.62943893]
 [ 0.7784343 ]]
unit step:  1
delta:  [[ 0.17564432]
 [ 0.62943893]
 [ 0.7784343 ]]
delta b updated:  [array([[ 0.05895505],
       [ 0.75605529]]), array([[ 0.17564432],
       [ 0.62943893],
       [ 0.7784343 ]])]
delta w updated: [array([[ 0.05024262, -0.06078884,  0.02299531],
       [ 0.64432478, -0.77957229,  0.29489801]]), array([[ 0.05297912, -0.46447239],
       [ 0.18985596, -1.66448314],
       [ 0.23479703, -2.05848529]])]
input:  [[ 0.46254887]
 [-0.98940729]
 [ 0.41317183]]
activations:  [array([[ 0.46254887],
       [-0.98940729],
       [ 0.41317183]]), array([[ 0.21238619],
       [-2.32343857]]), array([[ 0.79023778],
       [-0.30666261],
       [ 1.00180257]])]
cost derivative:  [[ 0.32768891]
 [ 0.68274468]
 [ 0.58863074]]
unit step:  1
delta:  [[ 0.32768891]
 [ 0.68274468]
 [ 0.58863074]]
delta b updated:  [array([[ 0.05124624],
       [ 0.63007389]]), array([[ 0.32768891],
       [ 0.68274468],
       [ 0.58863074]])]
delta w updated: [array([[ 0.02370389, -0.0507034 ,  0.0211735 ],
       [ 0.29143996, -0.62339969,  0.26032878]]), array([[ 0.0695966 , -0.76136505],
       [ 0.14500554, -1.58631532],
       [ 0.12501704, -1.36764737]])]
input:  [[-0.13526893]
 [-0.45208366]
 [ 0.78013005]]
activations:  [array([[-0.13526893],
       [-0.45208366],
       [ 0.78013005]]), array([[ 0.15609706],
       [-1.49267557]]), array([[ 0.39939696],
       [-0.18896445],
       [ 0.67471541]])]
cost derivative:  [[ 0.53466589]
 [ 0.26311921]
 [-0.10541464]]
unit step:  1
delta:  [[ 0.53466589]
 [ 0.26311921]
 [-0.10541464]]
delta b updated:  [array([[ 0.06643455],
       [ 0.21369755]]), array([[ 0.53466589],
       [ 0.26311921],
       [-0.10541464]])]
delta w updated: [array([[-0.00898653, -0.03003398,  0.05182759],
       [-0.02890664, -0.09660917,  0.16671188]]), array([[ 0.08345977, -0.79808271],
       [ 0.04107214, -0.39275162],
       [-0.01645492,  0.15734986]])]
input:  [[ 0.86565678]
 [-0.57043228]
 [ 0.71286083]]
activations:  [array([[ 0.86565678],
       [-0.57043228],
       [ 0.71286083]]), array([[ 0.38321718],
       [-2.32725036]]), array([[ 1.00872774],
       [-0.43754625],
       [ 1.09962994]])]
cost derivative:  [[ 0.14307096]
 [ 0.13288604]
 [ 0.3867691 ]]
unit step:  1
delta:  [[ 0.14307096]
 [ 0.13288604]
 [ 0.3867691 ]]
delta b updated:  [array([[ 0.11644981],
       [ 0.41702428]]), array([[ 0.14307096],
       [ 0.13288604],
       [ 0.3867691 ]])]
delta w updated: [array([[ 0.10080557, -0.06642673,  0.08301251],
       [ 0.3609999 , -0.23788411,  0.29728028]]), array([[ 0.05482725, -0.33296194],
       [ 0.05092421, -0.30925908],
       [ 0.14821657, -0.90010853]])]
input:  [[ 0.51130396]
 [-1.02368072]
 [ 0.38993089]]
activations:  [array([[ 0.51130396],
       [-1.02368072],
       [ 0.38993089]]), array([[ 0.21843127],
       [-2.38535875]]), array([[ 0.81984338],
       [-0.31910084],
       [ 1.02518582]])]
cost derivative:  [[ 0.30853941]
 [ 0.70457988]
 [ 0.63525493]]
unit step:  1
delta:  [[ 0.30853941]
 [ 0.70457988]
 [ 0.63525493]]
delta b updated:  [array([[ 0.0495509 ],
       [ 0.66112896]]), array([[ 0.30853941],
       [ 0.70457988],
       [ 0.63525493]])]
delta w updated: [array([[ 0.02533557, -0.0507243 ,  0.01932143],
       [ 0.33803786, -0.67678497,  0.2577946 ]]), array([[ 0.06739466, -0.73597719],
       [ 0.15390228, -1.68067577],
       [ 0.13875954, -1.51531091]])]
input:  [[-0.81380157]
 [-0.02431671]
 [ 1.06910845]]
activations:  [array([[-0.81380157],
       [-0.02431671],
       [ 1.06910845]]), array([[ 0.06115686],
       [-0.67959834]]), array([[-0.03416934],
       [-0.04323439],
       [ 0.33224282]])]
cost derivative:  [[ 0.77963223]
 [-0.01891768]
 [-0.73686562]]
unit step:  1
delta:  [[ 0.77963223]
 [-0.01891768]
 [-0.73686562]]
delta b updated:  [array([[ 0.03612615],
       [ 0.0271183 ]]), array([[ 0.77963223],
       [-0.01891768],
       [-0.73686562]])]
delta w updated: [array([[-0.02939952, -0.00087847,  0.03862277],
       [-0.02206891, -0.00065943,  0.0289924 ]]), array([[ 0.04767986, -0.52983677],
       [-0.00115695,  0.01285642],
       [-0.04506439,  0.50077266]])]
input:  [[-0.87312378]
 [-0.10708939]
 [ 1.01021872]]
activations:  [array([[-0.87312378],
       [-0.10708939],
       [ 1.01021872]]), array([[ 0.03237921],
       [-0.69421634]]), array([[-0.06577665],
       [-0.02291026],
       [ 0.32132492]])]
cost derivative:  [[ 0.80734713]
 [ 0.08417913]
 [-0.6888938 ]]
unit step:  1
delta:  [[ 0.80734713]
 [ 0.08417913]
 [-0.6888938 ]]
delta b updated:  [array([[ 0.01864663],
       [ 0.03995543]]), array([[ 0.80734713],
       [ 0.08417913],
       [-0.6888938 ]])]
delta w updated: [array([[-0.01628082, -0.00199686,  0.01883718],
       [-0.03488603, -0.0042788 ,  0.04036372]]), array([[ 0.02614127, -0.56047357],
       [ 0.00272565, -0.05843853],
       [-0.02230584,  0.47824133]])]
input:  [[ 0.75381005]
 [-1.11467609]
 [ 0.32998973]]
activations:  [array([[ 0.75381005],
       [-1.11467609],
       [ 0.32998973]]), array([[ 0.26279426],
       [-2.63261835]]), array([[ 0.9689383 ],
       [-0.37720725],
       [ 1.13765545]])]
cost derivative:  [[ 0.21512824]
 [ 0.73746885]
 [ 0.80766572]]
unit step:  1
delta:  [[ 0.21512824]
 [ 0.73746885]
 [ 0.80766572]]
delta b updated:  [array([[ 0.04756395],
       [ 0.78605467]]), array([[ 0.21512824],
       [ 0.73746885],
       [ 0.80766572]])]
delta w updated: [array([[ 0.03585418, -0.05301839,  0.01569561],
       [ 0.59253591, -0.87619635,  0.25938997]]), array([[ 0.05653447, -0.56635056],
       [ 0.19380258, -1.94147402],
       [ 0.21224992, -2.1262756 ]])]
input:  [[-0.69183527]
 [-0.02307173]
 [ 1.07188228]]
activations:  [array([[-0.69183527],
       [-0.02307173],
       [ 1.07188228]]), array([[ 0.09143551],
       [-0.77041683]]), array([[ 0.03825451],
       [-0.07529052],
       [ 0.38147865]])]
cost derivative:  [[ 0.73008978]
 [-0.05221879]
 [-0.69040363]]
unit step:  1
delta:  [[ 0.73008978]
 [-0.05221879]
 [-0.69040363]]
delta b updated:  [array([[ 0.05293783],
       [ 0.03108704]]), array([[ 0.73008978],
       [-0.05221879],
       [-0.69040363]])]
delta w updated: [array([[-0.03662425, -0.00122137,  0.05674312],
       [-0.02150711, -0.00071723,  0.03332164]]), array([[ 0.06675613, -0.56247346],
       [-0.00477465,  0.04023024],
       [-0.06312741,  0.53189858]])]
input:  [[-0.50926384]
 [-0.12696721]
 [ 1.0019727 ]]
activations:  [array([[-0.50926384],
       [-0.12696721],
       [ 1.0019727 ]]), array([[ 0.11880915],
       [-0.98147644]]), array([[ 0.15341409],
       [-0.11569205],
       [ 0.47188674]])]
cost derivative:  [[ 0.66267794]
 [ 0.01127515]
 [-0.53008596]]
unit step:  1
delta:  [[ 0.66267794]
 [ 0.01127515]
 [-0.53008596]]
delta b updated:  [array([[ 0.06373292],
       [ 0.06372443]]), array([[ 0.66267794],
       [ 0.01127515],
       [-0.53008596]])]
delta w updated: [array([[-0.03245687, -0.00809199,  0.06385865],
       [-0.03245255, -0.00809091,  0.06385014]]), array([[ 0.0787322 , -0.65040278],
       [ 0.00133959, -0.0110663 ],
       [-0.06297906,  0.52026688]])]
input:  [[-0.71414978]
 [-0.01651868]
 [ 1.07612332]]
activations:  [array([[-0.71414978],
       [-0.01651868],
       [ 1.07612332]]), array([[ 0.08693984],
       [-0.74908894]]), array([[ 0.02359033],
       [-0.06988085],
       [ 0.37206935]])]
cost derivative:  [[ 0.73774011]
 [-0.05336218]
 [-0.70405397]]
unit step:  1
delta:  [[ 0.73774011]
 [-0.05336218]
 [-0.70405397]]
delta b updated:  [array([[ 0.05057725],
       [ 0.02848285]]), array([[ 0.73774011],
       [-0.05336218],
       [-0.70405397]])]
delta w updated: [array([[-0.03611973, -0.00083547,  0.05442735],
       [-0.02034102, -0.0004705 ,  0.03065106]]), array([[ 0.06413901, -0.55263295],
       [-0.0046393 ,  0.03997302],
       [-0.06121034,  0.52739904]])]
input:  [[-0.89356616]
 [-0.27608096]
 [ 0.89155731]]
activations:  [array([[-0.89356616],
       [-0.27608096],
       [ 0.89155731]]), array([[-0.00160662],
       [-0.79985001]]), array([[-0.07070717],
       [-0.00791174],
       [ 0.33977603]])]
cost derivative:  [[ 0.82285899]
 [ 0.26816922]
 [-0.55178129]]
unit step:  1
delta:  [[ 0.82285899]
 [ 0.26816922]
 [-0.55178129]]
delta b updated:  [array([[-0.0008601 ],
       [ 0.07500161]]), array([[ 0.82285899],
       [ 0.26816922],
       [-0.55178129]])]
delta w updated: [array([[ 0.00076856,  0.00023746, -0.00076683],
       [-0.0670189 , -0.02070652,  0.06686824]]), array([[ -1.32201976e-03,  -6.58163777e-01],
       [ -4.30845392e-04,  -2.14495152e-01],
       [  8.86501540e-04,   4.41342269e-01]])]
input:  [[ 0.88234155]
 [-0.88453597]
 [ 0.49315826]]
activations:  [array([[ 0.88234155],
       [-0.88453597],
       [ 0.49315826]]), array([[ 0.33361809],
       [-2.56555886]]), array([[ 1.03027994],
       [-0.4264145 ],
       [ 1.15489462]])]
cost derivative:  [[ 0.14793839]
 [ 0.45812147]
 [ 0.66173635]]
unit step:  1
delta:  [[ 0.14793839]
 [ 0.45812147]
 [ 0.66173635]]
delta b updated:  [array([[ 0.07408661],
       [ 0.63355849]]), array([[ 0.14793839],
       [ 0.45812147],
       [ 0.66173635]])]
delta w updated: [array([[ 0.0653697 , -0.06553228,  0.03653643],
       [ 0.55901498, -0.56040527,  0.3124446 ]]), array([[ 0.04935492, -0.37954465],
       [ 0.15283761, -1.17533758],
       [ 0.22076722, -1.69772356]])]
input:  [[-0.79777761]
 [-0.01697286]
 [ 1.07450114]]
activations:  [array([[-0.79777761],
       [-0.01697286],
       [ 1.07450114]]), array([[ 0.06613565],
       [-0.68698535]]), array([[-0.02764055],
       [-0.04891641],
       [ 0.33831036]])]
cost derivative:  [[ 0.77013706]
 [-0.03194355]
 [-0.73619077]]
unit step:  1
delta:  [[ 0.77013706]
 [-0.03194355]
 [-0.73619077]]
delta b updated:  [array([[ 0.03893485],
       [ 0.02529337]]), array([[ 0.77013706],
       [-0.03194355],
       [-0.73619077]])]
delta w updated: [array([[-0.03106135, -0.00066084,  0.04183554],
       [-0.02017849, -0.0004293 ,  0.02717776]]), array([[ 0.05093351, -0.52907288],
       [-0.00211261,  0.02194475],
       [-0.04868845,  0.50575227]])]
input:  [[-0.89171727]
 [-0.33735345]
 [ 0.84867781]]
activations:  [array([[-0.89171727],
       [-0.33735345],
       [ 0.84867781]]), array([[-0.01163368],
       [-0.84525074]]), array([[-0.06724881],
       [-0.00523476],
       [ 0.35006807]])]
cost derivative:  [[ 0.82446846]
 [ 0.33211869]
 [-0.49860973]]
unit step:  1
delta:  [[ 0.82446846]
 [ 0.33211869]
 [-0.49860973]]
delta b updated:  [array([[-0.00604471],
       [ 0.09017823]]), array([[ 0.82446846],
       [ 0.33211869],
       [-0.49860973]])]
delta w updated: [array([[ 0.00539017,  0.0020392 , -0.00513001],
       [-0.08041348, -0.03042194,  0.07653226]]), array([[-0.00959161, -0.69688257],
       [-0.00386376, -0.28072357],
       [ 0.00580067,  0.42145025]])]
input:  [[-0.77334271]
 [-1.01494568]
 [ 0.37601468]]
activations:  [array([[-0.77334271],
       [-1.01494568],
       [ 0.37601468]]), array([[-0.09770094],
       [-1.41774871]]), array([[ 0.03998068],
       [ 0.00537842],
       [ 0.50316246]])]
cost derivative:  [[ 0.81332339]
 [ 1.0203241 ]
 [ 0.12714778]]
unit step:  1
delta:  [[ 0.81332339]
 [ 1.0203241 ]
 [ 0.12714778]]
delta b updated:  [array([[-0.03363132],
       [ 0.36570397]]), array([[ 0.81332339],
       [ 1.0203241 ],
       [ 0.12714778]])]
delta w updated: [array([[ 0.02600854,  0.03413396, -0.01264587],
       [-0.2828145 , -0.37116967,  0.13751006]]), array([[-0.07946246, -1.15308819],
       [-0.09968662, -1.44656317],
       [-0.01242246, -0.1802636 ]])]
input:  [[ 0.26254751]
 [-0.82507121]
 [ 0.52513537]]
activations:  [array([[ 0.26254751],
       [-0.82507121],
       [ 0.52513537]]), array([[ 0.19055669],
       [-2.05920914]]), array([[ 0.65164848],
       [-0.27366292],
       [ 0.89391199]])]
cost derivative:  [[ 0.38910097]
 [ 0.5514083 ]
 [ 0.36877662]]
unit step:  1
delta:  [[ 0.38910097]
 [ 0.5514083 ]
 [ 0.36877662]]
delta b updated:  [array([[ 0.05581591],
       [ 0.46461917]]), array([[ 0.38910097],
       [ 0.5514083 ],
       [ 0.36877662]])]
delta w updated: [array([[ 0.01465433, -0.0460521 ,  0.02931091],
       [ 0.1219846 , -0.3833439 ,  0.24398796]]), array([[ 0.07414579, -0.80124028],
       [ 0.10507454, -1.13546501],
       [ 0.07027285, -0.75938819]])]
input:  [[ 0.15071471]
 [-0.72317733]
 [ 0.59474638]]
activations:  [array([[ 0.15071471],
       [-0.72317733],
       [ 0.59474638]]), array([[ 0.18023264],
       [-1.9029234 ]]), array([[ 0.57840706],
       [-0.25196849],
       [ 0.83228286]])]
cost derivative:  [[ 0.42769236]
 [ 0.47120884]
 [ 0.23753648]]
unit step:  1
delta:  [[ 0.42769236]
 [ 0.47120884]
 [ 0.23753648]]
delta b updated:  [array([[ 0.05906322],
       [ 0.38298544]]), array([[ 0.42769236],
       [ 0.47120884],
       [ 0.23753648]])]
delta w updated: [array([[ 0.0089017 , -0.04271318,  0.03512763],
       [ 0.05772154, -0.27696639,  0.2277792 ]]), array([[ 0.07708412, -0.81386579],
       [ 0.08492721, -0.89667433],
       [ 0.04281183, -0.45201373]])]
input:  [[ 0.5761078 ]
 [-1.06372307]
 [ 0.36290032]]
activations:  [array([[ 0.5761078 ],
       [-1.06372307],
       [ 0.36290032]]), array([[ 0.2273253 ],
       [-2.46528059]]), array([[ 0.85138832],
       [-0.34191255],
       [ 1.05693169]])]
cost derivative:  [[ 0.27528052]
 [ 0.72181053]
 [ 0.69403137]]
unit step:  1
delta:  [[ 0.27528052]
 [ 0.72181053]
 [ 0.69403137]]
delta b updated:  [array([[ 0.04651504],
       [ 0.69030968]]), array([[ 0.27528052],
       [ 0.72181053],
       [ 0.69403137]])]
delta w updated: [array([[ 0.02679768, -0.04947912,  0.01688032],
       [ 0.39769279, -0.73429833,  0.2505136 ]]), array([[ 0.06257823, -0.67864373],
       [ 0.16408579, -1.77946548],
       [ 0.15777089, -1.71098207]])]
input:  [[ 0.87372259]
 [-0.95708859]
 [ 0.44221619]]
activations:  [array([[ 0.87372259],
       [-0.95708859],
       [ 0.44221619]]), array([[ 0.31895473],
       [-2.61292053]]), array([[ 1.02392605],
       [-0.42686181],
       [ 1.159535  ]])]
cost derivative:  [[ 0.15020346]
 [ 0.53022678]
 [ 0.71731881]]
unit step:  1
delta:  [[ 0.15020346]
 [ 0.53022678]
 [ 0.71731881]]
delta b updated:  [array([[ 0.0644953 ],
       [ 0.67491563]]), array([[ 0.15020346],
       [ 0.53022678],
       [ 0.71731881]])]
delta w updated: [array([[ 0.056351  , -0.06172772,  0.02852087],
       [ 0.58968903, -0.64595405,  0.29845861]]), array([[ 0.0479081 , -0.3924697 ],
       [ 0.16911834, -1.38544045],
       [ 0.22879223, -1.87429705]])]
input:  [[ 0.5017083 ]
 [-1.01718375]
 [ 0.39433099]]
activations:  [array([[ 0.5017083 ],
       [-1.01718375],
       [ 0.39433099]]), array([[ 0.21677182],
       [-2.37742602]]), array([[ 0.80355102],
       [-0.32851651],
       [ 1.01661325]])]
cost derivative:  [[ 0.30184272]
 [ 0.68866724]
 [ 0.62228226]]
unit step:  1
delta:  [[ 0.30184272]
 [ 0.68866724]
 [ 0.62228226]]
delta b updated:  [array([[ 0.0482149 ],
       [ 0.63335508]]), array([[ 0.30184272],
       [ 0.68866724],
       [ 0.62228226]])]
delta w updated: [array([[ 0.02418982, -0.04904341,  0.01901263],
       [ 0.3177595 , -0.6442385 ,  0.24975154]]), array([[ 0.06543099, -0.71760873],
       [ 0.14928365, -1.63725542],
       [ 0.13489326, -1.47943004]])]
input:  [[ 0.61112977]
 [-1.08199651]
 [ 0.35064981]]
activations:  [array([[ 0.61112977],
       [-1.08199651],
       [ 0.35064981]]), array([[ 0.23272681],
       [-2.50634345]]), array([[ 0.87212974],
       [-0.35460192],
       [ 1.06953356]])]
cost derivative:  [[ 0.26099997]
 [ 0.72739459]
 [ 0.71888375]]
unit step:  1
delta:  [[ 0.26099997]
 [ 0.72739459]
 [ 0.71888375]]
delta b updated:  [array([[ 0.04563338],
       [ 0.7024825 ]]), array([[ 0.26099997],
       [ 0.72739459],
       [ 0.71888375]])]
delta w updated: [array([[ 0.02788792, -0.04937516,  0.01600134],
       [ 0.42930797, -0.76008362,  0.24632536]]), array([[ 0.06074169, -0.65415556],
       [ 0.16928422, -1.82310067],
       [ 0.16730352, -1.80176957]])]
input:  [[ 0.41197964]
 [-0.95094907]
 [ 0.43931503]]
activations:  [array([[ 0.41197964],
       [-0.95094907],
       [ 0.43931503]]), array([[ 0.20580754],
       [-2.2638686 ]]), array([[ 0.74524238],
       [-0.31238967],
       [ 0.96753773]])]
cost derivative:  [[ 0.33326275]
 [ 0.6385594 ]
 [ 0.52822271]]
unit step:  1
delta:  [[ 0.33326275]
 [ 0.6385594 ]
 [ 0.52822271]]
delta b updated:  [array([[ 0.05073754],
       [ 0.56294356]]), array([[ 0.33326275],
       [ 0.6385594 ],
       [ 0.52822271]])]
delta w updated: [array([[ 0.02090283, -0.04824882,  0.02228976],
       [ 0.23192128, -0.53533065,  0.24730956]]), array([[ 0.06858799, -0.75446307],
       [ 0.13142034, -1.44561457],
       [ 0.10871222, -1.19582681]])]
input:  [[ 0.44252695]
 [-0.97449941]
 [ 0.42329939]]

In [6]:
#p_curve_data_1488329066.88168.json
#np_curve_data_1488329083.428903.json
#np_curve_data_1488343211.03.json
#np_curve_data_1488818487.27.json
data['non_planar_curves_error'] = []
with open('np_curve_data_cube_method_1489680586.46.json') as infile:
    c = json.load(infile)
    n_planar_curves_array = np.asarray(c['non_planar_curves'])
print("Non-Planar curves read array shape: ", n_planar_curves_array.shape)
non_planar_errors = process_curves(n_planar_curves_array)
data['non_planar_curves_error'].append(np.asarray(non_planar_errors).tolist())

import os
os.system('say "your program has finished"')


Non-Planar curves read array shape:  (100, 3, 300)
Analysing curve [ 0 ]
---------------------------------------------------------------------------
ValueError                                Traceback (most recent call last)
<ipython-input-6-03ca1a188c6d> in <module>()
      8     n_planar_curves_array = np.asarray(c['non_planar_curves'])
      9 print("Non-Planar curves read array shape: ", n_planar_curves_array.shape)
---> 10 non_planar_errors = process_curves(n_planar_curves_array)
     11 data['non_planar_curves_error'].append(np.asarray(non_planar_errors).tolist())
     12 

<ipython-input-4-1fd84f11b5cc> in process_curves(curves_array)
      7         print("Analysing curve [", i ,"]")
      8         start = time.time()
----> 9         Planar_Data = list(np.asarray(zip(curves_array[i][0], curves_array[i][1], curves_array[i][2])).reshape(300,3,1))
     10         ae = AutoEncoder([3,2,3])
     11         #print(Planar_Data)

ValueError: total size of new array must be unchanged

In [7]:
planar_curves_array.shape


Out[7]:
(100, 3, 300)

In [8]:
n_planar_curves_array.shape


Out[8]:
(100, 3, 300)

In [9]:
data


Out[9]:
{'non_planar_curves_error': [], 'planar_curves_error': []}

In [126]:
import numpy.linalg as linalg

def get_eig(curves_array, dim=0):
    eig_vals = []
    eig_val_all = np.asarray(eig_vals)
    for i in  range(len(curves_array[:])): #range(5):# 
        #print("Analysing curve [", i ,"]")
        Planar_Data = np.stack([curves_array[i][0], curves_array[i][1], curves_array[i][2]])
        X = np.asmatrix(Planar_Data)
        cov = np.dot(X, X.T)
        #print(cov)
        eigvals, eigvecs = np.linalg.eig(cov)
        #print(eigvals) 
        #print(eigvecs)
        #print(curves_array[i][0].max() - curves_array[i][0].min(), curves_array[i][1].max() - curves_array[i][1].min(), 
        #      curves_array[i][2].max() - curves_array[i][2].min())
        eig_vals.append(eigvals)
        #print(eig_vals)
        eig_val_all = np.asarray(eig_vals)
        #print(eig_val_all)
        #print(eig_val_all.mean(axis=0))
        #print(eig_val_all[0].min(), eig_val_all[1].min(), eig_val_all[2].min())
    print("\nresult for this curve type:")    
    print("max x: ", eig_val_all[:,0].max()) #x-axis eig vals
    print("max y: ", eig_val_all[:,1].max()) #y-axis eig vals
    print("max z: ", eig_val_all[:,2].max()) #z-axis eig vals
    print("\nmin x: ", eig_val_all[:,0].min()) #x-axis eig vals
    print("min y: ", eig_val_all[:,1].min()) #y-axis eig vals
    print("min z: ", eig_val_all[:,2].min()) #z-axis eig vals
    
    id_x = np.argmax(eig_val_all[:,0])
    id_y = np.argmax(eig_val_all[:,1])
    id_z = np.argmax(eig_val_all[:,2])
    print("max x eig index: ", id_x, eig_val_all[id_x])
    print("max y eig index: ", id_y, eig_val_all[id_y])
    print("max z eig index: ", id_z, eig_val_all[id_z])

    return curves_array[np.argmax(eig_val_all[:,dim])]

np_curve_max_z = get_eig(n_planar_curves_array, 2)
p_curve_max_y = get_eig(planar_curves_array, 1)


result for this curve type:
max x:  279.289546994
max y:  222.282116465
max z:  177.681701965

min x:  17.3627592599
min y:  17.1771626207
min z:  12.7433243095
max x eig index:  75 [ 279.28954699   44.53676383   59.55753166]
max y eig index:  61 [  36.96145275  222.28211647  137.17591214]
max z eig index:  1 [  48.74830601  114.90389028  177.68170197]

result for this curve type:
max x:  279.525893792
max y:  288.655389538
max z:  288.54342177

min x:  20.6470824695
min y:  29.7560077383
min z:  19.6316009094
max x eig index:  75 [ 279.52589379  144.98003206   26.57703368]
max y eig index:  35 [  32.04798316  288.65538954  216.74396297]
max z eig index:  94 [  28.58243725  197.14672515  288.54342177]

data with sphere method curves:

result for this curve type: max x: 3805.2046182 max y: 127.247159963 max z: 126.154849705

min x: 278.484933828 min y: 1.8063522037 min z: 3.3759739062 max x eig index: 7 [ 3.80520462e+03 1.80635220e+00 3.07602055e+01] max y eig index: 20 [ 284.53631443 127.24715996 28.28667443] max z eig index: 17 [ 285.71072293 26.16476143 126.15484971]

result for this curve type: max x: 3270.91159061 max y: 87.8266785577 max z: 87.589329811

min x: 782.67793435 min y: 0.0261052780002 min z: 0.048089637192 max x eig index: 82 [ 3.27091159e+03 9.59837613e-02 1.30581010e+00] max y eig index: 71 [ 1.58179617e+03 8.78266786e+01 1.39455457e-01] max z eig index: 75 [ 1.58960806e+03 8.97960957e-02 8.75893298e+01]


In [ ]:
import matplotlib.pyplot as plt
from mpl_toolkits.mplot3d import Axes3D

def plot_curve(x_new, y_new, z_new):
    fig = plt.figure()
    ax = fig.add_subplot(111, projection='3d')
    #ax.plot(pts[0], pts[1], pts[2], 'ro')
    ax.plot(x_new, y_new, z_new, 'b-')
    ax.set_xlabel('X axis')
    ax.set_ylabel('Y axis')
    ax.set_zlabel('Z axis')
    plt.axis('equal')
    ax.set_autoscale_on(False)
    ax.set_xlim([-3,3])
    ax.set_ylim([-3,3])
    ax.set_zlim([-3,3])
    plt.show()  
plot_curve(n_planar_curves_array[1][0], n_planar_curves_array[1][1], n_planar_curves_array[1][2])
plot_curve(planar_curves_array[1][0], planar_curves_array[1][1], planar_curves_array[1][2])

In [9]:
start = time.time()
with open('planarity_errors_' + str(start) + '.json', 'w') as outfile:
    json.dump(data, outfile)
    
print("Error file written: " + str(start))


Error file written: 1489714415.76

In [10]:
with open('planarity_errors_1489714415.76.json') as infile:
    c = json.load(infile)
    np_errors = np.asarray(c['non_planar_curves_error'])
    p_errors = np.asarray(c['planar_curves_error'])

In [10]:
np_errors.shape


---------------------------------------------------------------------------
NameError                                 Traceback (most recent call last)
<ipython-input-10-fa4718aed7bb> in <module>()
----> 1 np_errors.shape

NameError: name 'np_errors' is not defined

In [12]:
p_errors.shape


Out[12]:
(1, 100, 1)

In [13]:
NPE = np.insert(np_errors, 1, 1, axis=2)

In [14]:
PE = np.insert(p_errors, 1, 0, axis=2)

In [15]:
from sklearn.naive_bayes import GaussianNB

In [16]:
#New
X = np.concatenate((NPE, PE), axis=0)
X.shape


Out[16]:
(2, 100, 2)

In [17]:
X = X.reshape(200,2)
X


Out[17]:
array([[  1.32415033e+02,   1.00000000e+00],
       [  6.65332355e+01,   1.00000000e+00],
       [  6.03597358e+01,   1.00000000e+00],
       [  4.88972181e+01,   1.00000000e+00],
       [  1.91792930e+01,   1.00000000e+00],
       [  5.01188380e+01,   1.00000000e+00],
       [  4.03235786e+01,   1.00000000e+00],
       [  6.79566541e+01,   1.00000000e+00],
       [  2.88405140e+01,   1.00000000e+00],
       [  5.04334465e+01,   1.00000000e+00],
       [  2.58981557e+01,   1.00000000e+00],
       [  3.92187794e+01,   1.00000000e+00],
       [  6.44533493e+01,   1.00000000e+00],
       [  1.65418401e+02,   1.00000000e+00],
       [  3.38484516e+01,   1.00000000e+00],
       [  1.34711175e+02,   1.00000000e+00],
       [  4.26513832e+01,   1.00000000e+00],
       [  9.82172586e+00,   1.00000000e+00],
       [  2.54846770e+01,   1.00000000e+00],
       [  8.59944043e+01,   1.00000000e+00],
       [  7.14799466e+01,   1.00000000e+00],
       [  2.77116041e+01,   1.00000000e+00],
       [  2.32389569e+01,   1.00000000e+00],
       [  2.41089646e+01,   1.00000000e+00],
       [  3.01737355e+01,   1.00000000e+00],
       [  4.17966925e+01,   1.00000000e+00],
       [  8.09004832e+01,   1.00000000e+00],
       [  6.79529978e+01,   1.00000000e+00],
       [  1.17576178e+02,   1.00000000e+00],
       [  2.20025545e+01,   1.00000000e+00],
       [  4.60816019e+01,   1.00000000e+00],
       [  1.28981885e+02,   1.00000000e+00],
       [  1.36569083e+01,   1.00000000e+00],
       [  5.30692855e+01,   1.00000000e+00],
       [  4.07073759e+01,   1.00000000e+00],
       [  4.96489893e+01,   1.00000000e+00],
       [  9.95035289e+01,   1.00000000e+00],
       [  5.42454791e+01,   1.00000000e+00],
       [  2.54377749e+01,   1.00000000e+00],
       [  6.90178580e+01,   1.00000000e+00],
       [  9.27986877e+01,   1.00000000e+00],
       [  9.05849912e+01,   1.00000000e+00],
       [  1.45131421e+01,   1.00000000e+00],
       [  9.49381727e+01,   1.00000000e+00],
       [  7.03873042e+01,   1.00000000e+00],
       [  3.08984731e+01,   1.00000000e+00],
       [  3.73300090e+01,   1.00000000e+00],
       [  3.65297297e+01,   1.00000000e+00],
       [  6.90775251e+01,   1.00000000e+00],
       [  3.91810829e+01,   1.00000000e+00],
       [  2.17209092e+01,   1.00000000e+00],
       [  4.20975961e+01,   1.00000000e+00],
       [  3.36933605e+01,   1.00000000e+00],
       [  2.06200583e+01,   1.00000000e+00],
       [  1.46413537e+02,   1.00000000e+00],
       [  6.57020200e+01,   1.00000000e+00],
       [  6.10539771e+01,   1.00000000e+00],
       [  4.78467033e+01,   1.00000000e+00],
       [  3.76707143e+01,   1.00000000e+00],
       [  9.20195631e+01,   1.00000000e+00],
       [  2.29627990e+01,   1.00000000e+00],
       [  1.83192788e+01,   1.00000000e+00],
       [  9.20345788e+01,   1.00000000e+00],
       [  1.04465520e+02,   1.00000000e+00],
       [  2.53351591e+01,   1.00000000e+00],
       [  7.42408093e+01,   1.00000000e+00],
       [  1.13217438e+02,   1.00000000e+00],
       [  1.86762083e+01,   1.00000000e+00],
       [  3.70645582e+01,   1.00000000e+00],
       [  7.45209809e+01,   1.00000000e+00],
       [  7.94209952e+01,   1.00000000e+00],
       [  3.70192810e+01,   1.00000000e+00],
       [  2.15508433e+01,   1.00000000e+00],
       [  5.05853275e+01,   1.00000000e+00],
       [  5.59948401e+01,   1.00000000e+00],
       [  2.60377018e+01,   1.00000000e+00],
       [  6.08968183e+01,   1.00000000e+00],
       [  3.71234451e+01,   1.00000000e+00],
       [  4.25442839e+01,   1.00000000e+00],
       [  1.12783869e+02,   1.00000000e+00],
       [  1.06497125e+02,   1.00000000e+00],
       [  4.85069321e+01,   1.00000000e+00],
       [  9.36825459e+01,   1.00000000e+00],
       [  1.54416666e+01,   1.00000000e+00],
       [  5.93079723e+01,   1.00000000e+00],
       [  4.52906061e+01,   1.00000000e+00],
       [  1.12383247e+02,   1.00000000e+00],
       [  6.88568251e+01,   1.00000000e+00],
       [  4.00533218e+01,   1.00000000e+00],
       [  8.67637774e+01,   1.00000000e+00],
       [  9.48672298e+01,   1.00000000e+00],
       [  6.32274049e+01,   1.00000000e+00],
       [  1.15745957e+02,   1.00000000e+00],
       [  4.14806751e+01,   1.00000000e+00],
       [  3.15316969e+01,   1.00000000e+00],
       [  4.60820907e+01,   1.00000000e+00],
       [  1.52746856e+02,   1.00000000e+00],
       [  9.75483961e+01,   1.00000000e+00],
       [  5.40452882e+01,   1.00000000e+00],
       [  2.58521032e+01,   1.00000000e+00],
       [  9.81002826e+01,   0.00000000e+00],
       [  1.96732361e+01,   0.00000000e+00],
       [  1.14004747e+01,   0.00000000e+00],
       [  1.52983354e+01,   0.00000000e+00],
       [  7.41681943e+01,   0.00000000e+00],
       [  2.33752227e+01,   0.00000000e+00],
       [  7.69421492e+00,   0.00000000e+00],
       [  5.54822753e-02,   0.00000000e+00],
       [  3.48475522e+01,   0.00000000e+00],
       [  2.36416434e+00,   0.00000000e+00],
       [  7.76947504e+01,   0.00000000e+00],
       [  7.50632986e+01,   0.00000000e+00],
       [  1.20845794e+02,   0.00000000e+00],
       [  1.28496272e+01,   0.00000000e+00],
       [  1.72836509e+00,   0.00000000e+00],
       [  8.60138620e+00,   0.00000000e+00],
       [  1.73975295e+01,   0.00000000e+00],
       [  1.03079954e+02,   0.00000000e+00],
       [  1.06751296e+02,   0.00000000e+00],
       [  4.00550457e+00,   0.00000000e+00],
       [  9.69360503e+00,   0.00000000e+00],
       [  1.14709341e+01,   0.00000000e+00],
       [  5.15518216e-05,   0.00000000e+00],
       [  1.00149682e+00,   0.00000000e+00],
       [  2.77507777e-03,   0.00000000e+00],
       [  2.94370180e+01,   0.00000000e+00],
       [  6.75913354e+00,   0.00000000e+00],
       [  5.94163627e-02,   0.00000000e+00],
       [  1.23068605e+00,   0.00000000e+00],
       [  2.17337744e+01,   0.00000000e+00],
       [  7.17490349e+01,   0.00000000e+00],
       [  3.53976396e+00,   0.00000000e+00],
       [  1.27426944e+01,   0.00000000e+00],
       [  1.25325032e-01,   0.00000000e+00],
       [  8.32803996e+01,   0.00000000e+00],
       [  1.69523011e+01,   0.00000000e+00],
       [  1.37637213e+01,   0.00000000e+00],
       [  1.06539231e+02,   0.00000000e+00],
       [  1.28274559e+01,   0.00000000e+00],
       [  5.24192387e-03,   0.00000000e+00],
       [  9.24854862e+01,   0.00000000e+00],
       [  4.58251547e+01,   0.00000000e+00],
       [  2.33142431e+00,   0.00000000e+00],
       [  6.03925916e+01,   0.00000000e+00],
       [  1.16236779e+02,   0.00000000e+00],
       [  2.60069406e+01,   0.00000000e+00],
       [  2.74973191e+01,   0.00000000e+00],
       [  3.06539919e+01,   0.00000000e+00],
       [  1.72439178e+00,   0.00000000e+00],
       [  1.26011757e+01,   0.00000000e+00],
       [  5.14739713e-01,   0.00000000e+00],
       [  1.32088577e+02,   0.00000000e+00],
       [  1.35782590e+02,   0.00000000e+00],
       [  1.51462446e+01,   0.00000000e+00],
       [  7.13130086e-01,   0.00000000e+00],
       [  1.17476107e+01,   0.00000000e+00],
       [  3.39421896e-01,   0.00000000e+00],
       [  6.85832721e+01,   0.00000000e+00],
       [  7.62864257e-06,   0.00000000e+00],
       [  6.93659603e+00,   0.00000000e+00],
       [  1.11697734e+01,   0.00000000e+00],
       [  1.55123655e+01,   0.00000000e+00],
       [  6.16518261e-07,   0.00000000e+00],
       [  1.59194065e+00,   0.00000000e+00],
       [  2.11523933e+00,   0.00000000e+00],
       [  8.98135763e+01,   0.00000000e+00],
       [  1.66321203e+02,   0.00000000e+00],
       [  2.10526249e+00,   0.00000000e+00],
       [  2.77766492e+01,   0.00000000e+00],
       [  7.34258380e+00,   0.00000000e+00],
       [  8.09341209e+00,   0.00000000e+00],
       [  1.11718941e+02,   0.00000000e+00],
       [  5.45263197e+01,   0.00000000e+00],
       [  1.95542400e+01,   0.00000000e+00],
       [  5.64981693e-20,   0.00000000e+00],
       [  5.13961707e-02,   0.00000000e+00],
       [  1.46391122e+01,   0.00000000e+00],
       [  1.78271544e+01,   0.00000000e+00],
       [  1.71266322e+01,   0.00000000e+00],
       [  1.27138101e+00,   0.00000000e+00],
       [  1.81696026e+01,   0.00000000e+00],
       [  9.69417597e-02,   0.00000000e+00],
       [  1.92377429e+01,   0.00000000e+00],
       [  2.41222991e+01,   0.00000000e+00],
       [  1.25788276e+00,   0.00000000e+00],
       [  6.66130702e+00,   0.00000000e+00],
       [  2.07030040e+01,   0.00000000e+00],
       [  1.91835222e+01,   0.00000000e+00],
       [  1.46697422e+01,   0.00000000e+00],
       [  7.79036561e+01,   0.00000000e+00],
       [  1.05966987e+01,   0.00000000e+00],
       [  8.67685905e+01,   0.00000000e+00],
       [  5.08383255e+00,   0.00000000e+00],
       [  9.30495398e+01,   0.00000000e+00],
       [  1.10450010e+02,   0.00000000e+00],
       [  8.55238257e+01,   0.00000000e+00],
       [  1.06799747e+01,   0.00000000e+00],
       [  1.27135961e-02,   0.00000000e+00],
       [  1.37473477e+01,   0.00000000e+00],
       [  1.18470790e+02,   0.00000000e+00]])

In [18]:
nan_idx = [i for i, x in enumerate(X) if (math.isnan(x[0]) == True)]
nan_idx


Out[18]:
[]

In [19]:
X_cleaned = np.delete(X, nan_idx, axis=0)
X_cleaned


Out[19]:
array([[  1.32415033e+02,   1.00000000e+00],
       [  6.65332355e+01,   1.00000000e+00],
       [  6.03597358e+01,   1.00000000e+00],
       [  4.88972181e+01,   1.00000000e+00],
       [  1.91792930e+01,   1.00000000e+00],
       [  5.01188380e+01,   1.00000000e+00],
       [  4.03235786e+01,   1.00000000e+00],
       [  6.79566541e+01,   1.00000000e+00],
       [  2.88405140e+01,   1.00000000e+00],
       [  5.04334465e+01,   1.00000000e+00],
       [  2.58981557e+01,   1.00000000e+00],
       [  3.92187794e+01,   1.00000000e+00],
       [  6.44533493e+01,   1.00000000e+00],
       [  1.65418401e+02,   1.00000000e+00],
       [  3.38484516e+01,   1.00000000e+00],
       [  1.34711175e+02,   1.00000000e+00],
       [  4.26513832e+01,   1.00000000e+00],
       [  9.82172586e+00,   1.00000000e+00],
       [  2.54846770e+01,   1.00000000e+00],
       [  8.59944043e+01,   1.00000000e+00],
       [  7.14799466e+01,   1.00000000e+00],
       [  2.77116041e+01,   1.00000000e+00],
       [  2.32389569e+01,   1.00000000e+00],
       [  2.41089646e+01,   1.00000000e+00],
       [  3.01737355e+01,   1.00000000e+00],
       [  4.17966925e+01,   1.00000000e+00],
       [  8.09004832e+01,   1.00000000e+00],
       [  6.79529978e+01,   1.00000000e+00],
       [  1.17576178e+02,   1.00000000e+00],
       [  2.20025545e+01,   1.00000000e+00],
       [  4.60816019e+01,   1.00000000e+00],
       [  1.28981885e+02,   1.00000000e+00],
       [  1.36569083e+01,   1.00000000e+00],
       [  5.30692855e+01,   1.00000000e+00],
       [  4.07073759e+01,   1.00000000e+00],
       [  4.96489893e+01,   1.00000000e+00],
       [  9.95035289e+01,   1.00000000e+00],
       [  5.42454791e+01,   1.00000000e+00],
       [  2.54377749e+01,   1.00000000e+00],
       [  6.90178580e+01,   1.00000000e+00],
       [  9.27986877e+01,   1.00000000e+00],
       [  9.05849912e+01,   1.00000000e+00],
       [  1.45131421e+01,   1.00000000e+00],
       [  9.49381727e+01,   1.00000000e+00],
       [  7.03873042e+01,   1.00000000e+00],
       [  3.08984731e+01,   1.00000000e+00],
       [  3.73300090e+01,   1.00000000e+00],
       [  3.65297297e+01,   1.00000000e+00],
       [  6.90775251e+01,   1.00000000e+00],
       [  3.91810829e+01,   1.00000000e+00],
       [  2.17209092e+01,   1.00000000e+00],
       [  4.20975961e+01,   1.00000000e+00],
       [  3.36933605e+01,   1.00000000e+00],
       [  2.06200583e+01,   1.00000000e+00],
       [  1.46413537e+02,   1.00000000e+00],
       [  6.57020200e+01,   1.00000000e+00],
       [  6.10539771e+01,   1.00000000e+00],
       [  4.78467033e+01,   1.00000000e+00],
       [  3.76707143e+01,   1.00000000e+00],
       [  9.20195631e+01,   1.00000000e+00],
       [  2.29627990e+01,   1.00000000e+00],
       [  1.83192788e+01,   1.00000000e+00],
       [  9.20345788e+01,   1.00000000e+00],
       [  1.04465520e+02,   1.00000000e+00],
       [  2.53351591e+01,   1.00000000e+00],
       [  7.42408093e+01,   1.00000000e+00],
       [  1.13217438e+02,   1.00000000e+00],
       [  1.86762083e+01,   1.00000000e+00],
       [  3.70645582e+01,   1.00000000e+00],
       [  7.45209809e+01,   1.00000000e+00],
       [  7.94209952e+01,   1.00000000e+00],
       [  3.70192810e+01,   1.00000000e+00],
       [  2.15508433e+01,   1.00000000e+00],
       [  5.05853275e+01,   1.00000000e+00],
       [  5.59948401e+01,   1.00000000e+00],
       [  2.60377018e+01,   1.00000000e+00],
       [  6.08968183e+01,   1.00000000e+00],
       [  3.71234451e+01,   1.00000000e+00],
       [  4.25442839e+01,   1.00000000e+00],
       [  1.12783869e+02,   1.00000000e+00],
       [  1.06497125e+02,   1.00000000e+00],
       [  4.85069321e+01,   1.00000000e+00],
       [  9.36825459e+01,   1.00000000e+00],
       [  1.54416666e+01,   1.00000000e+00],
       [  5.93079723e+01,   1.00000000e+00],
       [  4.52906061e+01,   1.00000000e+00],
       [  1.12383247e+02,   1.00000000e+00],
       [  6.88568251e+01,   1.00000000e+00],
       [  4.00533218e+01,   1.00000000e+00],
       [  8.67637774e+01,   1.00000000e+00],
       [  9.48672298e+01,   1.00000000e+00],
       [  6.32274049e+01,   1.00000000e+00],
       [  1.15745957e+02,   1.00000000e+00],
       [  4.14806751e+01,   1.00000000e+00],
       [  3.15316969e+01,   1.00000000e+00],
       [  4.60820907e+01,   1.00000000e+00],
       [  1.52746856e+02,   1.00000000e+00],
       [  9.75483961e+01,   1.00000000e+00],
       [  5.40452882e+01,   1.00000000e+00],
       [  2.58521032e+01,   1.00000000e+00],
       [  9.81002826e+01,   0.00000000e+00],
       [  1.96732361e+01,   0.00000000e+00],
       [  1.14004747e+01,   0.00000000e+00],
       [  1.52983354e+01,   0.00000000e+00],
       [  7.41681943e+01,   0.00000000e+00],
       [  2.33752227e+01,   0.00000000e+00],
       [  7.69421492e+00,   0.00000000e+00],
       [  5.54822753e-02,   0.00000000e+00],
       [  3.48475522e+01,   0.00000000e+00],
       [  2.36416434e+00,   0.00000000e+00],
       [  7.76947504e+01,   0.00000000e+00],
       [  7.50632986e+01,   0.00000000e+00],
       [  1.20845794e+02,   0.00000000e+00],
       [  1.28496272e+01,   0.00000000e+00],
       [  1.72836509e+00,   0.00000000e+00],
       [  8.60138620e+00,   0.00000000e+00],
       [  1.73975295e+01,   0.00000000e+00],
       [  1.03079954e+02,   0.00000000e+00],
       [  1.06751296e+02,   0.00000000e+00],
       [  4.00550457e+00,   0.00000000e+00],
       [  9.69360503e+00,   0.00000000e+00],
       [  1.14709341e+01,   0.00000000e+00],
       [  5.15518216e-05,   0.00000000e+00],
       [  1.00149682e+00,   0.00000000e+00],
       [  2.77507777e-03,   0.00000000e+00],
       [  2.94370180e+01,   0.00000000e+00],
       [  6.75913354e+00,   0.00000000e+00],
       [  5.94163627e-02,   0.00000000e+00],
       [  1.23068605e+00,   0.00000000e+00],
       [  2.17337744e+01,   0.00000000e+00],
       [  7.17490349e+01,   0.00000000e+00],
       [  3.53976396e+00,   0.00000000e+00],
       [  1.27426944e+01,   0.00000000e+00],
       [  1.25325032e-01,   0.00000000e+00],
       [  8.32803996e+01,   0.00000000e+00],
       [  1.69523011e+01,   0.00000000e+00],
       [  1.37637213e+01,   0.00000000e+00],
       [  1.06539231e+02,   0.00000000e+00],
       [  1.28274559e+01,   0.00000000e+00],
       [  5.24192387e-03,   0.00000000e+00],
       [  9.24854862e+01,   0.00000000e+00],
       [  4.58251547e+01,   0.00000000e+00],
       [  2.33142431e+00,   0.00000000e+00],
       [  6.03925916e+01,   0.00000000e+00],
       [  1.16236779e+02,   0.00000000e+00],
       [  2.60069406e+01,   0.00000000e+00],
       [  2.74973191e+01,   0.00000000e+00],
       [  3.06539919e+01,   0.00000000e+00],
       [  1.72439178e+00,   0.00000000e+00],
       [  1.26011757e+01,   0.00000000e+00],
       [  5.14739713e-01,   0.00000000e+00],
       [  1.32088577e+02,   0.00000000e+00],
       [  1.35782590e+02,   0.00000000e+00],
       [  1.51462446e+01,   0.00000000e+00],
       [  7.13130086e-01,   0.00000000e+00],
       [  1.17476107e+01,   0.00000000e+00],
       [  3.39421896e-01,   0.00000000e+00],
       [  6.85832721e+01,   0.00000000e+00],
       [  7.62864257e-06,   0.00000000e+00],
       [  6.93659603e+00,   0.00000000e+00],
       [  1.11697734e+01,   0.00000000e+00],
       [  1.55123655e+01,   0.00000000e+00],
       [  6.16518261e-07,   0.00000000e+00],
       [  1.59194065e+00,   0.00000000e+00],
       [  2.11523933e+00,   0.00000000e+00],
       [  8.98135763e+01,   0.00000000e+00],
       [  1.66321203e+02,   0.00000000e+00],
       [  2.10526249e+00,   0.00000000e+00],
       [  2.77766492e+01,   0.00000000e+00],
       [  7.34258380e+00,   0.00000000e+00],
       [  8.09341209e+00,   0.00000000e+00],
       [  1.11718941e+02,   0.00000000e+00],
       [  5.45263197e+01,   0.00000000e+00],
       [  1.95542400e+01,   0.00000000e+00],
       [  5.64981693e-20,   0.00000000e+00],
       [  5.13961707e-02,   0.00000000e+00],
       [  1.46391122e+01,   0.00000000e+00],
       [  1.78271544e+01,   0.00000000e+00],
       [  1.71266322e+01,   0.00000000e+00],
       [  1.27138101e+00,   0.00000000e+00],
       [  1.81696026e+01,   0.00000000e+00],
       [  9.69417597e-02,   0.00000000e+00],
       [  1.92377429e+01,   0.00000000e+00],
       [  2.41222991e+01,   0.00000000e+00],
       [  1.25788276e+00,   0.00000000e+00],
       [  6.66130702e+00,   0.00000000e+00],
       [  2.07030040e+01,   0.00000000e+00],
       [  1.91835222e+01,   0.00000000e+00],
       [  1.46697422e+01,   0.00000000e+00],
       [  7.79036561e+01,   0.00000000e+00],
       [  1.05966987e+01,   0.00000000e+00],
       [  8.67685905e+01,   0.00000000e+00],
       [  5.08383255e+00,   0.00000000e+00],
       [  9.30495398e+01,   0.00000000e+00],
       [  1.10450010e+02,   0.00000000e+00],
       [  8.55238257e+01,   0.00000000e+00],
       [  1.06799747e+01,   0.00000000e+00],
       [  1.27135961e-02,   0.00000000e+00],
       [  1.37473477e+01,   0.00000000e+00],
       [  1.18470790e+02,   0.00000000e+00]])

In [20]:
nan_idx = [i for i, x in enumerate(X_cleaned) if (math.isnan(x[0]) == True)]
nan_idx


Out[20]:
[]

In [21]:
import matplotlib.pyplot as plt
#import plotly.plotly as py
plt.plot(X[0:190], 'k-', lw=2)
plt.show()

In [22]:
import matplotlib.pyplot as plt
import numpy as np
get_ipython().magic('matplotlib inline')

hist, bins = np.histogram(X_cleaned[0:100,0], bins=50)
width = 0.7 * (bins[1] - bins[0])
center = (bins[:-1] + bins[1:]) / 2
plt.bar(center, hist, align='center', width=width)
plt.show()



In [23]:
import matplotlib.pyplot as plt
import numpy as np
get_ipython().magic('matplotlib inline')

hist, bins = np.histogram(X_cleaned[100:200,0], bins=50)
width = 0.7 * (bins[1] - bins[0])
center = (bins[:-1] + bins[1:]) / 2
plt.bar(center, hist, align='center', width=width)
plt.show()



In [25]:
import random
import numpy
import matplotlib.pyplot as plt

bins = numpy.linspace(0, 100, 100)

plt.hist(X_cleaned[0:100,0], bins, alpha=0.25, label='NPE')
plt.hist(X_cleaned[100:198,0], bins, alpha=0.25, label='PE')
plt.legend(loc='upper right')
plt.show()



In [26]:
model = GaussianNB()

In [27]:
X_cleaned[:,0].shape


Out[27]:
(200,)

In [28]:
model.fit(X_cleaned[:,0].reshape(200,1), X_cleaned[:,1])


Out[28]:
GaussianNB(priors=None)

In [29]:
model.get_params()


Out[29]:
{'priors': None}

In [30]:
predicted= model.predict_proba([[1.20092645e+02],[4.95902904e+02]])

In [31]:
predicted


Out[31]:
array([[  2.88557388e-01,   7.11442612e-01],
       [  9.99999490e-01,   5.10052422e-07]])

In [32]:
X_cleaned.shape


Out[32]:
(200, 2)

In [33]:
#new
np.random.shuffle(X_cleaned)
total = X_cleaned.shape[0]
num_batches = 5
batch_size = int(total/num_batches)
X_usable = X_cleaned[0:int(num_batches*batch_size)]
X_all = X_usable.reshape(num_batches, batch_size, 2)
X_all.shape


Out[33]:
(5, 40, 2)

In [34]:
#new
from sklearn.linear_model import LogisticRegression
import random

for v_idx, v_data in enumerate(X_all):
    print("batch index: ", v_idx)
    indices = [0,1,2,3,4]
    indices.remove(v_idx)
    print("test set: ", indices)
    n = X_all.shape[1]
    print("n=", n)
    X_test = np.asarray([X_all[i,:,:] for i in indices]).reshape(4*n,2)
    print("X test shape: ", X_test.shape)
    model = GaussianNB()
    model.fit(X_test[:,0].reshape(4*n,1), X_test[:,1].reshape(4*n))

    #print(v_data.shape)
    #print(v_data)
    predicted= model.predict_proba(v_data[:,0].reshape(n,1))
    #print(predicted)
    
    for i in range(n):
        print("validation data: ", v_data[i][1], "predicted: ", predicted[i].argmax())
    
    score = sum([v_data[i][1] == predicted[i].argmax() for i in range(n)])
    print("num correct: ",  score, "\npercent correct: ", (score/n)*100)
    scores = model.score(v_data[:,0].reshape(n,1), v_data[:,1], sample_weight=None)
    print("self reported score: ", scores)
    
    model1 = LogisticRegression()
    mdl = model1.fit(X_test[:,0].reshape(4*n,1), X_test[:,1].reshape(4*n))
    w = model1.coef_[0]
    print("w:", w)
    
    #xx = np.linspace(0,5000)
    #yy = a * xx - (model1.intercept_[0])/w[1]
    #plt.plot(xx,yy,'k-')
    
    
    #xx, yy = np.mgrid[1:5000:100, 1:5000:100]
    #grid = np.c_[xx.ravel(), yy.ravel()]
    #probs = model.predict_proba(grid)[:, 1].reshape(xx.shape)


    #correct = [predicted[i]==v_data[1][i] for i in range(n)]
    #print(sum(correct)/n)
    #from matplotlib import pyplot as plt
    #ax = plt.gca()
    #cm_bright = ListedColormap(['#FF0000', '#0000FF'])
    #ax.scatter(, df.income, c=(df.default == 'Yes'), cmap=cm_bright)


batch index:  0
test set:  [1, 2, 3, 4]
n= 40
X test shape:  (160, 2)
validation data:  0.0 predicted:  0
validation data:  0.0 predicted:  1
validation data:  0.0 predicted:  0
validation data:  1.0 predicted:  1
validation data:  0.0 predicted:  0
validation data:  1.0 predicted:  0
validation data:  0.0 predicted:  0
validation data:  1.0 predicted:  1
validation data:  0.0 predicted:  1
validation data:  0.0 predicted:  1
validation data:  0.0 predicted:  0
validation data:  1.0 predicted:  1
validation data:  0.0 predicted:  0
validation data:  1.0 predicted:  1
validation data:  1.0 predicted:  1
validation data:  1.0 predicted:  1
validation data:  0.0 predicted:  1
validation data:  0.0 predicted:  1
validation data:  0.0 predicted:  1
validation data:  0.0 predicted:  0
validation data:  1.0 predicted:  0
validation data:  0.0 predicted:  0
validation data:  1.0 predicted:  1
validation data:  0.0 predicted:  1
validation data:  1.0 predicted:  1
validation data:  0.0 predicted:  0
validation data:  1.0 predicted:  0
validation data:  1.0 predicted:  0
validation data:  1.0 predicted:  1
validation data:  0.0 predicted:  1
validation data:  0.0 predicted:  0
validation data:  1.0 predicted:  1
validation data:  1.0 predicted:  0
validation data:  0.0 predicted:  0
validation data:  0.0 predicted:  0
validation data:  1.0 predicted:  1
validation data:  1.0 predicted:  0
validation data:  1.0 predicted:  1
validation data:  1.0 predicted:  1
validation data:  0.0 predicted:  0
num correct:  26 
percent correct:  65.0
self reported score:  0.65
w: [ 0.01908942]
batch index:  1
test set:  [0, 2, 3, 4]
n= 40
X test shape:  (160, 2)
validation data:  1.0 predicted:  1
validation data:  0.0 predicted:  0
validation data:  0.0 predicted:  0
validation data:  0.0 predicted:  0
validation data:  1.0 predicted:  1
validation data:  0.0 predicted:  0
validation data:  0.0 predicted:  1
validation data:  0.0 predicted:  1
validation data:  1.0 predicted:  1
validation data:  0.0 predicted:  1
validation data:  1.0 predicted:  0
validation data:  0.0 predicted:  1
validation data:  1.0 predicted:  0
validation data:  0.0 predicted:  0
validation data:  0.0 predicted:  1
validation data:  0.0 predicted:  0
validation data:  1.0 predicted:  0
validation data:  0.0 predicted:  0
validation data:  1.0 predicted:  1
validation data:  0.0 predicted:  0
validation data:  1.0 predicted:  1
validation data:  0.0 predicted:  0
validation data:  0.0 predicted:  0
validation data:  1.0 predicted:  1
validation data:  0.0 predicted:  0
validation data:  1.0 predicted:  1
validation data:  0.0 predicted:  0
validation data:  0.0 predicted:  0
validation data:  0.0 predicted:  0
validation data:  0.0 predicted:  0
validation data:  1.0 predicted:  1
validation data:  1.0 predicted:  0
validation data:  0.0 predicted:  1
validation data:  1.0 predicted:  1
validation data:  1.0 predicted:  0
validation data:  0.0 predicted:  0
validation data:  0.0 predicted:  1
validation data:  1.0 predicted:  1
validation data:  0.0 predicted:  0
validation data:  1.0 predicted:  1
num correct:  28 
percent correct:  70.0
self reported score:  0.7
w: [ 0.02077936]
batch index:  2
test set:  [0, 1, 3, 4]
n= 40
X test shape:  (160, 2)
validation data:  1.0 predicted:  0
validation data:  1.0 predicted:  1
validation data:  0.0 predicted:  0
validation data:  1.0 predicted:  0
validation data:  0.0 predicted:  0
validation data:  0.0 predicted:  0
validation data:  1.0 predicted:  0
validation data:  0.0 predicted:  1
validation data:  1.0 predicted:  0
validation data:  0.0 predicted:  1
validation data:  1.0 predicted:  1
validation data:  1.0 predicted:  1
validation data:  1.0 predicted:  1
validation data:  0.0 predicted:  0
validation data:  1.0 predicted:  1
validation data:  1.0 predicted:  1
validation data:  0.0 predicted:  0
validation data:  1.0 predicted:  1
validation data:  1.0 predicted:  1
validation data:  1.0 predicted:  1
validation data:  1.0 predicted:  1
validation data:  0.0 predicted:  0
validation data:  0.0 predicted:  0
validation data:  1.0 predicted:  0
validation data:  1.0 predicted:  1
validation data:  0.0 predicted:  0
validation data:  0.0 predicted:  1
validation data:  1.0 predicted:  0
validation data:  0.0 predicted:  0
validation data:  0.0 predicted:  0
validation data:  1.0 predicted:  1
validation data:  0.0 predicted:  0
validation data:  1.0 predicted:  1
validation data:  1.0 predicted:  0
validation data:  1.0 predicted:  1
validation data:  1.0 predicted:  0
validation data:  0.0 predicted:  0
validation data:  1.0 predicted:  1
validation data:  0.0 predicted:  0
validation data:  1.0 predicted:  1
num correct:  29 
percent correct:  72.5
self reported score:  0.725
w: [ 0.01528897]
batch index:  3
test set:  [0, 1, 2, 4]
n= 40
X test shape:  (160, 2)
validation data:  0.0 predicted:  0
validation data:  1.0 predicted:  0
validation data:  0.0 predicted:  0
validation data:  0.0 predicted:  0
validation data:  1.0 predicted:  1
validation data:  0.0 predicted:  0
validation data:  1.0 predicted:  0
validation data:  0.0 predicted:  1
validation data:  1.0 predicted:  1
validation data:  0.0 predicted:  0
validation data:  0.0 predicted:  0
validation data:  0.0 predicted:  0
validation data:  0.0 predicted:  0
validation data:  1.0 predicted:  1
validation data:  0.0 predicted:  0
validation data:  0.0 predicted:  0
validation data:  0.0 predicted:  0
validation data:  0.0 predicted:  1
validation data:  0.0 predicted:  1
validation data:  1.0 predicted:  1
validation data:  1.0 predicted:  1
validation data:  0.0 predicted:  0
validation data:  1.0 predicted:  1
validation data:  1.0 predicted:  0
validation data:  0.0 predicted:  0
validation data:  0.0 predicted:  0
validation data:  1.0 predicted:  1
validation data:  1.0 predicted:  1
validation data:  1.0 predicted:  1
validation data:  1.0 predicted:  1
validation data:  0.0 predicted:  0
validation data:  1.0 predicted:  1
validation data:  1.0 predicted:  0
validation data:  1.0 predicted:  1
validation data:  1.0 predicted:  1
validation data:  0.0 predicted:  0
validation data:  0.0 predicted:  0
validation data:  1.0 predicted:  0
validation data:  1.0 predicted:  0
validation data:  1.0 predicted:  1
num correct:  31 
percent correct:  77.5
self reported score:  0.775
w: [ 0.01484667]
batch index:  4
test set:  [0, 1, 2, 3]
n= 40
X test shape:  (160, 2)
validation data:  0.0 predicted:  0
validation data:  0.0 predicted:  0
validation data:  0.0 predicted:  0
validation data:  1.0 predicted:  1
validation data:  1.0 predicted:  1
validation data:  0.0 predicted:  1
validation data:  1.0 predicted:  1
validation data:  1.0 predicted:  1
validation data:  0.0 predicted:  1
validation data:  0.0 predicted:  0
validation data:  0.0 predicted:  0
validation data:  0.0 predicted:  1
validation data:  1.0 predicted:  1
validation data:  0.0 predicted:  1
validation data:  1.0 predicted:  0
validation data:  1.0 predicted:  1
validation data:  0.0 predicted:  0
validation data:  1.0 predicted:  0
validation data:  0.0 predicted:  1
validation data:  0.0 predicted:  0
validation data:  1.0 predicted:  1
validation data:  1.0 predicted:  0
validation data:  0.0 predicted:  0
validation data:  1.0 predicted:  1
validation data:  1.0 predicted:  0
validation data:  1.0 predicted:  1
validation data:  1.0 predicted:  1
validation data:  1.0 predicted:  1
validation data:  1.0 predicted:  0
validation data:  0.0 predicted:  0
validation data:  1.0 predicted:  0
validation data:  0.0 predicted:  0
validation data:  0.0 predicted:  1
validation data:  0.0 predicted:  0
validation data:  1.0 predicted:  1
validation data:  0.0 predicted:  0
validation data:  1.0 predicted:  0
validation data:  0.0 predicted:  0
validation data:  1.0 predicted:  0
validation data:  1.0 predicted:  0
num correct:  25 
percent correct:  62.5
self reported score:  0.625
w: [ 0.01858976]

In [12]:
(65+70+72.57+77.5+62.5)/5


Out[12]:
69.514

from sklearn.linear_model import LogisticRegression import random

for v_idx, v_data in enumerate(zip(X_all, Y_all)):

#print("v idx: ", v_idx)
indices = [0,1,2,3,4]
indices.remove(v_idx)
#print("test set: ", indices)
n = 2*19
X_test = np.asarray([X_all[i,:,:] for i in indices]).reshape(4*n,1)
Y_test = np.asarray([Y_all[i,:] for i in indices]).reshape(4*n)
#print(X_test.shape)
nums = [x for x in range(4*n)]
random.shuffle(nums)
#print(nums)
model = GaussianNB()
#print(Y_test[nums])
#print(sum(Y_test)/(4*n))
model.fit(X_test[nums], Y_test[nums])
#print(v_data[1])
#print(p_data.shape)
predicted= model.predict_proba(v_data[0])
#print(predicted)
scores = model.score(v_data[0], v_data[1], sample_weight=None)
print(scores)

model1 = LogisticRegression()
mdl = model1.fit(X_test[nums], Y_test[nums])
w = model1.coef_[0]
#a = -w[0]/w[1]
#xx = np.linspace(0,5000)
#yy = a * xx - (model1.intercept_[0])/w[1]
#plt.plot(xx,yy,'k-')


#xx, yy = np.mgrid[1:5000:100, 1:5000:100]
#grid = np.c_[xx.ravel(), yy.ravel()]
#probs = model.predict_proba(grid)[:, 1].reshape(xx.shape)


#correct = [predicted[i]==v_data[1][i] for i in range(n)]
#print(sum(correct)/n)
#from matplotlib import pyplot as plt
#ax = plt.gca()
#cm_bright = ListedColormap(['#FF0000', '#0000FF'])
#ax.scatter(, df.income, c=(df.default == 'Yes'), cmap=cm_bright)        

from sklearn.naive_bayes import BernoulliNB

for v_idx, v_data in enumerate(zip(X_all, Y_all)):

#print("v idx: ", v_idx)
indices = [0,1,2,3,4]
indices.remove(v_idx)
#print("test set: ", indices)
n = 2*19
X_test = np.asarray([X_all[i,:,:] for i in indices]).reshape(4*n,1)
Y_test = np.asarray([Y_all[i,:] for i in indices]).reshape(4*n)
#print(X_test.shape)
nums = [x for x in range(4*n)]
random.shuffle(nums)
#print(nums)
model = BernoulliNB()
#print(Y_test[nums])
#print(sum(Y_test)/(4*n))
model.fit(X_test[nums], Y_test[nums])
#print(v_data[1])
#print(p_data.shape)
predicted= model.predict_proba(v_data[0])
#print(predicted)
scores = model.score(v_data[0], v_data[1], sample_weight=None)
print(scores)
#correct = [predicted[i]==v_data[1][i] for i in range(n)]
#print(sum(correct)/n)

from sklearn.naive_bayes import MultinomialNB import random for v_idx, v_data in enumerate(zip(X_all, Y_all)):

#print("v idx: ", v_idx)
indices = [0,1,2,3,4]
indices.remove(v_idx)
#print("test set: ", indices)
n = X_all.shape[1] 
X_test = np.asarray([X_all[i,:,:] for i in indices]).reshape(4*n,1)
Y_test = np.asarray([Y_all[i,:] for i in indices]).reshape(4*n)
#print(X_test.shape)
nums = [x for x in range(4*n)]
random.shuffle(nums)
#print(nums)
model = MultinomialNB()
#print(Y_test[nums])
model.fit(X_test[nums], Y_test[nums])
#print(v_data[0])
predicted= model.predict(v_data[0])
#print(predicted)
correct = [predicted[i]==v_data[1][i] for i in range(n)]
print(sum(correct)/n)

In [86]:
%matplotlib qt 
%matplotlib notebook


Warning: Cannot change to a different GUI toolkit: notebook. Using qt instead.

In [11]:
import numpy.linalg as linalg
import matplotlib.pyplot as plt
from mpl_toolkits.mplot3d import Axes3D

fig = plt.figure()
#ax1 = fig.add_subplot(221, projection='3d')   
#ax2 = fig.add_subplot(222, projection='3d')   
#ax3 = fig.add_subplot(223, projection='3d')   


#planar_curves_array - from file
#n_planar_curves_array - from file

def get_eig(curves_array, dim=0):
    eig_vals = []
    eig_val_all = np.asarray(eig_vals)
    eig_vecs = []
    eig_vec_all = np.asarray(eig_vecs)
    for i in  range(1):# range(len(curves_array[:])): # 
        fig = plt.figure()
        #ax = fig.add_subplot(111, projection='3d')
        ax1 = fig.add_subplot(221, projection='3d')   
        ax2 = fig.add_subplot(222, projection='3d')   
        ax3 = fig.add_subplot(223, projection='3d')   
    
        print("\nAnalysing curve [", i ,"]")
        Planarity_Data = np.stack([curves_array[i][0], curves_array[i][1], curves_array[i][2]])
        ax1.plot(curves_array[i][0], curves_array[i][1], curves_array[i][2], 'ro')
        #plt.show()
        
        X = np.asmatrix(Planarity_Data)
        mu = np.mean(X, axis=0)
        #print("mu: ",mu)
        print("Shape of X matrix containing all points: ", X.shape)
        cov = np.dot(X, X.T)
        #print("Cov\n", cov)
        eigvals, eigvecs = np.linalg.eig(cov)
        eig_pairs = [(np.abs(eigvals[i]), eigvecs[:,i]) for i in range(len(eigvals))]
        eig_pairs.sort(key=lambda x: x[0], reverse=True)
        
        #for i in eig_pairs:
        #    print("eig vals: ", i[0])
        
        for i in [0,1,2]:
            #print("pairs: ", eigvals[i], eigvecs[:,i])
            v = eigvecs[:,i].reshape(1,3).T
            #print(v)
            lhs = np.dot(cov,v)
            #print(lhs)
            rhs = np.dot(eigvals[i],v)
            #print(rhs)
            
        matrix_w = np.hstack((eig_pairs[0][1].reshape(3,1), eig_pairs[1][1].reshape(3,1)))
        print('Matrix W:\n', matrix_w)
        print('Shape of transformation matrix W: ', matrix_w.shape)

        transformed = matrix_w.T.dot(X)
        print("Transformed matrix shape: ", transformed.shape)
        ax2.plot(transformed[0], transformed[1], 'ro') 
        #plt.show()
        #plt.clf()
        
        #reconstruct from eig vectors
        recoverd = matrix_w.dot(transformed)
        
        print("Recovered matrix shape: ", recoverd.shape)
        recoverd += mu
        ax3.plot(recoverd[0], recoverd[1], recoverd[2], 'ro') 
        
        plt.show()
        
        plt.clf()
        
        eig_vals.append(eigvals)
        eig_vecs.append(eigvecs)
        eig_val_all = np.asarray(eig_vals)
        eig_vec_all = np.asarray(eig_vecs)
        
    
    return 
np_curve_max_z = get_eig(n_planar_curves_array)
p_curve_max_y = get_eig(planar_curves_array)


Analysing curve [ 0 ]
Shape of X matrix containing all points:  (3, 300)
Matrix W:
 [[ 0.62467872  0.01821941]
 [ 0.11749009  0.98615433]
 [-0.7719926   0.16482624]]
Shape of transformation matrix W:  (3, 2)
Transformed matrix shape:  (2, 300)
Recovered matrix shape:  (3, 300)
---------------------------------------------------------------------------
KeyboardInterrupt                         Traceback (most recent call last)
/Users/pmishra/anaconda3/lib/python3.5/site-packages/matplotlib/backends/backend_macosx.py in close(self)
    398             self.canvas.draw_idle()
    399 
--> 400     def close(self):
    401         Gcf.destroy(self.num)
    402 

KeyboardInterrupt: 
Analysing curve [ 0 ]
Shape of X matrix containing all points:  (3, 300)
Matrix W:
 [[ 0.07260732 -0.86084384]
 [-0.657978    0.33816634]
 [ 0.74952861  0.38025177]]
Shape of transformation matrix W:  (3, 2)
Transformed matrix shape:  (2, 300)
Recovered matrix shape:  (3, 300)

In [15]:
import numpy as np
import sklearn.datasets, sklearn.decomposition
import numpy.linalg as linalg
import matplotlib.pyplot as plt
from mpl_toolkits.mplot3d import Axes3D

def pca_err(curves_array):
    errors=[]
    for i in range(len(curves_array[:])):  
        #fig = plt.figure()
        #ax1 = fig.add_subplot(221, projection='3d')   
        #ax2 = fig.add_subplot(222, projection='3d')   
        #ax3 = fig.add_subplot(223, projection='3d')   

        X = curves_array[i].T #sklearn.datasets.load_iris().data
        mu = np.mean(X, axis=0)
        print("X: ", X.shape)
        #print("mu: ", mu)
        pca = sklearn.decomposition.PCA()
        pca.fit(X)

        #ax1.plot(curves_array[i][0], curves_array[i][1], curves_array[i][2], 'ro') 

        nComp = 2
        print("Transfomed: ", pca.transform(X)[:,:nComp].shape)
        print("EV: ", pca.components_[:,:][:,:nComp])

        transformed = pca.transform(X)[:,:nComp].T
        #ax2.plot(transformed[0], transformed[1], 'ro') 

        Xhat = np.dot(pca.transform(X)[:,:nComp], pca.components_[:nComp,:])
        Xhat += mu

        reconstructed_curve = Xhat.T
        #ax3.plot(reconstructed_curve[0], reconstructed_curve[1], reconstructed_curve[2], 'ro') 

        
        #print(Xhat.shape)
        #plt.show()
        
        err = 0.5*sum((X-Xhat)**2)
        errors.append(sum(err))
        
        print("Err: ", err)
        
    return np.asarray(errors)

np_pca_err = pca_err(n_planar_curves_array)
p_pca_err = pca_err(planar_curves_array)


X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.62260335 -0.07118286]
 [-0.04511575 -0.99093258]
 [ 0.78123597 -0.1139545 ]]
Err:  [ 8.19987967  0.17446406  5.0608218 ]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.11679272  0.80448543]
 [ 0.80302158  0.42153752]
 [-0.58439353  0.41846064]]
Err:  [  7.08411661   3.63232025  10.02672242]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.22782555  0.48373054]
 [ 0.12924294  0.87521179]
 [-0.96508641  0.003014  ]]
Err:  [  2.01891927e+01   1.96912536e-04   1.48698024e+00]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.74492891 -0.44301582]
 [-0.63872372  0.25769023]
 [ 0.19264717 -0.85868081]]
Err:  [  1.57132615  31.21796383   9.54975516]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.84041088  0.11203411]
 [ 0.5018057  -0.20868062]
 [ 0.20469633  0.97154555]]
Err:  [  0.76846306  17.31128212   0.26040547]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.60650149 -0.67754428]
 [ 0.3432346  -0.24887787]
 [-0.71717917 -0.6920936 ]]
Err:  [ 6.84525373  6.37476067  0.0886422 ]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.19703456  0.89468936]
 [ 0.97090833  0.23482003]
 [-0.13606762  0.37998751]]
Err:  [  0.47582633   3.71088546  21.51363015]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.8978251   0.10739781]
 [ 0.36362158  0.72781744]
 [-0.2483736   0.677309  ]]
Err:  [  1.58853211  11.81296282  12.34897376]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.74284671 -0.4837997 ]
 [ 0.50524735 -0.85861725]
 [ 0.43920825  0.16945282]]
Err:  [  4.27741571   0.63670478  17.25969802]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.93972545  0.03065544]
 [ 0.19718499 -0.76509276]
 [-0.27934595 -0.64318995]]
Err:  [  1.68303063   8.92248394  10.96235628]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.75959289 -0.37929386]
 [-0.64856162  0.50273708]
 [ 0.04885156  0.77678285]]
Err:  [ 0.03712154  9.38573505  6.13210816]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.91599153 -0.39457363]
 [ 0.23200944 -0.66860163]
 [ 0.32730892 -0.63030429]]
Err:  [ 1.30340739  4.8335368   6.02952321]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.51022475  0.30089023]
 [ 0.49563522  0.86846779]
 [-0.70286302  0.39399083]]
Err:  [ 3.70932421  1.16553584  2.63364373]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.47597339 -0.83469559]
 [-0.45140509  0.50218824]
 [ 0.75477333 -0.22603151]]
Err:  [ 5.46399812  0.49002183  3.63727952]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.92393729  0.0855147 ]
 [ 0.29241675 -0.47054775]
 [ 0.2466421   0.87822096]]
Err:  [  1.07247643  13.59755804   2.96000677]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.4568569  -0.50802111]
 [ 0.3591309  -0.85634122]
 [ 0.81382232  0.09270531]]
Err:  [ 25.57944309   0.33192584  12.71037626]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.54670134 -0.19556   ]
 [-0.37390312  0.92703283]
 [-0.74920898 -0.31994752]]
Err:  [ 12.27495959   2.23857482   7.35472015]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.89259093  0.20598767]
 [ 0.0331584   0.91711568]
 [-0.44964648 -0.34127395]]
Err:  [ 1.90776611  1.09897804  6.42914277]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.47876627  0.39597002]
 [-0.03284938  0.88380919]
 [-0.87732763 -0.24917678]]
Err:  [ 13.38533996   1.07974434   2.92516425]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.54082842  0.80378155]
 [-0.21579946  0.41741548]
 [-0.81297922  0.42390981]]
Err:  [ 5.91730531  1.60883691  1.42678563]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.71998312  0.04987603]
 [ 0.66695453 -0.2259621 ]
 [ 0.19182272  0.97285842]]
Err:  [  0.74054622  19.04808756   0.33711705]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.5660966   0.45905279]
 [ 0.05680709  0.85034673]
 [-0.82237922 -0.25725662]]
Err:  [ 6.55292121  0.64124473  2.49509575]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.8338768   0.04873386]
 [ 0.50179991  0.48180235]
 [-0.22988329  0.87492372]]
Err:  [  1.17613359  17.03657236   4.04302407]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.93472682 -0.2806465 ]
 [-0.34499347  0.56950146]
 [ 0.08523661 -0.77259668]]
Err:  [  0.15209691  12.49607763   8.28658792]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.48615278  0.28711275]
 [ 0.55605905  0.62696791]
 [ 0.67413189 -0.7242082 ]]
Err:  [ 13.27452453  15.31990615   0.6154129 ]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.70173651  0.21125244]
 [ 0.09131222  0.97381894]
 [-0.70656065 -0.08395879]]
Err:  [ 16.52302884   0.23330448  16.34082969]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.85838124 -0.50745433]
 [-0.5125277   0.85465884]
 [-0.02229353 -0.10976506]]
Err:  [  1.64198542e-02   3.98051870e-01   3.26233543e+01]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.07237902 -0.44234082]
 [ 0.16642241 -0.88906343]
 [-0.98339456 -0.11790169]]
Err:  [ 39.24778615   0.56415653   0.77249766]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.77590433  0.36435773]
 [ 0.1558443  -0.68033538]
 [-0.61129782 -0.63591447]]
Err:  [  9.29815921  10.0621016    5.52208268]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.88915086  0.20939553]
 [ 0.26887139 -0.48045383]
 [ 0.37029572  0.85165582]]
Err:  [  2.77436697  14.67556278   2.78336128]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.57855369 -0.31028319]
 [ 0.22236639 -0.94978635]
 [ 0.78474761  0.04037614]]
Err:  [ 12.1972762    0.03228884   7.5767122 ]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.75287589  0.13394584]
 [ 0.46979451  0.79506446]
 [-0.46094579  0.59154967]]
Err:  [  6.08390184  10.01993553  12.53019404]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.96016353 -0.05491534]
 [-0.11884644 -0.96765309]
 [-0.25290616  0.24623527]]
Err:  [ 0.54828953  0.51974658  7.50414074]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.63326685  0.73708242]
 [ 0.22078097 -0.46428052]
 [-0.74177413  0.49107342]]
Err:  [ 7.8226487   3.4284934   2.96593967]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.74321663  0.19935615]
 [ 0.21985417  0.97433682]
 [ 0.6318965  -0.10452219]]
Err:  [  9.22447027   0.25238673  13.62514057]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.81983731  0.22555593]
 [ 0.0563896  -0.88287358]
 [ 0.56981312  0.41189654]]
Err:  [  6.46139197   3.3762724   10.06270767]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.9105326  -0.36118486]
 [ 0.24047732 -0.066846  ]
 [-0.33630498  0.93009521]]
Err:  [  3.51640041  26.89592938   0.67845876]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.82053455 -0.26540604]
 [-0.50665314 -0.07231728]
 [ 0.26462359 -0.96142074]]
Err:  [  3.28753636  43.39507455   0.26499639]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.97777054 -0.18308075]
 [ 0.14632064 -0.9449098 ]
 [-0.15018334  0.27134278]]
Err:  [  0.56198428   1.8344978   22.51965221]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.16767682 -0.63307168]
 [ 0.97052747  0.24059571]
 [ 0.17309222 -0.735754  ]]
Err:  [  0.80794499  14.59795289  11.56073322]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.33681317 -0.77187393]
 [ 0.73631248 -0.5728617 ]
 [-0.58685672 -0.2757537 ]]
Err:  [  9.56513593   2.11188216  16.09624945]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.72283401  0.51693118]
 [ 0.37961869  0.85156793]
 [-0.57740855 -0.08725942]]
Err:  [  7.43923762   0.16989736  14.70407248]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.6914438   0.45869519]
 [ 0.52590741 -0.21008495]
 [-0.49530482 -0.86340201]]
Err:  [  3.54762944  10.78001216   0.13318567]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.96979981 -0.01460181]
 [ 0.13059578  0.81196894]
 [-0.20599288  0.58351798]]
Err:  [ 0.62453816  5.01144559  9.08221085]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.6755061   0.64983586]
 [ 0.31479487 -0.17315448]
 [ 0.6667801   0.74008843]]
Err:  [ 6.97789269  8.59659085  0.12043376]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.05927282  0.95531529]
 [ 0.85265368  0.19930562]
 [-0.5191035   0.21828873]]
Err:  [  4.56103151   0.80652493  11.55847578]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.96562142  0.25609155]
 [ 0.18430466  0.79554309]
 [-0.18332229 -0.54911594]]
Err:  [  1.14381911  10.26254062  22.62872109]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.95296285  0.22475061]
 [ 0.12974777 -0.30381581]
 [-0.27391116 -0.92584184]]
Err:  [  1.4870421   16.98937592   1.34358971]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.49904252 -0.57787245]
 [ 0.06120745  0.76684068]
 [ 0.86441322  0.27931846]]
Err:  [ 9.87634955  1.03122379  2.31005862]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.51181886  0.81635374]
 [ 0.82470176  0.37963483]
 [-0.24064178 -0.43525162]]
Err:  [  1.32394603   4.33120768  17.20758273]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.69151798  0.01385256]
 [ 0.16210462 -0.97133969]
 [ 0.70393535  0.2372916 ]]
Err:  [ 7.58223979  0.86158219  6.85760621]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.44545295 -0.14605784]
 [ 0.74549501  0.48583875]
 [-0.49579114  0.86175856]]
Err:  [  7.11990897  21.51038199   0.3349344 ]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.56095352  0.09578753]
 [ 0.79481973  0.34008061]
 [ 0.23150105 -0.93550517]]
Err:  [  1.10484409  18.04211557   1.4685974 ]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.44026054  0.86248542]
 [ 0.52475517  0.47271969]
 [-0.72856206 -0.18070691]]
Err:  [ 9.22081385  0.56726458  7.5833749 ]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.79216618 -0.59883249]
 [ 0.44823225 -0.43988534]
 [-0.41419875  0.66925372]]
Err:  [  6.09587592  15.91476168  13.52127252]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.22855371 -0.36830834]
 [-0.10614285  0.92958311]
 [-0.9677277  -0.01497359]]
Err:  [  2.48933436e+01   5.95976288e-03   1.68203788e+00]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.88438331 -0.46431151]
 [-0.43213505  0.77580365]
 [-0.17642411  0.42725112]]
Err:  [  0.6312578    3.7021779   15.94763441]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.81220718 -0.38887637]
 [-0.5065515   0.83985345]
 [-0.28935283 -0.37871012]]
Err:  [  2.17277401   3.72197023  20.05655344]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.51390051  0.85527216]
 [ 0.6414637   0.33168522]
 [-0.56958809 -0.39811362]]
Err:  [  7.48463368   3.6564769   11.92895115]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.31910496  0.46717422]
 [ 0.8914856  -0.14727763]
 [ 0.32159828  0.8718128 ]]
Err:  [  1.4070117   10.33990958   1.85719275]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.39229822  0.88116783]
 [ 0.86451434  0.25520452]
 [ 0.3141927   0.39801244]]
Err:  [ 0.62881853  1.00908194  4.73200717]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.86486366 -0.30662839]
 [ 0.37988816 -0.91735812]
 [ 0.32817044  0.25383678]]
Err:  [  1.96960138   1.17838864  15.14056662]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.11610586  0.24538846]
 [-0.18525264 -0.95734677]
 [-0.97580781  0.15255051]]
Err:  [ 33.40567294   0.81643      0.86048657]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.94902763  0.0413552 ]
 [ 0.1575483  -0.79638609]
 [ 0.27299283  0.60337297]]
Err:  [  1.99245336   9.73323847  15.00964549]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.46555723 -0.74862275]
 [-0.43736625 -0.2690688 ]
 [ 0.76939407 -0.60594221]]
Err:  [ 6.87196996  4.26231945  0.4744105 ]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.77800339 -0.39876906]
 [ 0.2903428   0.45706402]
 [ 0.55714611 -0.79503189]]
Err:  [  7.91579873  16.11853775   1.46662394]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.40040134  0.40138404]
 [ 0.44297585  0.87172606]
 [-0.80215407  0.28104188]]
Err:  [ 16.46660423   2.0212989    7.10316782]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.69369149 -0.31257094]
 [ 0.07819226 -0.92828679]
 [ 0.71601542 -0.20145232]]
Err:  [ 9.56650235  0.75727387  8.33608595]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.02367427 -0.84046667]
 [-0.85459565 -0.26396905]
 [-0.51875409  0.47321889]]
Err:  [  8.11862892   6.75590854  15.29437232]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.75113011 -0.06237076]
 [ 0.52801476  0.54077321]
 [-0.39623727  0.83885292]]
Err:  [  4.18992524  18.77877574   3.71804565]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.70807678  0.46468453]
 [ 0.04564841 -0.72126199]
 [ 0.70465842  0.51366276]]
Err:  [ 12.28364909   6.52719026   5.92747515]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.20308969  0.92988356]
 [-0.8118225   0.01522313]
 [ 0.54744753  0.36753886]]
Err:  [  7.06841606   3.18598431  13.33066566]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.84835659 -0.38448189]
 [ 0.30231383 -0.91616286]
 [ 0.43462333 -0.11322228]]
Err:  [  3.20867584   0.21775269  13.55990973]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.49727969  0.67375855]
 [ 0.55796748  0.73080068]
 [-0.66436827  0.1094522 ]]
Err:  [ 16.1512578    0.43836675  20.00258041]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.64874702 -0.60464906]
 [-0.76011954  0.48558799]
 [ 0.03668224 -0.63135079]]
Err:  [  0.02324448   6.88572498  10.36563934]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.7514837  -0.22785793]
 [ 0.0653479   0.90814482]
 [-0.65650734  0.35121752]]
Err:  [ 9.37572491  2.68335428  9.69424735]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.31775024  0.45551048]
 [ 0.94545879  0.21854387]
 [ 0.07171089 -0.86298829]]
Err:  [  0.08914532  12.91035264   4.33567989]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.51581717  0.44194718]
 [ 0.68362519 -0.30396465]
 [ 0.51632281  0.84397167]]
Err:  [  6.78719402  18.13440766   0.53776716]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.30118341 -0.55291974]
 [ 0.74104522 -0.37702277]
 [-0.60011711 -0.74305693]]
Err:  [ 12.99268891  19.91916833   3.16486135]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.28398457 -0.42655372]
 [ 0.93858427 -0.30673396]
 [ 0.19599064  0.85086204]]
Err:  [ 0.28090207  5.29422705  1.73768054]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ -1.68611160e-01   1.29359124e-01]
 [  2.28569761e-02   9.91597432e-01]
 [ -9.85417594e-01   8.66157459e-04]]
Err:  [  2.06136885e+01   1.59260760e-05   6.14589122e-01]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.26077953  0.67463174]
 [-0.11719382 -0.6878931 ]
 [-0.95825865  0.26772205]]
Err:  [ 24.0692204    1.87873192   0.26382838]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.70647874  0.21856432]
 [ 0.23252365  0.97000206]
 [-0.66844637  0.10642197]]
Err:  [ 11.64092      0.29506437  14.11680142]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.61849635  0.62597864]
 [ 0.40196988  0.77144136]
 [-0.6751907  -0.11414451]]
Err:  [ 5.82805358  0.16656382  6.78949659]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.94570763 -0.13721046]
 [ 0.05666949 -0.96224559]
 [ 0.32004008 -0.23506747]]
Err:  [  3.16662305   1.70833361  26.04135138]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.36465836  0.75916933]
 [ 0.11938951  0.61236533]
 [-0.9234557  -0.2206142 ]]
Err:  [ 17.1120103    0.97664301   1.9777207 ]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.86952518  0.37461484]
 [ 0.39806992  0.14583711]
 [ 0.29234621  0.91563926]]
Err:  [  2.52329609  24.75267204   2.24790115]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.68934646  0.64949413]
 [ 0.02093155 -0.4248868 ]
 [ 0.72412936  0.63057797]]
Err:  [ 5.42223108  4.11171778  0.80665046]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.8223273   0.42749806]
 [ 0.24142386 -0.33549164]
 [ 0.51525948  0.83945862]]
Err:  [  4.87319897  12.9348305    0.54729896]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.7078044   0.41752686]
 [ 0.02890204 -0.78883875]
 [ 0.70581697  0.45100416]]
Err:  [ 6.84932194  2.7965622   4.10287116]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.41204211  0.83565002]
 [ 0.89727244  0.30279131]
 [ 0.15850384  0.45826463]]
Err:  [  0.52578993   4.39506539  16.00738286]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.8236273  -0.32366792]
 [ 0.18214171 -0.92861351]
 [ 0.53708703 -0.18142774]]
Err:  [  8.15323334   0.93035332  19.18086362]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.74078754  0.01776081]
 [ 0.47503226  0.72064979]
 [-0.47495071  0.69307174]]
Err:  [ 3.65340112  7.77958904  4.76273053]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.48480672  0.32152636]
 [ 0.61652116  0.53400833]
 [ 0.62037416 -0.78195645]]
Err:  [  9.95896441  15.82238383   0.09522585]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.56142212  0.1377203 ]
 [-0.26254263 -0.96475606]
 [ 0.78477804 -0.22422948]]
Err:  [ 15.86775622   1.29541003   8.60134057]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.15669322 -0.98728452]
 [-0.25979095  0.01505322]
 [-0.9528672   0.15824881]]
Err:  [ 18.62083724   0.5135886    1.37410034]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.83827309  0.45553205]
 [ 0.39565279  0.88633139]
 [-0.37517608 -0.08310971]]
Err:  [  2.97824827   0.14614843  18.03438337]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.60525447 -0.41766793]
 [-0.71256621 -0.09521015]
 [-0.35484704  0.90359755]]
Err:  [ 1.53086664  9.92670379  0.70022906]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.25509053 -0.16769555]
 [-0.7816322  -0.54398275]
 [-0.56919234  0.82216845]]
Err:  [  3.89929581e+00   8.13560224e+00   7.11480425e-04]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.69525881  0.55283142]
 [ 0.71869541  0.52617585]
 [ 0.00959638  0.64615509]]
Err:  [  2.07230444e-03   9.39534062e+00   1.31055131e+01]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.86286511 -0.420236  ]
 [-0.50527286 -0.7031467 ]
 [-0.01277264 -0.57357338]]
Err:  [  3.82555327e-30   3.53085702e-30   2.22637502e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.77820442 -0.62285575]
 [-0.62670112 -0.76195169]
 [-0.04054128 -0.17742702]]
Err:  [  2.65184303e-30   1.37489280e-30   4.25861629e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.79485624  0.20844286]
 [ 0.58744603  0.49962198]
 [ 0.15202213 -0.84079097]]
Err:  [  4.07271741e-30   3.35111810e-30   4.67587503e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.66149672  0.45120244]
 [ 0.65919675  0.7307086 ]
 [ 0.35760555 -0.51232928]]
Err:  [  1.36960582e-29   2.80370195e-30   5.02020911e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.89907389 -0.42028708]
 [ 0.30079091 -0.79644591]
 [ 0.31810527 -0.43477889]]
Err:  [  5.30612959e-30   1.38671319e-30   4.28827561e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.10829909 -0.93055293]
 [-0.02734001  0.34892337]
 [ 0.99374234  0.11101228]]
Err:  [  2.44670140e-30   5.38983682e-30   4.26231054e-31]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.8824697  -0.42774128]
 [-0.35468419 -0.33190378]
 [ 0.30894394  0.84075994]]
Err:  [  2.50650153e-30   3.86880807e-30   2.26504333e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.87856832 -0.4171309 ]
 [ 0.4645681  -0.85941804]
 [-0.11087915 -0.29563903]]
Err:  [  2.25757508e-30   9.97494790e-31   4.09837892e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.93886227 -0.33418066]
 [-0.16308206 -0.21977067]
 [-0.30321918 -0.91652831]]
Err:  [  1.91804304e-30   3.31876248e-30   9.78643246e-31]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.85307985 -0.37787939]
 [-0.52160069 -0.63569387]
 [ 0.01369291 -0.67312738]]
Err:  [  7.39896544e-30   1.08026193e-29   3.16083622e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.32196752  0.74001663]
 [-0.0090344  -0.62130206]
 [ 0.94670761 -0.25760268]]
Err:  [  1.97523375e-30   2.68715375e-30   7.71262720e-31]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.51243985  0.78626017]
 [ 0.38787051  0.57063359]
 [ 0.76613437  0.23700687]]
Err:  [  3.12559171e-30   9.51101281e-30   5.35768357e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.47346482  0.31017967]
 [ 0.87754325  0.08554526]
 [ 0.0758216   0.9468213 ]]
Err:  [  7.71089688e-31   1.75922145e-29   4.45949079e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.95938245  0.25358357]
 [-0.28178099  0.88248789]
 [ 0.0135936   0.3961193 ]]
Err:  [  3.52146661e-30   4.74460064e-30   4.36338688e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.90704804 -0.25027066]
 [ 0.16496075 -0.95110696]
 [ 0.38736521 -0.18099765]]
Err:  [  3.19031988e-30   9.03923276e-31   7.96872774e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.51986759  0.130644  ]
 [ 0.48345112 -0.76975356]
 [-0.70428169 -0.62482925]]
Err:  [  4.60723604e-30   1.28893012e-30   1.60461261e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.83001462 -0.20324325]
 [ 0.02286211  0.9180603 ]
 [-0.55727288  0.34037843]]
Err:  [  1.58758257e-29   1.47414891e-30   8.00234126e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.91494563 -0.37976291]
 [-0.39239774 -0.9162116 ]
 [ 0.09433192 -0.12781408]]
Err:  [  5.19435381e-30   4.88219790e-30   6.77311043e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.59555856 -0.80255564]
 [-0.63943997 -0.44736271]
 [ 0.4862371   0.3946784 ]]
Err:  [  2.74154698e-30   1.14530239e-29   2.90015107e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.6325719   0.52513922]
 [-0.5353807   0.82762285]
 [-0.55966088 -0.19816462]]
Err:  [  4.47422415e-30   1.04921805e-30   4.28683117e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.81784471  0.50129762]
 [-0.57160729  0.65115866]
 [ 0.06629579 -0.56981848]]
Err:  [  1.12226827e-29   1.52382421e-29   4.81790635e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.9126073   0.4074884 ]
 [ 0.05757114  0.20844251]
 [-0.40476349 -0.88910344]]
Err:  [  1.40566404e-30   5.60060428e-30   3.15636596e-31]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.35686452  0.83089962]
 [-0.92691131  0.37176297]
 [-0.11611694 -0.41400255]]
Err:  [  2.36222530e-30   2.12771925e-30   2.52682009e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.81330426  0.56054895]
 [-0.57397562  0.81687246]
 [-0.09533187 -0.13603038]]
Err:  [  1.17575616e-30   1.21067582e-29   2.85345781e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.93309338  0.33745482]
 [ 0.3241238   0.63929111]
 [ 0.15582202  0.69096391]]
Err:  [  1.56267548e-30   1.16928985e-29   3.20643600e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.46663001  0.80981774]
 [ 0.07923158  0.43871503]
 [ 0.88089658  0.38951811]]
Err:  [  1.40176885e-29   3.97822497e-30   2.03522647e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.27680426  0.34055538]
 [ 0.85359242 -0.34230848]
 [ 0.44131552  0.87569797]]
Err:  [  4.62075291e-30   2.67473151e-30   6.39870673e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.94825825 -0.3174174 ]
 [-0.28993244 -0.8563987 ]
 [ 0.12940429  0.40721917]]
Err:  [  1.11205602e-30   2.02374010e-30   3.42815530e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.46540095  0.71386516]
 [-0.46708289 -0.30407849]
 [ 0.75182147 -0.63081915]]
Err:  [  1.15621278e-29   2.33040593e-29   1.00500802e-29]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.52219024  0.72609484]
 [-0.77192007  0.17941666]
 [-0.36256966  0.66377402]]
Err:  [  1.67132201e-30   4.67399876e-30   1.65468679e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.0582837  -0.47584652]
 [ 0.95423877 -0.23173058]
 [-0.29331106 -0.84845213]]
Err:  [  2.02473015e-30   4.33719423e-30   6.24557414e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.73838706 -0.57020895]
 [ 0.3884774  -0.79608202]
 [-0.55124392  0.20276874]]
Err:  [  1.77686681e-29   1.01036211e-29   2.79182805e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.78573408 -0.60336878]
 [ 0.60136601 -0.69353677]
 [ 0.14484781 -0.39364052]]
Err:  [  6.60256933e-31   1.87973509e-30   4.60528368e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.68897528 -0.68975242]
 [ 0.72302499 -0.63269137]
 [-0.05047696  0.35205573]]
Err:  [  3.12752516e-30   2.25538524e-29   3.77174120e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.2899418   0.49464834]
 [ 0.92262598  0.37198513]
 [-0.25435221  0.7854617 ]]
Err:  [  1.02209102e-30   5.47426327e-30   4.16393577e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.96501494 -0.25198457]
 [ 0.26187961 -0.93986848]
 [ 0.0128544   0.23054503]]
Err:  [  1.16518370e-29   4.34977898e-30   4.74549138e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.75235138  0.39646876]
 [-0.65351182  0.54981187]
 [-0.08300423 -0.73520027]]
Err:  [  6.67479170e-31   1.73834437e-30   3.06135555e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.37557484 -0.84403429]
 [ 0.91563354 -0.40182355]
 [-0.14338327 -0.3551675 ]]
Err:  [  1.23307665e-30   1.02610659e-29   5.16303299e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.47639252 -0.84447764]
 [ 0.40861946  0.0338401 ]
 [-0.77851159  0.53452069]]
Err:  [  1.04046439e-29   1.84670757e-29   3.27687350e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.97128672  0.0460593 ]
 [ 0.01821314 -0.96380671]
 [ 0.23721382  0.26259318]]
Err:  [  1.69092587e-30   1.50665048e-30   2.74868722e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.54081641  0.41386701]
 [-0.7813967  -0.07504487]
 [-0.31134676  0.90723887]]
Err:  [  1.77397407e-30   3.94892676e-30   3.35239789e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.5959533   0.79869443]
 [-0.71332224  0.57413424]
 [ 0.36879676 -0.18015848]]
Err:  [  6.28221536e-30   1.75906737e-29   3.14311767e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.91580579 -0.11107616]
 [-0.38708654  0.01207588]
 [ 0.10706901  0.99373853]]
Err:  [  5.62152469e-30   3.44510348e-30   9.97591086e-31]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.94014329 -0.14926652]
 [-0.22811305  0.39220488]
 [ 0.25316997  0.90768653]]
Err:  [  9.80551722e-30   2.84113185e-30   1.19894556e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.21539256 -0.97019557]
 [-0.49520483 -0.01052821]
 [-0.84165208 -0.24209443]]
Err:  [  1.92592994e-30   1.30291869e-29   3.28698464e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.87048336 -0.2107449 ]
 [ 0.47617094 -0.58931248]
 [ 0.12457915  0.77993422]]
Err:  [  6.78986602e-30   1.19134174e-29   1.10501518e-29]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.92640477 -0.09710974]
 [ 0.37590057 -0.29433271]
 [-0.02174785 -0.95075652]]
Err:  [  1.63388674e-30   8.09198725e-30   8.28988643e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.89957962 -0.04021278]
 [ 0.37597403 -0.57802727]
 [ 0.22226118  0.81502602]]
Err:  [  1.49899942e-30   1.90898176e-30   1.65783081e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.00711201 -0.12811161]
 [-0.97399413 -0.22548854]
 [ 0.22646158 -0.96578586]]
Err:  [  2.19426653e-30   3.51905919e-30   1.30309699e-29]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.1042617  -0.02065412]
 [ 0.27925269  0.95895633]
 [-0.95454043  0.28280056]]
Err:  [  2.48367926e-30   1.19068693e-29   1.08276459e-29]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.61217551  0.44201541]
 [-0.28461174 -0.650418  ]
 [ 0.73772441 -0.61772066]]
Err:  [  4.08952566e-30   3.70523794e-30   9.89791916e-31]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.99712995 -0.06023908]
 [ 0.02419815  0.32038286]
 [ 0.07173784 -0.94537087]]
Err:  [  3.96907229e-30   3.75941525e-30   5.40897425e-31]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.31314925 -0.94279242]
 [ 0.44487416 -0.25201738]
 [ 0.8390617  -0.21824226]]
Err:  [  2.66548704e-30   1.06809791e-29   1.46133245e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.9853284  -0.03231352]
 [-0.16751278  0.0048621 ]
 [-0.03267134 -0.99946596]]
Err:  [  1.78435002e-30   2.39739759e-30   1.51735105e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.68561173  0.13674208]
 [ 0.18527523 -0.91707833]
 [ 0.70399549  0.37452495]]
Err:  [  2.43919027e-30   8.74594956e-30   3.86093998e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.42665837 -0.08065253]
 [-0.73173669 -0.61614925]
 [-0.53152992  0.78348916]]
Err:  [  1.39783995e-30   2.02607830e-30   1.06572537e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.10203323 -0.79211455]
 [ 0.77029179  0.31988204]
 [-0.6294758   0.51983653]]
Err:  [  7.31530334e-30   1.43925948e-29   2.91147278e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.42180397  0.89041454]
 [ 0.01237737  0.19424351]
 [ 0.90660257  0.41162046]]
Err:  [  4.04137140e-30   1.85513869e-29   5.97697312e-31]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.67237882  0.43740641]
 [-0.73137668  0.26834562]
 [ 0.11399501 -0.85829264]]
Err:  [  7.63684261e-31   5.33251483e-30   5.07968838e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.1945548  -0.9211469 ]
 [ 0.84167612 -0.33325702]
 [-0.50371592 -0.20106754]]
Err:  [  2.09007823e-30   3.08384266e-30   2.21867130e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.8148489   0.09141679]
 [ 0.53474035  0.49974491]
 [-0.22377228  0.86133501]]
Err:  [  3.21324559e-30   3.19088073e-30   3.14203170e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.66060933  0.57786072]
 [ 0.42477769 -0.23863756]
 [ 0.61899856  0.78046723]]
Err:  [  7.06217591e-30   2.37284199e-30   1.32047324e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.22356522 -0.001723  ]
 [-0.95072459 -0.22076867]
 [-0.21480539  0.97532468]]
Err:  [  2.18980003e-30   2.39123462e-30   2.88719769e-29]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.42833163  0.81809214]
 [-0.39845529  0.55215126]
 [-0.81102737  0.16079253]]
Err:  [  7.97373516e-30   6.26953770e-29   4.08398260e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.13592366  0.96277265]
 [-0.84954944 -0.00806591]
 [-0.50969649  0.2701921 ]]
Err:  [  1.19494323e-30   8.38531240e-30   1.33736575e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.48705233 -0.78495573]
 [-0.85756632 -0.34678731]
 [-0.16540871 -0.51340342]]
Err:  [  1.60538298e-30   3.21245115e-30   2.19401939e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.10498247  0.98924213]
 [-0.98861922  0.09271557]
 [-0.10775304  0.11315399]]
Err:  [  1.74604809e-30   1.37841876e-29   5.72540454e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.94538802 -0.02168028]
 [ 0.12248525  0.90102553]
 [ 0.3020577  -0.4332239 ]]
Err:  [  1.16092650e-30   2.78682063e-30   5.73773049e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.85811574  0.50363547]
 [-0.46311511  0.84323345]
 [ 0.22172454 -0.18790599]]
Err:  [  5.77243936e-30   1.29133603e-30   3.38347373e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.88063493  0.12577652]
 [-0.1862224  -0.79464236]
 [-0.43566424  0.59390553]]
Err:  [  1.71176722e-29   1.32522873e-30   2.03511663e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.36221833 -0.73158434]
 [ 0.38427262 -0.68174168]
 [ 0.84919517 -0.00355465]]
Err:  [  5.53281154e-30   2.41545319e-30   4.43558969e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.36535868  0.19121583]
 [ 0.9306704   0.05493146]
 [ 0.01912153  0.98000971]]
Err:  [  9.92510694e-31   6.85322911e-30   1.83358160e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.46511755 -0.37965913]
 [ 0.6375371  -0.7704031 ]
 [ 0.61417596  0.51218943]]
Err:  [  1.85505845e-30   2.30798498e-29   1.90293434e-29]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.60748529  0.78751726]
 [-0.42145637  0.20877015]
 [-0.67330242  0.5798548 ]]
Err:  [  2.69167969e-30   3.42228723e-30   1.30963236e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.96365882  0.26658209]
 [ 0.06004136 -0.2788627 ]
 [-0.26030119  0.92258852]]
Err:  [  2.57440259e-30   5.22928499e-30   8.19290598e-31]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.81577733  0.48306376]
 [ 0.28616937  0.81500924]
 [ 0.50260764  0.3200146 ]]
Err:  [  3.01143221e-30   8.12184669e-30   6.43462824e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.19262182  0.62393817]
 [-0.90564229 -0.18409422]
 [ 0.3777683  -0.7594804 ]]
Err:  [  1.63325179e-30   6.15707766e-30   1.95808696e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.44890185  0.5698034 ]
 [-0.66583727 -0.30044222]
 [-0.59594283  0.7648912 ]]
Err:  [  1.23189701e-30   2.34193081e-30   3.57337042e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.58628959  0.36164448]
 [ 0.78941893  0.05414103]
 [-0.18188532 -0.93074272]]
Err:  [  8.07181314e-31   7.11977782e-30   3.46515883e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.9458053   0.12666589]
 [ 0.31803876  0.5473314 ]
 [-0.06560251  0.8272751 ]]
Err:  [  5.74218420e-30   4.09260113e-30   3.38604702e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.6950115  -0.71883499]
 [-0.31355644 -0.28382896]
 [ 0.64702502  0.63460017]]
Err:  [  1.01086443e-29   3.45700573e-29   1.76530739e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.9442448  -0.32922468]
 [-0.13054917 -0.38438346]
 [ 0.30225597  0.86247346]]
Err:  [  1.29637956e-30   3.51443696e-30   3.13319612e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.7090867   0.69955102]
 [ 0.70454908  0.6978613 ]
 [ 0.02840157  0.15368139]]
Err:  [  1.49404015e-30   1.13756497e-29   4.17849761e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.50382055  0.73151337]
 [-0.78070387  0.15800102]
 [-0.36968408  0.66326757]]
Err:  [  3.50153323e-30   4.60700273e-30   5.05032248e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.27289026 -0.83502551]
 [-0.74133997  0.13399014]
 [-0.61314431 -0.53364692]]
Err:  [  3.46924983e-30   1.71605128e-29   2.47821443e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.67467734  0.73624943]
 [-0.28416756  0.19355188]
 [-0.68121897  0.64844001]]
Err:  [  9.58227185e-30   1.02456513e-29   2.10267013e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.69557607  0.28920687]
 [ 0.70993951  0.13618011]
 [ 0.11027162  0.94753067]]
Err:  [  6.47930982e-31   3.45126646e-30   9.20008083e-31]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.78578502  0.53304146]
 [ 0.5548664   0.83161573]
 [ 0.2732493  -0.15582705]]
Err:  [  1.05740776e-30   1.02538617e-30   4.64688377e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.91444595 -0.18947327]
 [-0.13588977  0.97608621]
 [-0.38121199  0.10656258]]
Err:  [  1.34907497e-29   9.71792201e-30   1.45153488e-29]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.46560246 -0.73646433]
 [ 0.58662815 -0.67202652]
 [ 0.66263245  0.07746387]]
Err:  [  1.86064092e-30   8.34318870e-31   1.48884014e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.12896818 -0.09451939]
 [-0.98491141  0.10363103]
 [-0.11539815 -0.99011449]]
Err:  [  1.51514263e-30   8.52955854e-30   2.27253474e-29]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.79596234 -0.59638718]
 [-0.59405747 -0.80250668]
 [ 0.11636014 -0.01747466]]
Err:  [  1.01413693e-29   2.60193451e-29   2.25564915e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.98395045 -0.00946337]
 [ 0.17240991  0.20702579]
 [-0.04600353  0.97828971]]
Err:  [  6.11771647e-30   2.98904327e-30   2.33449191e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.12073514  0.21318219]
 [-0.83496264 -0.50642767]
 [ 0.53689888 -0.83551444]]
Err:  [  4.46483863e-30   2.40818280e-29   5.66517725e-29]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.94793402 -0.22027579]
 [ 0.25383272 -0.08643884]
 [ 0.19232799 -0.97160018]]
Err:  [  1.41833305e-30   3.08765089e-30   2.68985081e-31]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.38227417 -0.83615305]
 [-0.28443595  0.29852298]
 [-0.87918294 -0.46014357]]
Err:  [  2.31881965e-30   1.35975428e-29   1.16860097e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.29228005  0.13633868]
 [ 0.83851367  0.51247662]
 [ 0.45985563 -0.84780863]]
Err:  [  2.27401771e-30   6.82087349e-30   1.79354747e-29]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[ 0.59515931 -0.59887728]
 [-0.24045822 -0.76896598]
 [ 0.76678891  0.22369025]]
Err:  [  8.20320971e-30   4.97714769e-29   1.04194194e-29]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.74759962 -0.23195685]
 [ 0.56633674 -0.71211494]
 [-0.34692578 -0.66263741]]
Err:  [  4.99846228e-30   9.93086517e-30   4.42587014e-30]
X:  (300, 3)
Transfomed:  (300, 2)
EV:  [[-0.23535902 -0.77306963]
 [ 0.17134311  0.56356992]
 [-0.95668577  0.29112248]]
Err:  [  4.91805471e-30   2.50727190e-30   6.86603429e-31]

In [20]:
import random
import numpy
import matplotlib.pyplot as plt

bins = numpy.linspace(0, 100, 100)

plt.hist(np_pca_err, bins, alpha=0.25, label='NPE')
plt.hist(p_pca_err, bins, alpha=0.25, label='PE')
plt.legend(loc='upper right')
plt.show()

In [ ]: