Exemplo n.º 1
0
 def test_calculate_cost(self):
     sys.stdout.write('FNN_trainer -> Performing calculate_cost test ... ')
     sys.stdout.flush()
     numx.random.seed(42)
     l1 = FullConnLayer(2 * 2, 3 * 3)
     l2 = FullConnLayer(3 * 3, 2 * 2)
     l3 = FullConnLayer(2 * 2, 1 * 1)
     model = MODEL.Model([l1, l2, l3])
     trainer = TRAINER.GDTrainer(model)
     model.forward_propagate(numx.arange(4).reshape(1, 4))
     cost = model.calculate_cost(
         [
             numx.arange(9).reshape(1, 9),
             numx.arange(4).reshape(1, 4),
             numx.arange(1).reshape(1, 1)
         ], [CFct.SquaredError, CFct.SquaredError, CFct.SquaredError],
         [1.0, 1.0, 1.0], [1.0, 1.0, 1.0],
         [CFct.SquaredError, CFct.SquaredError, CFct.SquaredError],
         [1.0, 1.0, 1.0])
     assert numx.all(numx.abs(cost - 117.72346036) < self.epsilon)
     cost = model.calculate_cost([
         numx.arange(9).reshape(1, 9),
         numx.arange(4).reshape(1, 4),
         numx.arange(1).reshape(1, 1)
     ], [CFct.SquaredError, CFct.SquaredError, CFct.SquaredError],
                                 [1.0, 1.0, 1.0], [1.0, 1.0, 1.0],
                                 [None, None, None], [0.0, 0.0, 0.0])
     assert numx.all(numx.abs(cost - 108.42118343) < self.epsilon)
     cost = model.calculate_cost(
         [None, None, numx.arange(1).reshape(1, 1)],
         [None, None, CFct.SquaredError], [0.0, 0.0, 1.0], [0.0, 0.0, 1.0],
         [None, None, None], [0.0, 0.0, 0.0])
     assert numx.all(numx.abs(cost - 0.10778406) < self.epsilon)
     print('successfully passed!')
     sys.stdout.flush()
Exemplo n.º 2
0
 def test_check_setup(self):
     sys.stdout.write('FNN_trainer -> Performing check_setup test ... ')
     sys.stdout.flush()
     numx.random.seed(42)
     l1 = FullConnLayer(2 * 2, 3 * 3)
     l2 = FullConnLayer(3 * 3, 2 * 2)
     l3 = FullConnLayer(2 * 2, 1 * 1)
     model = MODEL.Model([l1, l2, l3])
     trainer = TRAINER.GDTrainer(model)
     res = trainer.check_setup(
         data=numx.arange(4).reshape(1, 4),
         labels=[
             numx.arange(9).reshape(1, 9),
             numx.arange(4).reshape(1, 4),
             numx.arange(1).reshape(1, 1)
         ],
         epsilon=[0.01, 0.01, 0.01],
         momentum=[0.09, 0.09, 0.09],
         reg_L1Norm=[0.0002, 0.0002, 0.0002],
         reg_L2Norm=[0.0002, 0.0002, 0.0002],
         corruptor=None,
         reg_costs=[1.0, 1.0, 1.0],
         costs=[CFct.SquaredError, CFct.SquaredError, CFct.SquaredError],
         reg_sparseness=[0.1, 0.1, 0.1],
         desired_sparseness=[0.01, 0.01, 0.01],
         costs_sparseness=[
             CFct.SquaredError, CFct.SquaredError, CFct.SquaredError
         ],
         update_offsets=[0.01, 0.01, 0.01],
         restrict_gradient=[0.01, 0.01, 0.01],
         restriction_norm='Mat')
     assert numx.all(res)
     print('successfully passed!')
     sys.stdout.flush()
Exemplo n.º 3
0
 def test_forward_propagate(self):
     sys.stdout.write('FNN_model -> Performing forward_propagate test ...')
     sys.stdout.flush()
     numx.random.seed(42)
     l1 = FullConnLayer(2*2,3*3)
     l2 = FullConnLayer(3*3,2*2)
     l3 = FullConnLayer(2*2,1*1)
     model = Model([l1,l2,l3])
     target = numx.array([[-0.45978757]])
     assert numx.all(numx.abs(target - model.forward_propagate(numx.array([0.1,3.0,5.0,9.0]))) < self.epsilon)
     assert numx.all(numx.abs(target - model.forward_propagate(numx.array([[0.1,3.0,5.0,9.0]]))) < self.epsilon)
     print('successfully passed!')
     sys.stdout.flush()
