In [1]:
import theano
from pylearn2.models import mlp
from pylearn2.training_algorithms import sgd, learning_rule
from pylearn2.termination_criteria import EpochCounter, MonitorBased
from pylearn2.datasets.dense_design_matrix import DenseDesignMatrix
from pylearn2.train_extensions import best_params
from pylearn2.utils import serial
from sklearn.externals import joblib
import numpy as np
from random import randint
from keras.utils import np_utils
import itertools

In [2]:
from pprint import PrettyPrinter
pp = PrettyPrinter(depth=6)

In [3]:
# features, lables를 DenseMatrix에 넣어야함
class dataset(DenseDesignMatrix):
    def __init__(self, features, labels):
        super(dataset, self).__init__(X=features, y=labels)
        
    def split(self, prop=.8):
        cutoff = int(len(self.y) * prop)
        X1, X2 = self.X[:cutoff], self.X[cutoff:]
        y1, y2 = self.y[:cutoff], self.y[cutoff:]
        return dataset(X1, y1), dataset(X2, y2)
    
    @property
    def nr_inputs(self):
        return len(self.X[0])
 
    def __len__(self):
        return self.X.shape[0]
 
    def __iter__(self):
        return itertools.izip_longest(self.X, self.y)

In [4]:
features = joblib.load("./mldata/features.mat")
features = features.astype("float32")
features /= 255.0
labels = joblib.load("./mldata/lables.mat")
labels = np_utils.to_categorical(labels, 9)

In [5]:
ds_train = dataset(features, labels)
ds_train, ds_valid = ds_train.split(0.6)
ds_valid, ds_test = ds_valid.split(0.5)

In [7]:
ds_test.X.


Out[7]:
array([[ 0.        ,  0.        ,  0.        , ...,  0.        ,
         0.        ,  0.        ],
       [ 0.        ,  0.        ,  0.        , ...,  0.2       ,
         0.18431373,  0.        ],
       [ 0.        ,  0.        ,  0.        , ...,  0.        ,
         0.        ,  0.        ],
       ..., 
       [ 0.        ,  0.26274511,  0.26274511, ...,  0.        ,
         0.        ,  0.        ],
       [ 0.        ,  0.        ,  0.        , ...,  0.        ,
         0.        ,  0.        ],
       [ 0.        ,  0.        ,  0.        , ...,  0.        ,
         0.        ,  0.        ]], dtype=float32)

In [6]:
print ds_train.X[0].shape
print ds_train.y[0]


(784,)
[ 0.  0.  0.  0.  0.  0.  1.  0.  0.]

In [24]:
hidden_layer = mlp.Tanh(layer_name='hidden', dim=20, irange=.1, init_bias=1.)
output_layer = mlp.Softmax(9, 'output', irange=.1)
layers = [hidden_layer, output_layer]

# termination criterion that stops after 50 epochs without
# any increase in misclassification on the validation set
termination_criterion = MonitorBased(channel_name='output_misclass', N=2, prop_decrease=0.0)

# momentum
initial_momentum = .5
final_momentum = .99
start = 1
saturate = 4
momentum_adjustor = learning_rule.MomentumAdjustor(final_momentum, start, saturate)
momentum_rule = learning_rule.Momentum(initial_momentum)

# learning rate
start = 1
saturate = 4
decay_factor = .1
learning_rate_adjustor = sgd.LinearDecayOverEpoch(start, saturate, decay_factor)

# trainer = sgd.SGD(learning_rate=.05, batch_size=50, termination_criterion=EpochCounter(2))
trainer = sgd.SGD(learning_rate=.05, batch_size=50, monitoring_dataset=ds_valid,
                  termination_criterion=termination_criterion, learning_rule=momentum_rule)
layers = [hidden_layer, output_layer]


ann = mlp.MLP(layers, nvis=784)
trainer.setup(ann, ds_train)


Parameter and initial learning rate summary:
	hidden_W: 0.05
	hidden_b: 0.05
	softmax_b: 0.05
	softmax_W: 0.05
Compiling sgd_update...
Compiling sgd_update done. Time elapsed: 0.409526 seconds

In [25]:
monitor_save_best = best_params.MonitorBasedSaveBest('output_misclass', '/tmp/best.pkl')

while True:
    trainer.train(dataset=ds_train)
    ann.monitor()
    monitor_save_best.on_monitor(ann, ds_valid, trainer)
    if not trainer.continue_learning(ann):
        break
    momentum_adjustor.on_monitor(ann, ds_valid, trainer)
    learning_rate_adjustor.on_monitor(ann, ds_valid, trainer)


compiling begin_record_entry...
compiling begin_record_entry done. Time elapsed: 0.264366 seconds
Monitored channels: 
	hidden_col_norms_max
	hidden_col_norms_mean
	hidden_col_norms_min
	hidden_max_x_max_u
	hidden_max_x_mean_u
	hidden_max_x_min_u
	hidden_mean_x_max_u
	hidden_mean_x_mean_u
	hidden_mean_x_min_u
	hidden_min_x_max_u
	hidden_min_x_mean_u
	hidden_min_x_min_u
	hidden_range_x_max_u
	hidden_range_x_mean_u
	hidden_range_x_min_u
	hidden_row_norms_max
	hidden_row_norms_mean
	hidden_row_norms_min
	learning_rate
	momentum
	objective
	output_col_norms_max
	output_col_norms_mean
	output_col_norms_min
	output_max_max_class
	output_mean_max_class
	output_min_max_class
	output_misclass
	output_nll
	output_row_norms_max
	output_row_norms_mean
	output_row_norms_min
Compiling accum...
graph size: 115
Compiling accum done. Time elapsed: 1.271711 seconds
Monitoring step:
	Epochs seen: 0
	Batches seen: 72
	Examples seen: 3600
	hidden_col_norms_max: 1.73307880083
	hidden_col_norms_mean: 1.65759180639
	hidden_col_norms_min: 1.5888516511
	hidden_max_x_max_u: 0.999878065951
	hidden_max_x_mean_u: 0.983804547344
	hidden_max_x_min_u: 0.92032690769
	hidden_mean_x_max_u: 0.995071024127
	hidden_mean_x_mean_u: 0.240526743329
	hidden_mean_x_min_u: -0.37265344082
	hidden_min_x_max_u: 0.899351467457
	hidden_min_x_mean_u: -0.688276242231
	hidden_min_x_min_u: -0.999650266968
	hidden_range_x_max_u: 1.9940681076
	hidden_range_x_mean_u: 1.67208078957
	hidden_range_x_min_u: 0.100103476061
	hidden_row_norms_max: 0.347956359471
	hidden_row_norms_mean: 0.263240792505
	hidden_row_norms_min: 0.168948135163
	learning_rate: 0.05
	momentum: 0.5
	objective: 0.584023902956
	output_col_norms_max: 1.16219121224
	output_col_norms_mean: 0.946162896006
	output_col_norms_min: 0.591922780639
	output_max_max_class: 0.886036423998
	output_mean_max_class: 0.683171408494
	output_min_max_class: 0.248846058941
	output_misclass: 0.105833333333
	output_nll: 0.584023902956
	output_row_norms_max: 0.928268750688
	output_row_norms_mean: 0.601736931962
	output_row_norms_min: 0.17793975848
Saving to /tmp/best.pkl...
Saving to /tmp/best.pkl done. Time elapsed: 0.041406 seconds
/Users/dikien/anaconda/lib/python2.7/site-packages/pylearn2/monitor.py:572: UserWarning: Trained model saved without indicating yaml_src
  'indicating yaml_src')
Monitoring step:
	Epochs seen: 0
	Batches seen: 144
	Examples seen: 7200
	hidden_col_norms_max: 1.75770359376
	hidden_col_norms_mean: 1.6791520007
	hidden_col_norms_min: 1.58899865794
	hidden_max_x_max_u: 0.999938961429
	hidden_max_x_mean_u: 0.987281005939
	hidden_max_x_min_u: 0.901720543399
	hidden_mean_x_max_u: 0.995046261364
	hidden_mean_x_mean_u: 0.23844876583
	hidden_mean_x_min_u: -0.357851397849
	hidden_min_x_max_u: 0.899378592621
	hidden_min_x_mean_u: -0.700460355438
	hidden_min_x_min_u: -0.99984028989
	hidden_range_x_max_u: 1.99711322869
	hidden_range_x_mean_u: 1.68774136138
	hidden_range_x_min_u: 0.100059509355
	hidden_row_norms_max: 0.354238565915
	hidden_row_norms_mean: 0.26660138633
	hidden_row_norms_min: 0.169732484124
	learning_rate: 0.03875
	momentum: 0.5
	objective: 0.405878823986
	output_col_norms_max: 1.37480093028
	output_col_norms_mean: 1.19312306039
	output_col_norms_min: 0.875839548659
	output_max_max_class: 0.94240072391
	output_mean_max_class: 0.821162151159
	output_min_max_class: 0.315854785268
	output_misclass: 0.0775
	output_nll: 0.405878823986
	output_row_norms_max: 1.08299805825
	output_row_norms_mean: 0.752874362525
	output_row_norms_min: 0.169946343448
Saving to /tmp/best.pkl...
Saving to /tmp/best.pkl done. Time elapsed: 0.022042 seconds
Monitoring step:
	Epochs seen: 0
	Batches seen: 216
	Examples seen: 10800
	hidden_col_norms_max: 1.77603840045
	hidden_col_norms_mean: 1.69381573827
	hidden_col_norms_min: 1.58909937194
	hidden_max_x_max_u: 0.999948218155
	hidden_max_x_mean_u: 0.990506069044
	hidden_max_x_min_u: 0.939817662184
	hidden_mean_x_max_u: 0.995070377698
	hidden_mean_x_mean_u: 0.251990526145
	hidden_mean_x_min_u: -0.352612161602
	hidden_min_x_max_u: 0.899540286524
	hidden_min_x_mean_u: -0.695633814391
	hidden_min_x_min_u: -0.999966766907
	hidden_range_x_max_u: 1.99692848849
	hidden_range_x_mean_u: 1.68613988344
	hidden_range_x_min_u: 0.0998768319835
	hidden_row_norms_max: 0.354768408238
	hidden_row_norms_mean: 0.26886161766
	hidden_row_norms_min: 0.169639051226
	learning_rate: 0.0275
	momentum: 0.663333333333
	objective: 0.353901475122
	output_col_norms_max: 1.48608841125
	output_col_norms_mean: 1.32805504531
	output_col_norms_min: 1.04640343982
	output_max_max_class: 0.96687626586
	output_mean_max_class: 0.867545510353
	output_min_max_class: 0.356265389774
	output_misclass: 0.0733333333333
	output_nll: 0.353901475122
	output_row_norms_max: 1.20444158802
	output_row_norms_mean: 0.837568424695
	output_row_norms_min: 0.172164275663
Saving to /tmp/best.pkl...
Saving to /tmp/best.pkl done. Time elapsed: 0.027905 seconds
Monitoring step:
	Epochs seen: 0
	Batches seen: 288
	Examples seen: 14400
	hidden_col_norms_max: 1.79346659351
	hidden_col_norms_mean: 1.70747316188
	hidden_col_norms_min: 1.58915324285
	hidden_max_x_max_u: 0.999970647326
	hidden_max_x_mean_u: 0.990894001079
	hidden_max_x_min_u: 0.946154401173
	hidden_mean_x_max_u: 0.995106395991
	hidden_mean_x_mean_u: 0.271480455466
	hidden_mean_x_min_u: -0.337696340111
	hidden_min_x_max_u: 0.899688629114
	hidden_min_x_mean_u: -0.695793690147
	hidden_min_x_min_u: -0.999935453575
	hidden_range_x_max_u: 1.99913340497
	hidden_range_x_mean_u: 1.68668769123
	hidden_range_x_min_u: 0.0997248623409
	hidden_row_norms_max: 0.374635993536
	hidden_row_norms_mean: 0.270956351883
	hidden_row_norms_min: 0.17139904413
	learning_rate: 0.01625
	momentum: 0.826666666667
	objective: 0.332685736167
	output_col_norms_max: 1.5671546799
	output_col_norms_mean: 1.42381266029
	output_col_norms_min: 1.16863798557
	output_max_max_class: 0.970873528803
	output_mean_max_class: 0.889864436139
	output_min_max_class: 0.36806531933
	output_misclass: 0.075
	output_nll: 0.332685736167
	output_row_norms_max: 1.27943892208
	output_row_norms_mean: 0.897969689518
	output_row_norms_min: 0.174252258982
Monitoring step:
	Epochs seen: 0
	Batches seen: 360
	Examples seen: 18000
	hidden_col_norms_max: 1.87127695886
	hidden_col_norms_mean: 1.74976805933
	hidden_col_norms_min: 1.58931534378
	hidden_max_x_max_u: 0.999983309458
	hidden_max_x_mean_u: 0.986092540544
	hidden_max_x_min_u: 0.841729946351
	hidden_mean_x_max_u: 0.995153212097
	hidden_mean_x_mean_u: 0.25076111429
	hidden_mean_x_min_u: -0.355134762016
	hidden_min_x_max_u: 0.899712325461
	hidden_min_x_mean_u: -0.704576129616
	hidden_min_x_min_u: -0.99999830743
	hidden_range_x_max_u: 1.99870742419
	hidden_range_x_mean_u: 1.69066867016
	hidden_range_x_min_u: 0.0997991173654
	hidden_row_norms_max: 0.422079314934
	hidden_row_norms_mean: 0.277472072654
	hidden_row_norms_min: 0.177876847464
	learning_rate: 0.005
	momentum: 0.99
	objective: 0.332309377663
	output_col_norms_max: 1.78525740231
	output_col_norms_mean: 1.59815784259
	output_col_norms_min: 1.3749152195
	output_max_max_class: 0.983303277818
	output_mean_max_class: 0.906907125806
	output_min_max_class: 0.35054630308
	output_misclass: 0.07
	output_nll: 0.332309377663
	output_row_norms_max: 1.43910686273
	output_row_norms_mean: 1.00849978698
	output_row_norms_min: 0.185629471271
Saving to /tmp/best.pkl...
Saving to /tmp/best.pkl done. Time elapsed: 0.021165 seconds
Monitoring step:
	Epochs seen: 0
	Batches seen: 432
	Examples seen: 21600
	hidden_col_norms_max: 1.98566333312
	hidden_col_norms_mean: 1.82148234303
	hidden_col_norms_min: 1.59010708097
	hidden_max_x_max_u: 0.999992364764
	hidden_max_x_mean_u: 0.988125225049
	hidden_max_x_min_u: 0.881413088248
	hidden_mean_x_max_u: 0.995408909456
	hidden_mean_x_mean_u: 0.206924147956
	hidden_mean_x_min_u: -0.450246682027
	hidden_min_x_max_u: 0.900502304247
	hidden_min_x_mean_u: -0.718221186578
	hidden_min_x_min_u: -0.999998856172
	hidden_range_x_max_u: 1.99996027972
	hidden_range_x_mean_u: 1.70634641163
	hidden_range_x_min_u: 0.0993138608745
	hidden_row_norms_max: 0.493241673077
	hidden_row_norms_mean: 0.288544246361
	hidden_row_norms_min: 0.180893541479
	learning_rate: 0.005
	momentum: 0.99
	objective: 0.314436577804
	output_col_norms_max: 2.01452012974
	output_col_norms_mean: 1.778007174
	output_col_norms_min: 1.57071464689
	output_max_max_class: 0.991940455786
	output_mean_max_class: 0.925847184304
	output_min_max_class: 0.325649284734
	output_misclass: 0.0716666666667
	output_nll: 0.314436577804
	output_row_norms_max: 1.63583247009
	output_row_norms_mean: 1.12562391544
	output_row_norms_min: 0.229063007757
Monitoring step:
	Epochs seen: 0
	Batches seen: 504
	Examples seen: 25200
	hidden_col_norms_max: 2.08478762846
	hidden_col_norms_mean: 1.89823036379
	hidden_col_norms_min: 1.59195329591
	hidden_max_x_max_u: 0.999998408546
	hidden_max_x_mean_u: 0.990973517609
	hidden_max_x_min_u: 0.92613502511
	hidden_mean_x_max_u: 0.99579022193
	hidden_mean_x_mean_u: 0.198369883334
	hidden_mean_x_min_u: -0.447353353411
	hidden_min_x_max_u: 0.901711843804
	hidden_min_x_mean_u: -0.771104622486
	hidden_min_x_min_u: -0.999998907812
	hidden_range_x_max_u: 1.99999422625
	hidden_range_x_mean_u: 1.76207814009
	hidden_range_x_min_u: 0.0981373571972
	hidden_row_norms_max: 0.543368510498
	hidden_row_norms_mean: 0.300471987861
	hidden_row_norms_min: 0.189884953977
	learning_rate: 0.005
	momentum: 0.99
	objective: 0.318032096179
	output_col_norms_max: 2.18049384854
	output_col_norms_mean: 1.90093380741
	output_col_norms_min: 1.62592287357
	output_max_max_class: 0.994515339321
	output_mean_max_class: 0.926383294551
	output_min_max_class: 0.331516765795
	output_misclass: 0.0733333333333
	output_nll: 0.318032096179
	output_row_norms_max: 1.77675031341
	output_row_norms_mean: 1.20295752835
	output_row_norms_min: 0.237318885816