Exemplo n.º 4
0
 def test_pop_layer(self):
     sys.stdout.write('FNN_model -> Performing pop_layer test ... ')
     sys.stdout.flush()
     numx.random.seed(42)
     l1 = FullConnLayer(2 * 2, 3 * 3)
     l2 = FullConnLayer(3 * 3, 2 * 2)
     l3 = FullConnLayer(2 * 2, 1 * 1)
     model = Model([l1, l2, l3])
     model.pop_layer()
     assert numx.all(model.layers[0] == l1)
     assert numx.all(model.layers[1] == l2)
     assert numx.all(model.num_layers == 2 == len(model.layers))
     print('successfully passed!')
     sys.stdout.flush()
Exemplo n.º 5
0
 def test_get_deltas(self):
     sys.stdout.write('FNN_layer -> Performing get_deltas test ... ')
     sys.stdout.flush()
     l = FullConnLayer(input_dim=9,
                       output_dim=4,
                       activation_function=AFct.Sigmoid,
                       initial_weights=0.01 *
                       numx.arange(9 * 4).reshape(9, 4),
                       initial_bias=0.0,
                       initial_offset=0.5,
                       connections=None)
     l.forward_propagate(1.0 * numx.arange(9).reshape(1, 9))
     d = l._get_deltas(1.0 * numx.arange(4).reshape(1, 4), None, None, 0.0,
                       0.0, None, 0.0)
     targetd = numx.array([[0., 0.00042823, 0.00062518, 0.00068448]])
     assert numx.all(numx.abs(d - targetd) < self.epsilon)
     d = l._get_deltas(None, 1.0 * numx.arange(4).reshape(1, 4),
                       CFct.SquaredError, 1.0, 0.0, None, 0.0)
     targetd = numx.array([[
         5.86251700e-04, -1.83457004e-07, -3.12685448e-04, -4.56375237e-04
     ]])
     assert numx.all(numx.abs(d - targetd) < self.epsilon)
     d = l._get_deltas(1.0 * numx.arange(4).reshape(1, 4), None, None, 0.0,
                       0.01, CFct.SquaredError, 1.0)
     targetd = numx.array([[0.00058039, 0.00085199, 0.00093454,
                            0.00091031]])
     assert numx.all(numx.abs(d - targetd) < self.epsilon)
     d = l._get_deltas(1.0 * numx.arange(4).reshape(1, 4),
                       1.0 * numx.arange(4).reshape(1, 4),
                       CFct.SquaredError, 1.0, 0.0, None, 0.0)
     targetd = numx.array([[0.00058625, 0.00042804, 0.00031249,
                            0.00022811]])
     assert numx.all(numx.abs(d - targetd) < self.epsilon)
     print('successfully passed!')
     sys.stdout.flush()
Exemplo n.º 6
0
 def test_consistency_check(self):
     sys.stdout.write('FNN_model -> Performing consistency_check test ... ')
     sys.stdout.flush()
     l1 = FullConnLayer(2 * 2, 3 * 3)
     l2 = FullConnLayer(3 * 3, 2 * 2)
     l3 = FullConnLayer(2 * 2, 1 * 1)
     model = Model([l1, l2, l3])
     passed = True
     try:
         model.consistency_check()
     except:
         passed = False
     assert passed
     print('successfully passed!')
     sys.stdout.flush()
Exemplo n.º 7
0
 def test___init__(self):
     sys.stdout.write('FNN_trainer -> Performing init test ... ')
     sys.stdout.flush()
     l1 = FullConnLayer(2 * 2, 3 * 3)
     l2 = FullConnLayer(3 * 3, 2 * 2)
     l3 = FullConnLayer(2 * 2, 1 * 1)
     model = MODEL.Model([l1, l2, l3])
     trainer = TRAINER.GDTrainer(model)
     assert numx.all(trainer._old_grad[0][0].shape == (4, 9))
     assert numx.all(trainer._old_grad[0][1].shape == (1, 9))
     assert numx.all(trainer._old_grad[1][0].shape == (9, 4))
     assert numx.all(trainer._old_grad[1][1].shape == (1, 4))
     assert numx.all(trainer._old_grad[2][0].shape == (4, 1))
     assert numx.all(trainer._old_grad[2][1].shape == (1, 1))
     print('successfully passed!')
     sys.stdout.flush()