In [40]:



Monitoring step:
	Epochs seen: 0
	Batches seen: 504
	Examples seen: 25200
	hidden_col_norms_max: 2.08478762846
	hidden_col_norms_mean: 1.89823036379
	hidden_col_norms_min: 1.59195329591
	hidden_max_x_max_u: 0.999998408546
	hidden_max_x_mean_u: 0.990973517609
	hidden_max_x_min_u: 0.92613502511
	hidden_mean_x_max_u: 0.99579022193
	hidden_mean_x_mean_u: 0.198369883334
	hidden_mean_x_min_u: -0.447353353411
	hidden_min_x_max_u: 0.901711843804
	hidden_min_x_mean_u: -0.771104622486
	hidden_min_x_min_u: -0.999998907812
	hidden_range_x_max_u: 1.99999422625
	hidden_range_x_mean_u: 1.76207814009
	hidden_range_x_min_u: 0.0981373571972
	hidden_row_norms_max: 0.543368510498
	hidden_row_norms_mean: 0.300471987861
	hidden_row_norms_min: 0.189884953977
	learning_rate: 0.005
	momentum: 0.99
	objective: 0.318032096179
	output_col_norms_max: 2.18049384854
	output_col_norms_mean: 1.90093380741
	output_col_norms_min: 1.62592287357
	output_max_max_class: 0.994515339321
	output_mean_max_class: 0.926383294551
	output_min_max_class: 0.331516765795
	output_misclass: 0.0733333333333
	output_nll: 0.318032096179
	output_row_norms_max: 1.77675031341
	output_row_norms_mean: 1.20295752835
	output_row_norms_min: 0.237318885816

In [28]:
# function for classifying a input vector
def classify(inp):
    inp = np.asarray(inp)
    inp.shape = (1, ds_train.nr_inputs)
    return np.argmax(ann.fprop(theano.shared(inp, name='inputs')).eval())
 
# function for calculating and printing the models accuracy on a given dataset
def score(dataset):
    nr_correct = 0
    for features, label in dataset:
        if classify(features) == np.argmax(label):
            nr_correct += 1
    print '%s/%s correct' % (nr_correct, len(dataset))

In [68]:
# add monitor for saving the model with best score
monitor_save_best = best_params.MonitorBasedSaveBest('output_misclass', '/tmp/best.pkl')

In [71]:
# create hidden layer with 2 nodes, init weights in range -0.1 to 0.1 and add
# a bias with value 1
hidden_layer = mlp.Sigmoid(layer_name='hidden', dim=50, irange=.1, init_bias=1.)

# create Softmax output layer
output_layer = mlp.Softmax(9, 'output', irange=.1)

# create Stochastic Gradient Descent trainer that runs for 400 epochs
trainer = sgd.SGD(learning_rate=.05, batch_size=50, termination_criterion=EpochCounter(100))

layers = [hidden_layer, output_layer]

ann = mlp.MLP(layers, nvis=784)
trainer.setup(ann, ds_train)

# train neural net until the termination criterion is true
while True:
    trainer.train(dataset=ds_train)
    ann.monitor.report_epoch()
    ann.monitor()
#     monitor_save_best.on_monitor(ann, ds_valid, trainer)
    if not trainer.continue_learning(ann):
        break


Parameter and initial learning rate summary:
	hidden_W: 0.05
	hidden_b: 0.05
	softmax_b: 0.05
	softmax_W: 0.05
Compiling sgd_update...
Compiling sgd_update done. Time elapsed: 0.403594 seconds
compiling begin_record_entry...
compiling begin_record_entry done. Time elapsed: 0.018859 seconds
Monitored channels: 
Compiling accum...
Compiling accum done. Time elapsed: 0.000799 seconds
Monitoring step:
	Epochs seen: 1
	Batches seen: 72
	Examples seen: 3600
Monitoring step:
	Epochs seen: 2
	Batches seen: 144
	Examples seen: 7200
Monitoring step:
	Epochs seen: 3
	Batches seen: 216
	Examples seen: 10800
Monitoring step:
	Epochs seen: 4
	Batches seen: 288
	Examples seen: 14400
Monitoring step:
	Epochs seen: 5
	Batches seen: 360
	Examples seen: 18000
Monitoring step:
	Epochs seen: 6
	Batches seen: 432
	Examples seen: 21600
Monitoring step:
	Epochs seen: 7
	Batches seen: 504
	Examples seen: 25200
Monitoring step:
	Epochs seen: 8
	Batches seen: 576
	Examples seen: 28800
Monitoring step:
	Epochs seen: 9
	Batches seen: 648
	Examples seen: 32400
Monitoring step:
	Epochs seen: 10
	Batches seen: 720
	Examples seen: 36000
Monitoring step:
	Epochs seen: 11
	Batches seen: 792
	Examples seen: 39600
Monitoring step:
	Epochs seen: 12
	Batches seen: 864
	Examples seen: 43200
Monitoring step:
	Epochs seen: 13
	Batches seen: 936
	Examples seen: 46800
Monitoring step:
	Epochs seen: 14
	Batches seen: 1008
	Examples seen: 50400
Monitoring step:
	Epochs seen: 15
	Batches seen: 1080
	Examples seen: 54000
Monitoring step:
	Epochs seen: 16
	Batches seen: 1152
	Examples seen: 57600
Monitoring step:
	Epochs seen: 17
	Batches seen: 1224
	Examples seen: 61200
Monitoring step:
	Epochs seen: 18
	Batches seen: 1296
	Examples seen: 64800
Monitoring step:
	Epochs seen: 19
	Batches seen: 1368
	Examples seen: 68400
Monitoring step:
	Epochs seen: 20
	Batches seen: 1440
	Examples seen: 72000
Monitoring step:
	Epochs seen: 21
	Batches seen: 1512
	Examples seen: 75600
Monitoring step:
	Epochs seen: 22
	Batches seen: 1584
	Examples seen: 79200
Monitoring step:
	Epochs seen: 23
	Batches seen: 1656
	Examples seen: 82800
Monitoring step:
	Epochs seen: 24
	Batches seen: 1728
	Examples seen: 86400
Monitoring step:
	Epochs seen: 25
	Batches seen: 1800
	Examples seen: 90000
Monitoring step:
	Epochs seen: 26
	Batches seen: 1872
	Examples seen: 93600
Monitoring step:
	Epochs seen: 27
	Batches seen: 1944
	Examples seen: 97200
Monitoring step:
	Epochs seen: 28
	Batches seen: 2016
	Examples seen: 100800
Monitoring step:
	Epochs seen: 29
	Batches seen: 2088
	Examples seen: 104400
Monitoring step:
	Epochs seen: 30
	Batches seen: 2160
	Examples seen: 108000
Monitoring step:
	Epochs seen: 31
	Batches seen: 2232
	Examples seen: 111600
Monitoring step:
	Epochs seen: 32
	Batches seen: 2304
	Examples seen: 115200
Monitoring step:
	Epochs seen: 33
	Batches seen: 2376
	Examples seen: 118800
Monitoring step:
	Epochs seen: 34
	Batches seen: 2448
	Examples seen: 122400
Monitoring step:
	Epochs seen: 35
	Batches seen: 2520
	Examples seen: 126000
Monitoring step:
	Epochs seen: 36
	Batches seen: 2592
	Examples seen: 129600
Monitoring step:
	Epochs seen: 37
	Batches seen: 2664
	Examples seen: 133200
Monitoring step:
	Epochs seen: 38
	Batches seen: 2736
	Examples seen: 136800
Monitoring step:
	Epochs seen: 39
	Batches seen: 2808
	Examples seen: 140400
Monitoring step:
	Epochs seen: 40
	Batches seen: 2880
	Examples seen: 144000
Monitoring step:
	Epochs seen: 41
	Batches seen: 2952
	Examples seen: 147600
Monitoring step:
	Epochs seen: 42
	Batches seen: 3024
	Examples seen: 151200
Monitoring step:
	Epochs seen: 43
	Batches seen: 3096
	Examples seen: 154800
Monitoring step:
	Epochs seen: 44
	Batches seen: 3168
	Examples seen: 158400
Monitoring step:
	Epochs seen: 45
	Batches seen: 3240
	Examples seen: 162000