Exemplo n.º 8
0
 def test___init__(self):
     sys.stdout.write('FNN_layer -> Performing init test ... ')
     sys.stdout.flush()
     l = FullConnLayer(input_dim=9,
                       output_dim=4,
                       activation_function=AFct.Sigmoid,
                       initial_weights='AUTO',
                       initial_bias='AUTO',
                       initial_offset='AUTO',
                       connections=generate_2d_connection_matrix(
                           3, 3, 2, 2, 1, 1, False))
     assert numx.all(l.weights.shape == (9, 4))
     assert numx.all(l.bias.shape == (1, 4))
     assert numx.all(l.offset.shape == (1, 9))
     assert numx.all(l.connections.shape == (9, 4))
     assert numx.all(l.activation_function == AFct.Sigmoid)
     l = FullConnLayer(input_dim=9,
                       output_dim=4,
                       activation_function=AFct.Rectifier,
                       initial_weights=1.0,
                       initial_bias=2.0,
                       initial_offset=3.0,
                       connections=None)
     assert numx.all(l.weights.shape == (9, 4))
     assert numx.all(
         numx.abs(l.bias - numx.ones((1, 4)) * 2.0) < self.epsilon)
     assert numx.all(
         numx.abs(l.offset - numx.ones((1, 9)) * 3.0) < self.epsilon)
     assert numx.all(l.connections is None)
     assert numx.all(l.activation_function == AFct.Rectifier)
     l = FullConnLayer(input_dim=9,
                       output_dim=4,
                       activation_function=AFct.SoftMax,
                       initial_weights=numx.ones((9, 4)) * 1.0,
                       initial_bias=numx.ones((1, 4)) * 2.0,
                       initial_offset=numx.ones((1, 9)) * 3.0,
                       connections=None)
     assert numx.all(
         numx.abs(l.weights - numx.ones((9, 4)) * 1.0) < self.epsilon)
     assert numx.all(
         numx.abs(l.bias - numx.ones((1, 4)) * 2.0) < self.epsilon)
     assert numx.all(
         numx.abs(l.offset - numx.ones((1, 9)) * 3.0) < self.epsilon)
     assert numx.all(l.activation_function == AFct.SoftMax)
     print('successfully passed!')
     sys.stdout.flush()
Exemplo n.º 9
0
 def test_get_parameters(self):
     sys.stdout.write('FNN_layer -> Performing get_parameters test ... ')
     sys.stdout.flush()
     l = FullConnLayer(input_dim=9,
                       output_dim=4,
                       activation_function=AFct.Sigmoid,
                       initial_weights='AUTO',
                       initial_bias='AUTO',
                       initial_offset='AUTO',
                       connections=generate_2d_connection_matrix(
                           3, 3, 2, 2, 1, 1, False))
     w, b = l.get_parameters()
     assert numx.all(l.weights.shape == (9, 4))
     assert numx.all(l.bias.shape == (1, 4))
     assert numx.all(numx.abs(l.weights - w) < self.epsilon)
     assert numx.all(numx.abs(l.bias - b) < self.epsilon)
     print('successfully passed!')
     sys.stdout.flush()
Exemplo n.º 10
0
 def test_update_parameters(self):
     sys.stdout.write('FNN_layer -> Performing update_parameters test ... ')
     sys.stdout.flush()
     l = FullConnLayer(input_dim=9,
                       output_dim=4,
                       activation_function=AFct.Sigmoid,
                       initial_weights=0,
                       initial_bias=0,
                       initial_offset=0,
                       connections=generate_2d_connection_matrix(
                           3, 3, 2, 2, 1, 1, False))
     assert numx.all(
         numx.abs(l.weights - numx.zeros((9, 4))) < self.epsilon)
     assert numx.all(numx.abs(l.bias - numx.zeros((1, 4))) < self.epsilon)
     l.update_parameters([-numx.ones((9, 4)), -numx.ones((1, 4))])
     assert numx.all(numx.abs(l.weights - numx.ones((9, 4))) < self.epsilon)
     assert numx.all(numx.abs(l.bias - numx.ones((1, 4))) < self.epsilon)
     print('successfully passed!')
     sys.stdout.flush()