Monitoring step:
	Epochs seen: 46
	Batches seen: 3312
	Examples seen: 165600
Monitoring step:
	Epochs seen: 47
	Batches seen: 3384
	Examples seen: 169200
Monitoring step:
	Epochs seen: 48
	Batches seen: 3456
	Examples seen: 172800
Monitoring step:
	Epochs seen: 49
	Batches seen: 3528
	Examples seen: 176400
Monitoring step:
	Epochs seen: 50
	Batches seen: 3600
	Examples seen: 180000
Monitoring step:
	Epochs seen: 51
	Batches seen: 3672
	Examples seen: 183600
Monitoring step:
	Epochs seen: 52
	Batches seen: 3744
	Examples seen: 187200
Monitoring step:
	Epochs seen: 53
	Batches seen: 3816
	Examples seen: 190800
Monitoring step:
	Epochs seen: 54
	Batches seen: 3888
	Examples seen: 194400
Monitoring step:
	Epochs seen: 55
	Batches seen: 3960
	Examples seen: 198000
Monitoring step:
	Epochs seen: 56
	Batches seen: 4032
	Examples seen: 201600
Monitoring step:
	Epochs seen: 57
	Batches seen: 4104
	Examples seen: 205200
Monitoring step:
	Epochs seen: 58
	Batches seen: 4176
	Examples seen: 208800
Monitoring step:
	Epochs seen: 59
	Batches seen: 4248
	Examples seen: 212400
Monitoring step:
	Epochs seen: 60
	Batches seen: 4320
	Examples seen: 216000
Monitoring step:
	Epochs seen: 61
	Batches seen: 4392
	Examples seen: 219600
Monitoring step:
	Epochs seen: 62
	Batches seen: 4464
	Examples seen: 223200
Monitoring step:
	Epochs seen: 63
	Batches seen: 4536
	Examples seen: 226800
Monitoring step:
	Epochs seen: 64
	Batches seen: 4608
	Examples seen: 230400
Monitoring step:
	Epochs seen: 65
	Batches seen: 4680
	Examples seen: 234000
Monitoring step:
	Epochs seen: 66
	Batches seen: 4752
	Examples seen: 237600
Monitoring step:
	Epochs seen: 67
	Batches seen: 4824
	Examples seen: 241200
Monitoring step:
	Epochs seen: 68
	Batches seen: 4896
	Examples seen: 244800
Monitoring step:
	Epochs seen: 69
	Batches seen: 4968
	Examples seen: 248400
Monitoring step:
	Epochs seen: 70
	Batches seen: 5040
	Examples seen: 252000
Monitoring step:
	Epochs seen: 71
	Batches seen: 5112
	Examples seen: 255600
Monitoring step:
	Epochs seen: 72
	Batches seen: 5184
	Examples seen: 259200
Monitoring step:
	Epochs seen: 73
	Batches seen: 5256
	Examples seen: 262800
Monitoring step:
	Epochs seen: 74
	Batches seen: 5328
	Examples seen: 266400
Monitoring step:
	Epochs seen: 75
	Batches seen: 5400
	Examples seen: 270000
Monitoring step:
	Epochs seen: 76
	Batches seen: 5472
	Examples seen: 273600
Monitoring step:
	Epochs seen: 77
	Batches seen: 5544
	Examples seen: 277200
Monitoring step:
	Epochs seen: 78
	Batches seen: 5616
	Examples seen: 280800
Monitoring step:
	Epochs seen: 79
	Batches seen: 5688
	Examples seen: 284400
Monitoring step:
	Epochs seen: 80
	Batches seen: 5760
	Examples seen: 288000
Monitoring step:
	Epochs seen: 81
	Batches seen: 5832
	Examples seen: 291600
Monitoring step:
	Epochs seen: 82
	Batches seen: 5904
	Examples seen: 295200
Monitoring step:
	Epochs seen: 83
	Batches seen: 5976
	Examples seen: 298800
Monitoring step:
	Epochs seen: 84
	Batches seen: 6048
	Examples seen: 302400
Monitoring step:
	Epochs seen: 85
	Batches seen: 6120
	Examples seen: 306000
Monitoring step:
	Epochs seen: 86
	Batches seen: 6192
	Examples seen: 309600
Monitoring step:
	Epochs seen: 87
	Batches seen: 6264
	Examples seen: 313200
Monitoring step:
	Epochs seen: 88
	Batches seen: 6336
	Examples seen: 316800
Monitoring step:
	Epochs seen: 89
	Batches seen: 6408
	Examples seen: 320400
Monitoring step:
	Epochs seen: 90
	Batches seen: 6480
	Examples seen: 324000
Monitoring step:
	Epochs seen: 91
	Batches seen: 6552
	Examples seen: 327600
Monitoring step:
	Epochs seen: 92
	Batches seen: 6624
	Examples seen: 331200
Monitoring step:
	Epochs seen: 93
	Batches seen: 6696
	Examples seen: 334800
Monitoring step:
	Epochs seen: 94
	Batches seen: 6768
	Examples seen: 338400
Monitoring step:
	Epochs seen: 95
	Batches seen: 6840
	Examples seen: 342000
Monitoring step:
	Epochs seen: 96
	Batches seen: 6912
	Examples seen: 345600
Monitoring step:
	Epochs seen: 97
	Batches seen: 6984
	Examples seen: 349200
Monitoring step:
	Epochs seen: 98
	Batches seen: 7056
	Examples seen: 352800
Monitoring step:
	Epochs seen: 99
	Batches seen: 7128
	Examples seen: 356400
Monitoring step:
	Epochs seen: 100
	Batches seen: 7200
	Examples seen: 360000
Monitoring step:
	Epochs seen: 101
	Batches seen: 7272
	Examples seen: 363600

In [72]:
r = ann.fprop(theano.shared(ds_test.X[0:1], name='inputs')).eval()
print r.argmax()
print ds_test.y[0:1]


8
[[ 0.  0.  1.  0.  0.  0.  0.  0.  0.]]

In [64]:
%pprint off


Pretty printing has been turned ON

In [79]:
pp.pprint(ann.__dict__)


{'_input_source': 'features',
 '_nested': False,
 '_target_source': 'targets',
 '_test_batch_size': 50,
 'batch_size': None,
 'extensions': [],
 'force_batch_size': None,
 'freeze_set': set([]),
 'input_space': VectorSpace(dim=784, dtype=float64),
 'layer_name': None,
 'layer_names': set(['hidden', 'output']),
 'layers': [<pylearn2.models.mlp.Sigmoid object at 0x10e5a0f90>,
            <pylearn2.models.mlp.Softmax object at 0x10e40f350>],
 'monitor': <pylearn2.monitor.Monitor object at 0x10955e490>,
 'monitor_targets': True,
 'names_to_del': set([]),
 'rng': <mtrand.RandomState object at 0x10e631990>,
 'seed': [2013, 1, 4]}

In [80]:
pp.pprint(ann.layers[0].__dict__)


{'W_lr_scale': None,
 'b': hidden_b,
 'b_lr_scale': None,
 'copy_input': None,
 'dim': 50,
 'extensions': [],
 'include_prob': 1.0,
 'init_bias': 1.0,
 'input_dim': 784,
 'input_space': VectorSpace(dim=784, dtype=float64),
 'irange': 0.1,
 'istdev': None,
 'layer_name': 'hidden',
 'mask_weights': None,
 'max_col_norm': None,
 'max_row_norm': None,
 'min_col_norm': None,
 'mlp': <pylearn2.models.mlp.MLP object at 0x10e41ed50>,
 'monitor_style': 'detection',
 'names_to_del': set([]),
 'output_space': VectorSpace(dim=50, dtype=float64),
 'requires_reformat': False,
 'sparse_init': None,
 'sparse_stdev': 1.0,
 'transformer': <pylearn2.linear.matrixmul.MatrixMul object at 0x10e4a0690>,
 'use_abs_loss': False,
 'use_bias': True}

In [90]:
# 다른방식으로 해보기
hidden1_layer = mlp.RectifiedLinear(layer_name='hidden1', dim=300, irange=.1, init_bias=1.)
hidden2_layer = mlp.RectifiedLinear(layer_name='hidden2', dim=200, irange=.1, init_bias=1.)

# create Softmax output layer
output_layer = mlp.Softmax(9, 'output', irange=.1)

layers = [hidden1_layer, hidden2_layer, output_layer]

# termination criterion that stops after 50 epochs without
# any increase in misclassification on the validation set
termination_criterion = MonitorBased(channel_name='output_misclass', N=50, prop_decrease=0.0)