Exemplo n.º 11
0
    def check(self, data, delta, act1, act2, act3, reg_sparseness,
              desired_sparseness, cost_sparseness, reg_targets,
              desired_targets, cost_targets, full):

        connections = None
        if full is False:
            connections = generate_2d_connection_matrix(
                6, 6, 3, 3, 2, 2, False)

        model1 = FullConnLayer(6 * 6,
                               4 * 4,
                               activation_function=act1,
                               initial_weights='AUTO',
                               initial_bias=0.0,
                               initial_offset=0.0,
                               connections=connections,
                               dtype=numx.float64)

        model2 = FullConnLayer(4 * 4,
                               5 * 5,
                               activation_function=act2,
                               initial_weights='AUTO',
                               initial_bias=0.0,
                               initial_offset=0.5,
                               dtype=numx.float64)

        model3 = FullConnLayer(5 * 5,
                               6 * 6,
                               activation_function=act3,
                               initial_weights='AUTO',
                               initial_bias=0.0,
                               initial_offset=0.5,
                               dtype=numx.float64)

        model = MODEL.Model([model1, model2, model3])

        trainer = TRAINER.GDTrainer(model)

        _, _, maxw, maxb = model.finit_differences(
            delta, data, desired_targets, cost_targets, reg_targets,
            desired_sparseness, cost_sparseness, reg_sparseness)
        return numx.max([maxw, maxb])
Exemplo n.º 12
0
 def test_forward_propagate(self):
     sys.stdout.write('FNN_layer -> Performing forward_propagate test ... ')
     sys.stdout.flush()
     l = FullConnLayer(input_dim=9,
                       output_dim=4,
                       activation_function=AFct.Identity,
                       initial_weights=0.001 *
                       numx.arange(9 * 4).reshape(9, 4),
                       initial_bias=0.0,
                       initial_offset=0.5,
                       connections=None)
     res = l.forward_propagate(numx.arange(9).reshape(1, 9))
     target = numx.array([[0.744, 0.7755, 0.807, 0.8385]])
     assert numx.all(numx.abs(res - target) < self.epsilon)
     l = FullConnLayer(input_dim=9,
                       output_dim=4,
                       activation_function=AFct.SoftMax,
                       initial_weights=0.001 *
                       numx.arange(9 * 4).reshape(9, 4),
                       initial_bias=0.0,
                       initial_offset=0.5,
                       connections=None)
     res = l.forward_propagate(numx.arange(9).reshape(1, 9))
     target = numx.array([[0.23831441, 0.2459408, 0.25381124, 0.26193355]])
     assert numx.all(numx.abs(res - target) < self.epsilon)
     print('successfully passed!')
     sys.stdout.flush()
Exemplo n.º 13
0
 def test_update_offsets(self):
     sys.stdout.write('FNN_layer -> Performing update_offsets test ... ')
     sys.stdout.flush()
     l = FullConnLayer(input_dim=9,
                       output_dim=4,
                       activation_function=AFct.Sigmoid,
                       initial_weights=numx.ones((9, 4)),
                       initial_bias=0,
                       initial_offset=1.0,
                       connections=None)
     l.update_offsets(0.0, -numx.ones((1, 9)))
     assert numx.all(numx.abs(l.offset - numx.ones((1, 9))) < self.epsilon)
     assert numx.all(numx.abs(l.bias - numx.zeros((1, 4))) < self.epsilon)
     l.update_offsets(1.0, -numx.ones((1, 9)))
     assert numx.all(numx.abs(l.offset + numx.ones((1, 9))) < self.epsilon)
     assert numx.all(
         numx.abs(l.bias - numx.ones((1, 4)) * -18) < self.epsilon)
     l.update_offsets(0.5, numx.ones((1, 9)))
     assert numx.all(numx.abs(l.offset - numx.zeros((1, 9))) < self.epsilon)
     assert numx.all(
         numx.abs(l.bias - numx.ones((1, 4)) * -9) < self.epsilon)
     print('successfully passed!')
     sys.stdout.flush()
Exemplo n.º 14
0
    def test_calculate_gradient(self):
        sys.stdout.write(
            'FNN_layer -> Performing calculate_gradient test ... ')
        sys.stdout.flush()
        l = FullConnLayer(input_dim=9,
                          output_dim=4,
                          activation_function=AFct.Identity,
                          initial_weights=0.001 *
                          numx.arange(9 * 4).reshape(9, 4),
                          initial_bias=0.0,
                          initial_offset=0.5,
                          connections=None)
        l.forward_propagate(numx.arange(9).reshape(1, 9))
        l._get_deltas(
            numx.arange(4).reshape(1, 4), None, None, 0.0, 0.0, None, 0.0)
        l._backward_propagate()
        dw, db = l._calculate_gradient()
        targetW = numx.array([[0., -0.5, -1., -1.5], [0., 0.5, 1., 1.5],
                              [0., 1.5, 3., 4.5], [0., 2.5, 5., 7.5],
                              [0., 3.5, 7., 10.5], [0., 4.5, 9., 13.5],
                              [0., 5.5, 11., 16.5], [0., 6.5, 13., 19.5],
                              [0., 7.5, 15., 22.5]])
        assert numx.all(numx.abs(dw - targetW) < self.epsilon)
        targetb = numx.array([0., 1., 2., 3.])
        assert numx.all(numx.abs(db - targetb) < self.epsilon)

        l = FullConnLayer(input_dim=9,
                          output_dim=4,
                          activation_function=AFct.SoftMax,
                          initial_weights=0.001 *
                          numx.arange(9 * 4).reshape(9, 4),
                          initial_bias=0.0,
                          initial_offset=0.5,
                          connections=None)
        l.forward_propagate(numx.arange(9).reshape(1, 9))
        l._get_deltas(
            numx.arange(4).reshape(1, 4), None, None, 0.0, 0.0, None, 0.0)
        l._backward_propagate()
        dw, db = l._calculate_gradient()
        targetW = numx.array(
            [[0.1834263, 0.0663258, -0.05845731, -0.1912948],
             [-0.1834263, -0.0663258, 0.05845731, 0.1912948],
             [-0.55027891, -0.19897739, 0.17537192, 0.57388439],
             [-0.91713152, -0.33162899, 0.29228653, 0.95647398],
             [-1.28398412, -0.46428059, 0.40920114, 1.33906357],
             [-1.65083673, -0.59693218, 0.52611575, 1.72165316],
             [-2.01768934, -0.72958378, 0.64303037, 2.10424275],
             [-2.38454194, -0.86223538, 0.75994498, 2.48683234],
             [-2.75139455, -0.99488697, 0.87685959, 2.86942193]])
        targetb = numx.array([-0.36685261, -0.1326516, 0.11691461, 0.38258959])
        assert numx.all(numx.abs(dw - targetW) < self.epsilon)
        assert numx.all(numx.abs(db - targetb) < self.epsilon)
        print('successfully passed!')
        sys.stdout.flush()
Exemplo n.º 15
0
 def test_backward_propagate(self):
     sys.stdout.write(
         'FNN_layer -> Performing backward_propagate test ... ')
     sys.stdout.flush()
     l = FullConnLayer(input_dim=9,
                       output_dim=4,
                       activation_function=AFct.Identity,
                       initial_weights=0.001 *
                       numx.arange(9 * 4).reshape(9, 4),
                       initial_bias=0.0,
                       initial_offset=0.5,
                       connections=None)
     l.forward_propagate(numx.arange(9).reshape(1, 9))
     l._get_deltas(
         numx.arange(4).reshape(1, 4), None, None, 0.0, 0.0, None, 0.0)
     res = l._backward_propagate()
     target = numx.array(
         [[0.014, 0.038, 0.062, 0.086, 0.11, 0.134, 0.158, 0.182, 0.206]])
     assert numx.all(numx.abs(res - target) < self.epsilon)
     l = FullConnLayer(input_dim=9,
                       output_dim=4,
                       activation_function=AFct.SoftMax,
                       initial_weights=0.001 *
                       numx.arange(9 * 4).reshape(9, 4),
                       initial_bias=0.0,
                       initial_offset=0.5,
                       connections=None)
     l.forward_propagate(numx.arange(9).reshape(1, 9))
     l._get_deltas(
         numx.arange(4).reshape(1, 4), None, None, 0.0, 0.0, None, 0.0)
     res = l._backward_propagate()
     target = numx.array([[
         0.00124895, 0.00124895, 0.00124895, 0.00124895, 0.00124895,
         0.00124895, 0.00124895, 0.00124895, 0.00124895
     ]])
     assert numx.all(numx.abs(res - target) < self.epsilon)
     print('successfully passed!')
     sys.stdout.flush()