# momentum
initial_momentum = .5
final_momentum = .99
start = 1
saturate = 50
momentum_adjustor = learning_rule.MomentumAdjustor(final_momentum, start, saturate)
momentum_rule = learning_rule.Momentum(initial_momentum)

# learning rate
start = 1
saturate = 50
decay_factor = .1
learning_rate_adjustor = sgd.LinearDecayOverEpoch(start, saturate, decay_factor)

# create neural net
ann = mlp.MLP(layers, nvis=ds_train.X.shape[-1])

# create Stochastic Gradient Descent trainer 
trainer = sgd.SGD(learning_rate=.05, batch_size=10, monitoring_dataset=ds_valid,
                  termination_criterion=termination_criterion, learning_rule=momentum_rule)
trainer.setup(ann, ds_train)

# add monitor for saving the model with best score
monitor_save_best = best_params.MonitorBasedSaveBest('output_misclass', '/tmp/best.pkl')

# train neural net until the termination criterion is true
while True:
    trainer.train(dataset=ds_train)
    ann.monitor.report_epoch()
    ann.monitor()
    monitor_save_best.on_monitor(ann, ds_valid, trainer)
    if not trainer.continue_learning(ann):
        break
    momentum_adjustor.on_monitor(ann, ds_valid, trainer)
    learning_rate_adjustor.on_monitor(ann, ds_valid, trainer)


Parameter and initial learning rate summary:
	hidden1_W: 0.05
	hidden1_b: 0.05
	hidden2_W: 0.05
	hidden2_b: 0.05
	softmax_b: 0.05
	softmax_W: 0.05
Compiling sgd_update...
Compiling sgd_update done. Time elapsed: 0.566007 seconds
compiling begin_record_entry...
compiling begin_record_entry done. Time elapsed: 0.134696 seconds
Monitored channels: 
	hidden1_col_norms_max
	hidden1_col_norms_mean
	hidden1_col_norms_min
	hidden1_max_x_max_u
	hidden1_max_x_mean_u
	hidden1_max_x_min_u
	hidden1_mean_x_max_u
	hidden1_mean_x_mean_u
	hidden1_mean_x_min_u
	hidden1_min_x_max_u
	hidden1_min_x_mean_u
	hidden1_min_x_min_u
	hidden1_range_x_max_u
	hidden1_range_x_mean_u
	hidden1_range_x_min_u
	hidden1_row_norms_max
	hidden1_row_norms_mean
	hidden1_row_norms_min
	hidden2_col_norms_max
	hidden2_col_norms_mean
	hidden2_col_norms_min
	hidden2_max_x_max_u
	hidden2_max_x_mean_u
	hidden2_max_x_min_u
	hidden2_mean_x_max_u
	hidden2_mean_x_mean_u
	hidden2_mean_x_min_u
	hidden2_min_x_max_u
	hidden2_min_x_mean_u
	hidden2_min_x_min_u
	hidden2_range_x_max_u
	hidden2_range_x_mean_u
	hidden2_range_x_min_u
	hidden2_row_norms_max
	hidden2_row_norms_mean
	hidden2_row_norms_min
	learning_rate
	momentum
	objective
	output_col_norms_max
	output_col_norms_mean
	output_col_norms_min
	output_max_max_class
	output_mean_max_class
	output_min_max_class
	output_misclass
	output_nll
	output_row_norms_max
	output_row_norms_mean
	output_row_norms_min
Compiling accum...
graph size: 178
Compiling accum done. Time elapsed: 2.649212 seconds
Monitoring step:
	Epochs seen: 1
	Batches seen: 360
	Examples seen: 3600
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.235455791964
	hidden2_max_x_mean_u: 0.00117727895982
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.235455791964
	hidden2_mean_x_mean_u: 0.00117727895982
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.235455791964
	hidden2_min_x_mean_u: 0.00117727895982
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.05
	momentum: 0.5
	objective: 2.1753883398
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.146333914733
	output_mean_max_class: 0.146333914733
	output_min_max_class: 0.146333914733
	output_misclass: 0.8375
	output_nll: 2.1753883398
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.66317390737
Saving to /tmp/best.pkl...
Saving to /tmp/best.pkl done. Time elapsed: 0.410677 seconds
/Users/dikien/anaconda/lib/python2.7/site-packages/pylearn2/monitor.py:572: UserWarning: Trained model saved without indicating yaml_src
  'indicating yaml_src')