Exemplo n.º 16
0
    def test_FNN_convergence(self):
        sys.stdout.write(
            'FNN_trainer -> Performing several convergences tests ... ')
        sys.stdout.flush()
        numx.random.seed(42)
        x = numx.array([[0.0, 0.0], [0.0, 1.0], [1.0, 0.0], [1.0, 1.0]])
        l = numx.array([[1, 0], [0, 1], [0, 1], [1, 0]
                        ])  # 1,0 = 0, 0,1 = 1 otherwise Softmax would not work
        for act_out in [AFct.SoftMax]:
            for act_in in [
                    AFct.SoftSign, AFct.SoftPlus, AFct.Sigmoid,
                    AFct.HyperbolicTangent
            ]:
                for cost in [
                        CFct.CrossEntropyError, CFct.SquaredError,
                        CFct.NegLogLikelihood
                ]:
                    l1 = FullConnLayer(input_dim=2,
                                       output_dim=5,
                                       activation_function=act_in,
                                       initial_weights='AUTO',
                                       initial_bias=0.0,
                                       initial_offset=0.5,
                                       connections=None)
                    l2 = FullConnLayer(input_dim=5,
                                       output_dim=2,
                                       activation_function=act_out,
                                       initial_weights='AUTO',
                                       initial_bias=0.0,
                                       initial_offset=0.5,
                                       connections=None)
                    model = MODEL.Model([l1, l2])
                    trainer = TRAINER.ADAGDTrainer(model)
                    for _ in range(1000):
                        trainer.train(data=x,
                                      labels=[None, l],
                                      epsilon=[0.3, 0.3],
                                      reg_L1Norm=[0.000, 0.000],
                                      reg_L2Norm=[0.000, 0.000],
                                      corruptor=None,
                                      reg_costs=[0.0, 1.0],
                                      costs=[None, cost],
                                      reg_sparseness=[0.0, 0.0],
                                      desired_sparseness=[0.0, 0.0],
                                      costs_sparseness=[None, None],
                                      update_offsets=[0.1, 0.1],
                                      restrict_gradient=0.0,
                                      restriction_norm='Mat')
                    model.forward_propagate(x)
                    assert numx.all(trainer.calculate_errors(l) == 0)
                    l1 = FullConnLayer(input_dim=2,
                                       output_dim=5,
                                       activation_function=act_in,
                                       initial_weights='AUTO',
                                       initial_bias=0.0,
                                       initial_offset=0.5,
                                       connections=None)
                    l2 = FullConnLayer(input_dim=5,
                                       output_dim=2,
                                       activation_function=act_out,
                                       initial_weights='AUTO',
                                       initial_bias=0.0,
                                       initial_offset=0.5,
                                       connections=None)
                    model = MODEL.Model([l1, l2])
                    trainer = TRAINER.ADAGDTrainer(model)
                    for _ in range(1000):
                        trainer.train(
                            data=x,
                            labels=[None, l],
                            epsilon=[0.3, 0.3],
                            reg_L1Norm=[0.000, 0.000],
                            reg_L2Norm=[0.000, 0.000],
                            corruptor=None,
                            reg_costs=[0.0, 1.0],
                            costs=[None, cost],
                            reg_sparseness=[0.1, 0.0],
                            desired_sparseness=[0.1, 0.0],
                            costs_sparseness=[CFct.SquaredError, None],
                            update_offsets=[0.1, 0.1],
                            restrict_gradient=0.0,
                            restriction_norm='Mat')
                    model.forward_propagate(x)
                    assert numx.all(trainer.calculate_errors(l) == 0)

                    l1 = FullConnLayer(input_dim=2,
                                       output_dim=5,
                                       activation_function=act_in,
                                       initial_weights='AUTO',
                                       initial_bias=0.0,
                                       initial_offset=0.5,
                                       connections=None)
                    l2 = FullConnLayer(input_dim=5,
                                       output_dim=2,
                                       activation_function=act_out,
                                       initial_weights='AUTO',
                                       initial_bias=0.0,
                                       initial_offset=0.5,
                                       connections=None)
                    model = MODEL.Model([l1, l2])
                    trainer = TRAINER.GDTrainer(model)
                    for _ in range(2000):
                        trainer.train(
                            data=x,
                            labels=[None, l],
                            epsilon=[0.3, 0.3],
                            momentum=[0.9, 0.9],
                            reg_L1Norm=[0.000, 0.000],
                            reg_L2Norm=[0.000, 0.000],
                            corruptor=None,
                            reg_costs=[0.0, 1.0],
                            costs=[None, cost],
                            reg_sparseness=[0.1, 0.0],
                            desired_sparseness=[0.1, 0.0],
                            costs_sparseness=[CFct.SquaredError, None],
                            update_offsets=[0.1, 0.1],
                            restrict_gradient=[0.0, 0.0],
                            restriction_norm='Mat')
                    model.forward_propagate(x)
                    assert numx.all(trainer.calculate_errors(l) == 0)

        print('successfully passed!')