Monitoring step:
	Epochs seen: 2
	Batches seen: 720
	Examples seen: 7200
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.251338526929
	hidden2_max_x_mean_u: 0.00125669263464
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.251338526929
	hidden2_mean_x_mean_u: 0.00125669263464
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.251338526929
	hidden2_min_x_mean_u: 0.00125669263464
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.0491
	momentum: 0.5
	objective: 2.17506741708
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.172652217182
	output_mean_max_class: 0.172652217182
	output_min_max_class: 0.172652217182
	output_misclass: 0.8375
	output_nll: 2.17506741708
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.62071481594
Monitoring step:
	Epochs seen: 3
	Batches seen: 1080
	Examples seen: 10800
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.28640520854
	hidden2_max_x_mean_u: 0.0014320260427
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.28640520854
	hidden2_mean_x_mean_u: 0.0014320260427
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.28640520854
	hidden2_min_x_mean_u: 0.0014320260427
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.0482
	momentum: 0.51
	objective: 2.17696743797
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.166209004252
	output_mean_max_class: 0.166209004252
	output_min_max_class: 0.166209004252
	output_misclass: 0.8375
	output_nll: 2.17696743797
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.59141404568
Monitoring step:
	Epochs seen: 4
	Batches seen: 1440
	Examples seen: 14400
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.227537442138
	hidden2_max_x_mean_u: 0.00113768721069
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.227537442138
	hidden2_mean_x_mean_u: 0.00113768721069
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.227537442138
	hidden2_min_x_mean_u: 0.00113768721069
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.0473
	momentum: 0.52
	objective: 2.17096467662
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.148131016216
	output_mean_max_class: 0.148131016216
	output_min_max_class: 0.148131016216
	output_misclass: 0.8375
	output_nll: 2.17096467662
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.54442142852
Monitoring step:
	Epochs seen: 5
	Batches seen: 1800
	Examples seen: 18000
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.357589284999
	hidden2_max_x_mean_u: 0.00178794642499
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.357589284999
	hidden2_mean_x_mean_u: 0.00178794642499
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.357589284999
	hidden2_min_x_mean_u: 0.00178794642499
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.0464
	momentum: 0.53
	objective: 2.18482391617
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.170036963047
	output_mean_max_class: 0.170036963047
	output_min_max_class: 0.170036963047
	output_misclass: 0.8375
	output_nll: 2.18482391617
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.52534928346
Monitoring step:
	Epochs seen: 6
	Batches seen: 2160
	Examples seen: 21600
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.249502837942
	hidden2_max_x_mean_u: 0.00124751418971
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.249502837942
	hidden2_mean_x_mean_u: 0.00124751418971
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.249502837942
	hidden2_min_x_mean_u: 0.00124751418971
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.0455
	momentum: 0.54
	objective: 2.17541845879
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.154275805248
	output_mean_max_class: 0.154275805248
	output_min_max_class: 0.154275805248
	output_misclass: 0.8375
	output_nll: 2.17541845879
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.46761018591
Monitoring step:
	Epochs seen: 7
	Batches seen: 2520
	Examples seen: 25200
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.199254960317
	hidden2_max_x_mean_u: 0.000996274801585
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.199254960317
	hidden2_mean_x_mean_u: 0.000996274801585
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.199254960317
	hidden2_min_x_mean_u: 0.000996274801585
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.0446
	momentum: 0.55
	objective: 2.17013466076
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.151481627709
	output_mean_max_class: 0.151481627709
	output_min_max_class: 0.151481627709
	output_misclass: 0.8375
	output_nll: 2.17013466076
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.42599990948
Monitoring step:
	Epochs seen: 8
	Batches seen: 2880
	Examples seen: 28800
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.299089885354
	hidden2_max_x_mean_u: 0.00149544942677
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.299089885354
	hidden2_mean_x_mean_u: 0.00149544942677
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.299089885354
	hidden2_min_x_mean_u: 0.00149544942677
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.0437
	momentum: 0.56
	objective: 2.17783739571
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.160585580533
	output_mean_max_class: 0.160585580533
	output_min_max_class: 0.160585580533
	output_misclass: 0.8375
	output_nll: 2.17783739571
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.39303513169
Monitoring step:
	Epochs seen: 9
	Batches seen: 3240
	Examples seen: 32400
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.27002964365
	hidden2_max_x_mean_u: 0.00135014821825
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.27002964365
	hidden2_mean_x_mean_u: 0.00135014821825
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.27002964365
	hidden2_min_x_mean_u: 0.00135014821825
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.0428
	momentum: 0.57
	objective: 2.17673302391
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.149569006054
	output_mean_max_class: 0.149569006054
	output_min_max_class: 0.149569006054
	output_misclass: 0.8375
	output_nll: 2.17673302391
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.34510929234
Monitoring step:
	Epochs seen: 10
	Batches seen: 3600
	Examples seen: 36000
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.0974510317226
	hidden2_max_x_mean_u: 0.000487255158613
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.0974510317226
	hidden2_mean_x_mean_u: 0.000487255158613
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.0974510317226
	hidden2_min_x_mean_u: 0.000487255158613
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.0419
	momentum: 0.58
	objective: 2.17199872321
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.149421927075
	output_mean_max_class: 0.149421927075
	output_min_max_class: 0.149421927075
	output_misclass: 0.8375
	output_nll: 2.17199872321
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.29602379087
Monitoring step:
	Epochs seen: 11
	Batches seen: 3960
	Examples seen: 39600
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.0589148124784
	hidden2_max_x_mean_u: 0.000294574062392
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.0589148124784
	hidden2_mean_x_mean_u: 0.000294574062392
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.0589148124784
	hidden2_min_x_mean_u: 0.000294574062392
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.041
	momentum: 0.59
	objective: 2.17321884428
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.158345330522
	output_mean_max_class: 0.158345330522
	output_min_max_class: 0.158345330522
	output_misclass: 0.850833333333
	output_nll: 2.17321884428
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.26610814258
Monitoring step:
	Epochs seen: 12
	Batches seen: 4320
	Examples seen: 43200
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.35460224016
	hidden2_max_x_mean_u: 0.0017730112008
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.35460224016
	hidden2_mean_x_mean_u: 0.0017730112008
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.35460224016
	hidden2_min_x_mean_u: 0.0017730112008
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.0401
	momentum: 0.6
	objective: 2.18644683715
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.165200843472
	output_mean_max_class: 0.165200843472
	output_min_max_class: 0.165200843472
	output_misclass: 0.8375
	output_nll: 2.18644683715
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.25416808796
Monitoring step:
	Epochs seen: 13
	Batches seen: 4680
	Examples seen: 46800
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.198845271739
	hidden2_max_x_mean_u: 0.000994226358693
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.198845271739
	hidden2_mean_x_mean_u: 0.000994226358693
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.198845271739
	hidden2_min_x_mean_u: 0.000994226358693
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.0392
	momentum: 0.61
	objective: 2.16978915807
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.163031602444
	output_mean_max_class: 0.163031602444
	output_min_max_class: 0.163031602444
	output_misclass: 0.8375
	output_nll: 2.16978915807
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.19435893287
Monitoring step:
	Epochs seen: 14
	Batches seen: 5040
	Examples seen: 50400
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.234505659303
	hidden2_max_x_mean_u: 0.00117252829652
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.234505659303
	hidden2_mean_x_mean_u: 0.00117252829652
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.234505659303
	hidden2_min_x_mean_u: 0.00117252829652
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.0383
	momentum: 0.62
	objective: 2.17359679497
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.172138840208
	output_mean_max_class: 0.172138840208
	output_min_max_class: 0.172138840208
	output_misclass: 0.8375
	output_nll: 2.17359679497
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.16713213973
Monitoring step:
	Epochs seen: 15
	Batches seen: 5400
	Examples seen: 54000
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.262745464877
	hidden2_max_x_mean_u: 0.00131372732439
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.262745464877
	hidden2_mean_x_mean_u: 0.00131372732439
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.262745464877
	hidden2_min_x_mean_u: 0.00131372732439
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.0374
	momentum: 0.63
	objective: 2.17636680047
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.154481117591
	output_mean_max_class: 0.154481117591
	output_min_max_class: 0.154481117591
	output_misclass: 0.8375
	output_nll: 2.17636680047
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.13606062047
Monitoring step:
	Epochs seen: 16
	Batches seen: 5760
	Examples seen: 57600
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.0
	hidden2_max_x_mean_u: 0.0
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.0
	hidden2_mean_x_mean_u: 0.0
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.0
	hidden2_min_x_mean_u: 0.0
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.0365
	momentum: 0.64
	objective: 2.17068011275
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.15859522326
	output_mean_max_class: 0.15859522326
	output_min_max_class: 0.15859522326
	output_misclass: 0.8375
	output_nll: 2.17068011275
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.0925520612
Monitoring step:
	Epochs seen: 17
	Batches seen: 6120
	Examples seen: 61200
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.0
	hidden2_max_x_mean_u: 0.0
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.0
	hidden2_mean_x_mean_u: 0.0
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.0
	hidden2_min_x_mean_u: 0.0
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.0356
	momentum: 0.65
	objective: 2.17450910127
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.151673448092
	output_mean_max_class: 0.151673448092
	output_min_max_class: 0.151673448092
	output_misclass: 0.8375
	output_nll: 2.17450910127
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.0925520612
Monitoring step:
	Epochs seen: 18
	Batches seen: 6480
	Examples seen: 64800
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.0
	hidden2_max_x_mean_u: 0.0
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.0
	hidden2_mean_x_mean_u: 0.0
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.0
	hidden2_min_x_mean_u: 0.0
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.0347
	momentum: 0.66
	objective: 2.1746650641
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.145107800383
	output_mean_max_class: 0.145107800383
	output_min_max_class: 0.145107800383
	output_misclass: 0.8375
	output_nll: 2.1746650641
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.0925520612
Monitoring step:
	Epochs seen: 19
	Batches seen: 6840
	Examples seen: 68400
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.0
	hidden2_max_x_mean_u: 0.0
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.0
	hidden2_mean_x_mean_u: 0.0
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.0
	hidden2_min_x_mean_u: 0.0
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.0338
	momentum: 0.67
	objective: 2.17211336658
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.160844381488
	output_mean_max_class: 0.160844381488
	output_min_max_class: 0.160844381488
	output_misclass: 0.8375
	output_nll: 2.17211336658
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.0925520612
Monitoring step:
	Epochs seen: 20
	Batches seen: 7200
	Examples seen: 72000
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.0
	hidden2_max_x_mean_u: 0.0
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.0
	hidden2_mean_x_mean_u: 0.0
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.0
	hidden2_min_x_mean_u: 0.0
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.0329
	momentum: 0.68
	objective: 2.17322051103
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.159017756315
	output_mean_max_class: 0.159017756315
	output_min_max_class: 0.159017756315
	output_misclass: 0.8375
	output_nll: 2.17322051103
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.0925520612
Monitoring step:
	Epochs seen: 21
	Batches seen: 7560
	Examples seen: 75600
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.0
	hidden2_max_x_mean_u: 0.0
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.0
	hidden2_mean_x_mean_u: 0.0
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.0
	hidden2_min_x_mean_u: 0.0
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.032
	momentum: 0.69
	objective: 2.17264714599
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.159291942919
	output_mean_max_class: 0.159291942919
	output_min_max_class: 0.159291942919
	output_misclass: 0.8375
	output_nll: 2.17264714599
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.0925520612
Monitoring step:
	Epochs seen: 22
	Batches seen: 7920
	Examples seen: 79200
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.0
	hidden2_max_x_mean_u: 0.0
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.0
	hidden2_mean_x_mean_u: 0.0
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.0
	hidden2_min_x_mean_u: 0.0
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.0311
	momentum: 0.7
	objective: 2.17145908096
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.15229026493
	output_mean_max_class: 0.15229026493
	output_min_max_class: 0.15229026493
	output_misclass: 0.8375
	output_nll: 2.17145908096
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.0925520612
Monitoring step:
	Epochs seen: 23
	Batches seen: 8280
	Examples seen: 82800
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.0
	hidden2_max_x_mean_u: 0.0
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.0
	hidden2_mean_x_mean_u: 0.0
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.0
	hidden2_min_x_mean_u: 0.0
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.0302
	momentum: 0.71
	objective: 2.17190670399
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.152211699913
	output_mean_max_class: 0.152211699913
	output_min_max_class: 0.152211699913
	output_misclass: 0.8375
	output_nll: 2.17190670399
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.0925520612
Monitoring step:
	Epochs seen: 24
	Batches seen: 8640
	Examples seen: 86400
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.0
	hidden2_max_x_mean_u: 0.0
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.0
	hidden2_mean_x_mean_u: 0.0
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.0
	hidden2_min_x_mean_u: 0.0
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.0293
	momentum: 0.72
	objective: 2.17222956619
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.150169705803
	output_mean_max_class: 0.150169705803
	output_min_max_class: 0.150169705803
	output_misclass: 0.8375
	output_nll: 2.17222956619
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.0925520612
Monitoring step:
	Epochs seen: 25
	Batches seen: 9000
	Examples seen: 90000
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.0
	hidden2_max_x_mean_u: 0.0
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.0
	hidden2_mean_x_mean_u: 0.0
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.0
	hidden2_min_x_mean_u: 0.0
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.0284
	momentum: 0.73
	objective: 2.17246626715
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.144172826293
	output_mean_max_class: 0.144172826293
	output_min_max_class: 0.144172826293
	output_misclass: 0.8375
	output_nll: 2.17246626715
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.0925520612
Monitoring step:
	Epochs seen: 26
	Batches seen: 9360
	Examples seen: 93600
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.0
	hidden2_max_x_mean_u: 0.0
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.0
	hidden2_mean_x_mean_u: 0.0
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.0
	hidden2_min_x_mean_u: 0.0
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.0275
	momentum: 0.74
	objective: 2.17586912032
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.139539051087
	output_mean_max_class: 0.139539051087
	output_min_max_class: 0.139539051087
	output_misclass: 0.850833333333
	output_nll: 2.17586912032
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.0925520612
Monitoring step:
	Epochs seen: 27
	Batches seen: 9720
	Examples seen: 97200
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.0
	hidden2_max_x_mean_u: 0.0
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.0
	hidden2_mean_x_mean_u: 0.0
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.0
	hidden2_min_x_mean_u: 0.0
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.0266
	momentum: 0.75
	objective: 2.17084517811
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.159044104493
	output_mean_max_class: 0.159044104493
	output_min_max_class: 0.159044104493
	output_misclass: 0.8375
	output_nll: 2.17084517811
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.0925520612
Monitoring step:
	Epochs seen: 28
	Batches seen: 10080
	Examples seen: 100800
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.0
	hidden2_max_x_mean_u: 0.0
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.0
	hidden2_mean_x_mean_u: 0.0
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.0
	hidden2_min_x_mean_u: 0.0
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.0257
	momentum: 0.76
	objective: 2.17311735735
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.154354641004
	output_mean_max_class: 0.154354641004
	output_min_max_class: 0.154354641004
	output_misclass: 0.8375
	output_nll: 2.17311735735
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.0925520612
Monitoring step:
	Epochs seen: 29
	Batches seen: 10440
	Examples seen: 104400
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.0
	hidden2_max_x_mean_u: 0.0
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.0
	hidden2_mean_x_mean_u: 0.0
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.0
	hidden2_min_x_mean_u: 0.0
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.0248
	momentum: 0.77
	objective: 2.17535119503
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.155201163936
	output_mean_max_class: 0.155201163936
	output_min_max_class: 0.155201163936
	output_misclass: 0.8375
	output_nll: 2.17535119503
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.0925520612
Monitoring step:
	Epochs seen: 30
	Batches seen: 10800
	Examples seen: 108000
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.0
	hidden2_max_x_mean_u: 0.0
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.0
	hidden2_mean_x_mean_u: 0.0
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.0
	hidden2_min_x_mean_u: 0.0
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.0239
	momentum: 0.78
	objective: 2.17200442283
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.145636643448
	output_mean_max_class: 0.145636643448
	output_min_max_class: 0.145636643448
	output_misclass: 0.850833333333
	output_nll: 2.17200442283
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.0925520612
Monitoring step:
	Epochs seen: 31
	Batches seen: 11160
	Examples seen: 111600
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.0
	hidden2_max_x_mean_u: 0.0
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.0
	hidden2_mean_x_mean_u: 0.0
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.0
	hidden2_min_x_mean_u: 0.0
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.023
	momentum: 0.79
	objective: 2.17338498688
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.14912215381
	output_mean_max_class: 0.14912215381
	output_min_max_class: 0.14912215381
	output_misclass: 0.8375
	output_nll: 2.17338498688
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.0925520612
Monitoring step:
	Epochs seen: 32
	Batches seen: 11520
	Examples seen: 115200
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.0
	hidden2_max_x_mean_u: 0.0
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.0
	hidden2_mean_x_mean_u: 0.0
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.0
	hidden2_min_x_mean_u: 0.0
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.0221
	momentum: 0.8
	objective: 2.17747580537
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.138178454707
	output_mean_max_class: 0.138178454707
	output_min_max_class: 0.138178454707
	output_misclass: 0.850833333333
	output_nll: 2.17747580537
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.0925520612
Monitoring step:
	Epochs seen: 33
	Batches seen: 11880
	Examples seen: 118800
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.0
	hidden2_max_x_mean_u: 0.0
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.0
	hidden2_mean_x_mean_u: 0.0
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.0
	hidden2_min_x_mean_u: 0.0
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.0212
	momentum: 0.81
	objective: 2.17246679118
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.166651554063
	output_mean_max_class: 0.166651554063
	output_min_max_class: 0.166651554063
	output_misclass: 0.8375
	output_nll: 2.17246679118
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.0925520612
Monitoring step:
	Epochs seen: 34
	Batches seen: 12240
	Examples seen: 122400
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.0
	hidden2_max_x_mean_u: 0.0
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.0
	hidden2_mean_x_mean_u: 0.0
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.0
	hidden2_min_x_mean_u: 0.0
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.0203
	momentum: 0.82
	objective: 2.17630018149
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.146700324042
	output_mean_max_class: 0.146700324042
	output_min_max_class: 0.146700324042
	output_misclass: 0.8375
	output_nll: 2.17630018149
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.0925520612
Monitoring step:
	Epochs seen: 35
	Batches seen: 12600
	Examples seen: 126000
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.0
	hidden2_max_x_mean_u: 0.0
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.0
	hidden2_mean_x_mean_u: 0.0
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.0
	hidden2_min_x_mean_u: 0.0
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.0194
	momentum: 0.83
	objective: 2.17315065131
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.138861749354
	output_mean_max_class: 0.138861749354
	output_min_max_class: 0.138861749354
	output_misclass: 0.8375
	output_nll: 2.17315065131
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.0925520612
Monitoring step:
	Epochs seen: 36
	Batches seen: 12960
	Examples seen: 129600
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.0
	hidden2_max_x_mean_u: 0.0
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.0
	hidden2_mean_x_mean_u: 0.0
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.0
	hidden2_min_x_mean_u: 0.0
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.0185
	momentum: 0.84
	objective: 2.1726157199
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.151371732704
	output_mean_max_class: 0.151371732704
	output_min_max_class: 0.151371732704
	output_misclass: 0.850833333333
	output_nll: 2.1726157199
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.0925520612
Monitoring step:
	Epochs seen: 37
	Batches seen: 13320
	Examples seen: 133200
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.0
	hidden2_max_x_mean_u: 0.0
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.0
	hidden2_mean_x_mean_u: 0.0
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.0
	hidden2_min_x_mean_u: 0.0
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.0176
	momentum: 0.85
	objective: 2.17053475747
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.158750925941
	output_mean_max_class: 0.158750925941
	output_min_max_class: 0.158750925941
	output_misclass: 0.8375
	output_nll: 2.17053475747
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.0925520612
Monitoring step:
	Epochs seen: 38
	Batches seen: 13680
	Examples seen: 136800
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.0
	hidden2_max_x_mean_u: 0.0
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.0
	hidden2_mean_x_mean_u: 0.0
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.0
	hidden2_min_x_mean_u: 0.0
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.0167
	momentum: 0.86
	objective: 2.16966205105
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.166315214434
	output_mean_max_class: 0.166315214434
	output_min_max_class: 0.166315214434
	output_misclass: 0.8375
	output_nll: 2.16966205105
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.0925520612
Monitoring step:
	Epochs seen: 39
	Batches seen: 14040
	Examples seen: 140400
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.0
	hidden2_max_x_mean_u: 0.0
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.0
	hidden2_mean_x_mean_u: 0.0
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.0
	hidden2_min_x_mean_u: 0.0
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.0158
	momentum: 0.87
	objective: 2.17370472102
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.15527571031
	output_mean_max_class: 0.15527571031
	output_min_max_class: 0.15527571031
	output_misclass: 0.8375
	output_nll: 2.17370472102
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.0925520612
Monitoring step:
	Epochs seen: 40
	Batches seen: 14400
	Examples seen: 144000
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.0
	hidden2_max_x_mean_u: 0.0
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.0
	hidden2_mean_x_mean_u: 0.0
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.0
	hidden2_min_x_mean_u: 0.0
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.0149
	momentum: 0.88
	objective: 2.17019285262
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.16000545781
	output_mean_max_class: 0.16000545781
	output_min_max_class: 0.16000545781
	output_misclass: 0.8375
	output_nll: 2.17019285262
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.0925520612
Monitoring step:
	Epochs seen: 41
	Batches seen: 14760
	Examples seen: 147600
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.0
	hidden2_max_x_mean_u: 0.0
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.0
	hidden2_mean_x_mean_u: 0.0
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.0
	hidden2_min_x_mean_u: 0.0
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.014
	momentum: 0.89
	objective: 2.1717671624
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.150623149579
	output_mean_max_class: 0.150623149579
	output_min_max_class: 0.150623149579
	output_misclass: 0.8375
	output_nll: 2.1717671624
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.0925520612
Monitoring step:
	Epochs seen: 42
	Batches seen: 15120
	Examples seen: 151200
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.0
	hidden2_max_x_mean_u: 0.0
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.0
	hidden2_mean_x_mean_u: 0.0
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.0
	hidden2_min_x_mean_u: 0.0
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.0131
	momentum: 0.9
	objective: 2.1729028565
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.161891210285
	output_mean_max_class: 0.161891210285
	output_min_max_class: 0.161891210285
	output_misclass: 0.8375
	output_nll: 2.1729028565
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.0925520612
Monitoring step:
	Epochs seen: 43
	Batches seen: 15480
	Examples seen: 154800
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.0
	hidden2_max_x_mean_u: 0.0
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.0
	hidden2_mean_x_mean_u: 0.0
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.0
	hidden2_min_x_mean_u: 0.0
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.0122
	momentum: 0.91
	objective: 2.17237155984
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.148277717976
	output_mean_max_class: 0.148277717976
	output_min_max_class: 0.148277717976
	output_misclass: 0.8375
	output_nll: 2.17237155984
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.0925520612
Monitoring step:
	Epochs seen: 44
	Batches seen: 15840
	Examples seen: 158400
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.0
	hidden2_max_x_mean_u: 0.0
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.0
	hidden2_mean_x_mean_u: 0.0
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.0
	hidden2_min_x_mean_u: 0.0
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.0113
	momentum: 0.92
	objective: 2.17035846407
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.151780424758
	output_mean_max_class: 0.151780424758
	output_min_max_class: 0.151780424758
	output_misclass: 0.8375
	output_nll: 2.17035846407
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.0925520612
Monitoring step:
	Epochs seen: 45
	Batches seen: 16200
	Examples seen: 162000
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.0
	hidden2_max_x_mean_u: 0.0
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.0
	hidden2_mean_x_mean_u: 0.0
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.0
	hidden2_min_x_mean_u: 0.0
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.0104
	momentum: 0.93
	objective: 2.17557631563
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.150791242038
	output_mean_max_class: 0.150791242038
	output_min_max_class: 0.150791242038
	output_misclass: 0.850833333333
	output_nll: 2.17557631563
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.0925520612
Monitoring step:
	Epochs seen: 46
	Batches seen: 16560
	Examples seen: 165600
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.0
	hidden2_max_x_mean_u: 0.0
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.0
	hidden2_mean_x_mean_u: 0.0
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.0
	hidden2_min_x_mean_u: 0.0
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.0095
	momentum: 0.94
	objective: 2.17365961224
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.139064796295
	output_mean_max_class: 0.139064796295
	output_min_max_class: 0.139064796295
	output_misclass: 0.850833333333
	output_nll: 2.17365961224
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.0925520612
Monitoring step:
	Epochs seen: 47
	Batches seen: 16920
	Examples seen: 169200
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.0
	hidden2_max_x_mean_u: 0.0
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.0
	hidden2_mean_x_mean_u: 0.0
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.0
	hidden2_min_x_mean_u: 0.0
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.0086
	momentum: 0.95
	objective: 2.175799582
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.141920682374
	output_mean_max_class: 0.141920682374
	output_min_max_class: 0.141920682374
	output_misclass: 0.8375
	output_nll: 2.175799582
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.0925520612
Monitoring step:
	Epochs seen: 48
	Batches seen: 17280
	Examples seen: 172800
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.0
	hidden2_max_x_mean_u: 0.0
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.0
	hidden2_mean_x_mean_u: 0.0
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.0
	hidden2_min_x_mean_u: 0.0
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.0077
	momentum: 0.96
	objective: 2.1741176024
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.140964870834
	output_mean_max_class: 0.140964870834
	output_min_max_class: 0.140964870834
	output_misclass: 0.8375
	output_nll: 2.1741176024
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.0925520612
Monitoring step:
	Epochs seen: 49
	Batches seen: 17640
	Examples seen: 176400
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.0
	hidden2_max_x_mean_u: 0.0
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.0
	hidden2_mean_x_mean_u: 0.0
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.0
	hidden2_min_x_mean_u: 0.0
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.0068
	momentum: 0.97
	objective: 2.17375364283
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.148380521573
	output_mean_max_class: 0.148380521573
	output_min_max_class: 0.148380521573
	output_misclass: 0.850833333333
	output_nll: 2.17375364283
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.0925520612
Monitoring step:
	Epochs seen: 50
	Batches seen: 18000
	Examples seen: 180000
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.0
	hidden2_max_x_mean_u: 0.0
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.0
	hidden2_mean_x_mean_u: 0.0
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.0
	hidden2_min_x_mean_u: 0.0
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.0059
	momentum: 0.98
	objective: 2.17618467245
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.153641526347
	output_mean_max_class: 0.153641526347
	output_min_max_class: 0.153641526347
	output_misclass: 0.8375
	output_nll: 2.17618467245
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.0925520612
Monitoring step:
	Epochs seen: 51
	Batches seen: 18360
	Examples seen: 183600
	hidden1_col_norms_max: 1.648e+30
	hidden1_col_norms_mean: 8.398e+27
	hidden1_col_norms_min: 1.5586597894
	hidden1_max_x_max_u: 0.0
	hidden1_max_x_mean_u: 0.0
	hidden1_max_x_min_u: 0.0
	hidden1_mean_x_max_u: 0.0
	hidden1_mean_x_mean_u: 0.0
	hidden1_mean_x_min_u: 0.0
	hidden1_min_x_max_u: 0.0
	hidden1_min_x_mean_u: 0.0
	hidden1_min_x_min_u: 0.0
	hidden1_range_x_max_u: 0.0
	hidden1_range_x_mean_u: 0.0
	hidden1_range_x_min_u: 0.0
	hidden1_row_norms_max: 9.448e+28
	hidden1_row_norms_mean: 4.809e+28
	hidden1_row_norms_min: 0.965449489813
	hidden2_col_norms_max: 1.405e+33
	hidden2_col_norms_mean: 7.047e+30
	hidden2_col_norms_min: 5.03228082988
	hidden2_max_x_max_u: 0.0
	hidden2_max_x_mean_u: 0.0
	hidden2_max_x_min_u: 0.0
	hidden2_mean_x_max_u: 0.0
	hidden2_mean_x_mean_u: 0.0
	hidden2_mean_x_min_u: 0.0
	hidden2_min_x_max_u: 0.0
	hidden2_min_x_mean_u: 0.0
	hidden2_min_x_min_u: 0.0
	hidden2_range_x_max_u: 0.0
	hidden2_range_x_mean_u: 0.0
	hidden2_range_x_min_u: 0.0
	hidden2_row_norms_max: 5.313e+32
	hidden2_row_norms_mean: 2.504e+31
	hidden2_row_norms_min: 1045.33284715
	learning_rate: 0.005
	momentum: 0.99
	objective: 2.20395160147
	output_col_norms_max: 1.167e+30
	output_col_norms_mean: 2.593e+29
	output_col_norms_min: 8.086e+05
	output_max_max_class: 0.16816536932
	output_mean_max_class: 0.16816536932
	output_min_max_class: 0.16816536932
	output_misclass: 0.8375
	output_nll: 2.20395160147
	output_row_norms_max: 1.263e+30
	output_row_norms_mean: 6.770e+27
	output_row_norms_min: 2.0925520612

In [91]:
r = ann.fprop(theano.shared(ds_test.X[0:1], name='inputs')).eval()
print r.argmax()
print ds_test.y[0:1]


1
[[ 0.  0.  1.  0.  0.  0.  0.  0.  0.]]

In [ ]:
print 'Accuracy of train set:'
score(ds_train)
print 'Accuracy of validation set:'
score(ds_valid)
print 'Accuracy of test set:'
score(ds_test)