3.6.1 线性可分学习过程

导入功能模块

[1]:
import sys

load_dataset_module_path = '../../'
sys.path.append(load_dataset_module_path)

from load_hyperspectral_dataset import (load_hyperspectral_data, y_labels,
                                        extract_features,
                                        plot_selected_categories,
                                        plot_decision_function)
[2]:
%matplotlib inline
%config InlineBackend.figure_format = 'retina'
import matplotlib as mpl
import matplotlib.pyplot as plt
from matplotlib import cm
from sklearn.utils import shuffle
import seaborn as sns
import numpy as np

mpl.style.use('ggplot')

加载数据集

[3]:
img_file_path = '../../Hyperspectral_Project/dc.tif'
label_file_path = '../../Hyperspectral_Project/dctest.project'

raw_X, raw_y, pixel_position = load_hyperspectral_data(img_file_path,
                                                       label_file_path)

hyperspectral_df =  extract_features(raw_X, raw_y)
[4]:
cmap = sns.diverging_palette(20,200,sep=20,as_cmap=True)
selected_categories = ['Trees', 'Water']
[5]:
loss_name = 'log'
[6]:
from sklearn.linear_model import SGDClassifier

model = SGDClassifier(
    max_iter=100,
    random_state=2,
    tol=1e-7,
    loss=loss_name,
    verbose=1,
    average=512,  #批次大小
    warm_start=True,
    eta0=1,
    learning_rate="constant",
    penalty=None,
    n_iter_no_change=2,)

selected_features, selected_target = plot_selected_categories(
    hyperspectral_df,
    seleted_features=['NDVI', 'MNDWI'],
    selected_categories=selected_categories)

selected_features, selected_target = shuffle(selected_features,
                                             selected_target,
                                             random_state=0)
model.fit(selected_features, selected_target)

plt.grid(b=False)

plot_decision_function(model, cmap, normalization_range=[-20, 20],normalization_step=2)
plt.savefig(
    f'SGD_classifier_{loss_name}_loss_{selected_categories[0]}_{selected_categories[1]}.pdf',
    bbox_inches='tight')
-- Epoch 1
Norm: 13.18, NNZs: 2, Bias: -3.063147, T: 1629, Avg. loss: 0.023965
Total training time: 0.00 seconds.
-- Epoch 2
Norm: 14.90, NNZs: 2, Bias: -3.615994, T: 3258, Avg. loss: 0.002965
Total training time: 0.00 seconds.
-- Epoch 3
Norm: 15.93, NNZs: 2, Bias: -3.873718, T: 4887, Avg. loss: 0.001749
Total training time: 0.00 seconds.
-- Epoch 4
Norm: 16.66, NNZs: 2, Bias: -4.066567, T: 6516, Avg. loss: 0.001251
Total training time: 0.00 seconds.
-- Epoch 5
Norm: 17.23, NNZs: 2, Bias: -4.194483, T: 8145, Avg. loss: 0.000976
Total training time: 0.00 seconds.
-- Epoch 6
Norm: 17.70, NNZs: 2, Bias: -4.317903, T: 9774, Avg. loss: 0.000802
Total training time: 0.00 seconds.
-- Epoch 7
Norm: 18.09, NNZs: 2, Bias: -4.417417, T: 11403, Avg. loss: 0.000681
Total training time: 0.00 seconds.
-- Epoch 8
Norm: 18.44, NNZs: 2, Bias: -4.496522, T: 13032, Avg. loss: 0.000593
Total training time: 0.00 seconds.
-- Epoch 9
Norm: 18.74, NNZs: 2, Bias: -4.583934, T: 14661, Avg. loss: 0.000525
Total training time: 0.00 seconds.
-- Epoch 10
Norm: 19.01, NNZs: 2, Bias: -4.634010, T: 16290, Avg. loss: 0.000471
Total training time: 0.00 seconds.
-- Epoch 11
Norm: 19.25, NNZs: 2, Bias: -4.714726, T: 17919, Avg. loss: 0.000427
Total training time: 0.00 seconds.
-- Epoch 12
Norm: 19.48, NNZs: 2, Bias: -4.771871, T: 19548, Avg. loss: 0.000391
Total training time: 0.00 seconds.
-- Epoch 13
Norm: 19.69, NNZs: 2, Bias: -4.808210, T: 21177, Avg. loss: 0.000361
Total training time: 0.00 seconds.
-- Epoch 14
Norm: 19.87, NNZs: 2, Bias: -4.874472, T: 22806, Avg. loss: 0.000335
Total training time: 0.00 seconds.
-- Epoch 15
Norm: 20.05, NNZs: 2, Bias: -4.918926, T: 24435, Avg. loss: 0.000313
Total training time: 0.00 seconds.
-- Epoch 16
Norm: 20.22, NNZs: 2, Bias: -4.961096, T: 26064, Avg. loss: 0.000293
Total training time: 0.00 seconds.
-- Epoch 17
Norm: 20.38, NNZs: 2, Bias: -4.996367, T: 27693, Avg. loss: 0.000276
Total training time: 0.00 seconds.
-- Epoch 18
Norm: 20.53, NNZs: 2, Bias: -5.025184, T: 29322, Avg. loss: 0.000261
Total training time: 0.00 seconds.
-- Epoch 19
Norm: 20.67, NNZs: 2, Bias: -5.057940, T: 30951, Avg. loss: 0.000247
Total training time: 0.00 seconds.
-- Epoch 20
Norm: 20.80, NNZs: 2, Bias: -5.097354, T: 32580, Avg. loss: 0.000235
Total training time: 0.00 seconds.
-- Epoch 21
Norm: 20.93, NNZs: 2, Bias: -5.131258, T: 34209, Avg. loss: 0.000224
Total training time: 0.00 seconds.
-- Epoch 22
Norm: 21.05, NNZs: 2, Bias: -5.161294, T: 35838, Avg. loss: 0.000214
Total training time: 0.00 seconds.
-- Epoch 23
Norm: 21.17, NNZs: 2, Bias: -5.186614, T: 37467, Avg. loss: 0.000205
Total training time: 0.00 seconds.
-- Epoch 24
Norm: 21.28, NNZs: 2, Bias: -5.214169, T: 39096, Avg. loss: 0.000197
Total training time: 0.00 seconds.
-- Epoch 25
Norm: 21.38, NNZs: 2, Bias: -5.246394, T: 40725, Avg. loss: 0.000189
Total training time: 0.00 seconds.
-- Epoch 26
Norm: 21.48, NNZs: 2, Bias: -5.272654, T: 42354, Avg. loss: 0.000182
Total training time: 0.00 seconds.
-- Epoch 27
Norm: 21.58, NNZs: 2, Bias: -5.297944, T: 43983, Avg. loss: 0.000175
Total training time: 0.01 seconds.
-- Epoch 28
Norm: 21.68, NNZs: 2, Bias: -5.317538, T: 45612, Avg. loss: 0.000169
Total training time: 0.01 seconds.
-- Epoch 29
Norm: 21.77, NNZs: 2, Bias: -5.339758, T: 47241, Avg. loss: 0.000163
Total training time: 0.01 seconds.
-- Epoch 30
Norm: 21.86, NNZs: 2, Bias: -5.363665, T: 48870, Avg. loss: 0.000158
Total training time: 0.01 seconds.
-- Epoch 31
Norm: 21.94, NNZs: 2, Bias: -5.386637, T: 50499, Avg. loss: 0.000153
Total training time: 0.01 seconds.
-- Epoch 32
Norm: 22.03, NNZs: 2, Bias: -5.406830, T: 52128, Avg. loss: 0.000149
Total training time: 0.01 seconds.
-- Epoch 33
Norm: 22.11, NNZs: 2, Bias: -5.426259, T: 53757, Avg. loss: 0.000144
Total training time: 0.01 seconds.
-- Epoch 34
Norm: 22.19, NNZs: 2, Bias: -5.443114, T: 55386, Avg. loss: 0.000140
Total training time: 0.01 seconds.
-- Epoch 35
Norm: 22.26, NNZs: 2, Bias: -5.462086, T: 57015, Avg. loss: 0.000136
Total training time: 0.01 seconds.
-- Epoch 36
Norm: 22.34, NNZs: 2, Bias: -5.480122, T: 58644, Avg. loss: 0.000132
Total training time: 0.01 seconds.
-- Epoch 37
Norm: 22.41, NNZs: 2, Bias: -5.499119, T: 60273, Avg. loss: 0.000129
Total training time: 0.01 seconds.
-- Epoch 38
Norm: 22.48, NNZs: 2, Bias: -5.515851, T: 61902, Avg. loss: 0.000126
Total training time: 0.01 seconds.
-- Epoch 39
Norm: 22.55, NNZs: 2, Bias: -5.532496, T: 63531, Avg. loss: 0.000123
Total training time: 0.01 seconds.
-- Epoch 40
Norm: 22.61, NNZs: 2, Bias: -5.548244, T: 65160, Avg. loss: 0.000120
Total training time: 0.01 seconds.
-- Epoch 41
Norm: 22.68, NNZs: 2, Bias: -5.564655, T: 66789, Avg. loss: 0.000117
Total training time: 0.01 seconds.
-- Epoch 42
Norm: 22.74, NNZs: 2, Bias: -5.581810, T: 68418, Avg. loss: 0.000114
Total training time: 0.01 seconds.
-- Epoch 43
Norm: 22.80, NNZs: 2, Bias: -5.594985, T: 70047, Avg. loss: 0.000112
Total training time: 0.01 seconds.
-- Epoch 44
Norm: 22.86, NNZs: 2, Bias: -5.610937, T: 71676, Avg. loss: 0.000109
Total training time: 0.01 seconds.
-- Epoch 45
Norm: 22.92, NNZs: 2, Bias: -5.625082, T: 73305, Avg. loss: 0.000107
Total training time: 0.01 seconds.
-- Epoch 46
Norm: 22.98, NNZs: 2, Bias: -5.639093, T: 74934, Avg. loss: 0.000105
Total training time: 0.01 seconds.
-- Epoch 47
Norm: 23.04, NNZs: 2, Bias: -5.652818, T: 76563, Avg. loss: 0.000102
Total training time: 0.01 seconds.
-- Epoch 48
Norm: 23.09, NNZs: 2, Bias: -5.666101, T: 78192, Avg. loss: 0.000100
Total training time: 0.01 seconds.
-- Epoch 49
Norm: 23.15, NNZs: 2, Bias: -5.678217, T: 79821, Avg. loss: 0.000098
Total training time: 0.01 seconds.
-- Epoch 50
Norm: 23.20, NNZs: 2, Bias: -5.690761, T: 81450, Avg. loss: 0.000097
Total training time: 0.01 seconds.
-- Epoch 51
Norm: 23.25, NNZs: 2, Bias: -5.703562, T: 83079, Avg. loss: 0.000095
Total training time: 0.01 seconds.
-- Epoch 52
Norm: 23.30, NNZs: 2, Bias: -5.716769, T: 84708, Avg. loss: 0.000093
Total training time: 0.01 seconds.
-- Epoch 53
Norm: 23.35, NNZs: 2, Bias: -5.729074, T: 86337, Avg. loss: 0.000091
Total training time: 0.01 seconds.
-- Epoch 54
Norm: 23.40, NNZs: 2, Bias: -5.741678, T: 87966, Avg. loss: 0.000090
Total training time: 0.01 seconds.
-- Epoch 55
Norm: 23.45, NNZs: 2, Bias: -5.753290, T: 89595, Avg. loss: 0.000088
Total training time: 0.01 seconds.
-- Epoch 56
Norm: 23.50, NNZs: 2, Bias: -5.764859, T: 91224, Avg. loss: 0.000087
Total training time: 0.01 seconds.
-- Epoch 57
Norm: 23.55, NNZs: 2, Bias: -5.776856, T: 92853, Avg. loss: 0.000085
Total training time: 0.01 seconds.
-- Epoch 58
Norm: 23.59, NNZs: 2, Bias: -5.787279, T: 94482, Avg. loss: 0.000084
Total training time: 0.01 seconds.
-- Epoch 59
Norm: 23.64, NNZs: 2, Bias: -5.797744, T: 96111, Avg. loss: 0.000082
Total training time: 0.01 seconds.
-- Epoch 60
Norm: 23.68, NNZs: 2, Bias: -5.808060, T: 97740, Avg. loss: 0.000081
Total training time: 0.01 seconds.
-- Epoch 61
Norm: 23.73, NNZs: 2, Bias: -5.819300, T: 99369, Avg. loss: 0.000080
Total training time: 0.01 seconds.
-- Epoch 62
Norm: 23.77, NNZs: 2, Bias: -5.829525, T: 100998, Avg. loss: 0.000079
Total training time: 0.01 seconds.
-- Epoch 63
Norm: 23.81, NNZs: 2, Bias: -5.840780, T: 102627, Avg. loss: 0.000077
Total training time: 0.01 seconds.
-- Epoch 64
Norm: 23.85, NNZs: 2, Bias: -5.850547, T: 104256, Avg. loss: 0.000076
Total training time: 0.01 seconds.
-- Epoch 65
Norm: 23.89, NNZs: 2, Bias: -5.860077, T: 105885, Avg. loss: 0.000075
Total training time: 0.01 seconds.
-- Epoch 66
Norm: 23.93, NNZs: 2, Bias: -5.870156, T: 107514, Avg. loss: 0.000074
Total training time: 0.01 seconds.
-- Epoch 67
Norm: 23.97, NNZs: 2, Bias: -5.880738, T: 109143, Avg. loss: 0.000073
Total training time: 0.01 seconds.
-- Epoch 68
Norm: 24.01, NNZs: 2, Bias: -5.890255, T: 110772, Avg. loss: 0.000072
Total training time: 0.02 seconds.
-- Epoch 69
Norm: 24.05, NNZs: 2, Bias: -5.898463, T: 112401, Avg. loss: 0.000071
Total training time: 0.02 seconds.
-- Epoch 70
Norm: 24.09, NNZs: 2, Bias: -5.906877, T: 114030, Avg. loss: 0.000070
Total training time: 0.02 seconds.
-- Epoch 71
Norm: 24.13, NNZs: 2, Bias: -5.915423, T: 115659, Avg. loss: 0.000069
Total training time: 0.02 seconds.
-- Epoch 72
Norm: 24.17, NNZs: 2, Bias: -5.924506, T: 117288, Avg. loss: 0.000068
Total training time: 0.02 seconds.
-- Epoch 73
Norm: 24.20, NNZs: 2, Bias: -5.932994, T: 118917, Avg. loss: 0.000067
Total training time: 0.02 seconds.
-- Epoch 74
Norm: 24.24, NNZs: 2, Bias: -5.941862, T: 120546, Avg. loss: 0.000066
Total training time: 0.02 seconds.
-- Epoch 75
Norm: 24.27, NNZs: 2, Bias: -5.950489, T: 122175, Avg. loss: 0.000066
Total training time: 0.02 seconds.
-- Epoch 76
Norm: 24.31, NNZs: 2, Bias: -5.959708, T: 123804, Avg. loss: 0.000065
Total training time: 0.02 seconds.
-- Epoch 77
Norm: 24.34, NNZs: 2, Bias: -5.968080, T: 125433, Avg. loss: 0.000064
Total training time: 0.02 seconds.
-- Epoch 78
Norm: 24.38, NNZs: 2, Bias: -5.976286, T: 127062, Avg. loss: 0.000063
Total training time: 0.02 seconds.
-- Epoch 79
Norm: 24.41, NNZs: 2, Bias: -5.985052, T: 128691, Avg. loss: 0.000062
Total training time: 0.02 seconds.
-- Epoch 80
Norm: 24.45, NNZs: 2, Bias: -5.992667, T: 130320, Avg. loss: 0.000062
Total training time: 0.02 seconds.
-- Epoch 81
Norm: 24.48, NNZs: 2, Bias: -6.001027, T: 131949, Avg. loss: 0.000061
Total training time: 0.02 seconds.
-- Epoch 82
Norm: 24.51, NNZs: 2, Bias: -6.009104, T: 133578, Avg. loss: 0.000060
Total training time: 0.02 seconds.
-- Epoch 83
Norm: 24.54, NNZs: 2, Bias: -6.016241, T: 135207, Avg. loss: 0.000060
Total training time: 0.02 seconds.
-- Epoch 84
Norm: 24.58, NNZs: 2, Bias: -6.024459, T: 136836, Avg. loss: 0.000059
Total training time: 0.02 seconds.
-- Epoch 85
Norm: 24.61, NNZs: 2, Bias: -6.032525, T: 138465, Avg. loss: 0.000058
Total training time: 0.02 seconds.
-- Epoch 86
Norm: 24.64, NNZs: 2, Bias: -6.039197, T: 140094, Avg. loss: 0.000058
Total training time: 0.02 seconds.
-- Epoch 87
Norm: 24.67, NNZs: 2, Bias: -6.047068, T: 141723, Avg. loss: 0.000057
Total training time: 0.02 seconds.
-- Epoch 88
Norm: 24.70, NNZs: 2, Bias: -6.053588, T: 143352, Avg. loss: 0.000056
Total training time: 0.02 seconds.
-- Epoch 89
Norm: 24.73, NNZs: 2, Bias: -6.060579, T: 144981, Avg. loss: 0.000056
Total training time: 0.02 seconds.
-- Epoch 90
Norm: 24.76, NNZs: 2, Bias: -6.067330, T: 146610, Avg. loss: 0.000055
Total training time: 0.02 seconds.
-- Epoch 91
Norm: 24.79, NNZs: 2, Bias: -6.074386, T: 148239, Avg. loss: 0.000055
Total training time: 0.02 seconds.
-- Epoch 92
Norm: 24.82, NNZs: 2, Bias: -6.081693, T: 149868, Avg. loss: 0.000054
Total training time: 0.02 seconds.
-- Epoch 93
Norm: 24.85, NNZs: 2, Bias: -6.088571, T: 151497, Avg. loss: 0.000053
Total training time: 0.02 seconds.
-- Epoch 94
Norm: 24.88, NNZs: 2, Bias: -6.095610, T: 153126, Avg. loss: 0.000053
Total training time: 0.02 seconds.
-- Epoch 95
Norm: 24.91, NNZs: 2, Bias: -6.102177, T: 154755, Avg. loss: 0.000052
Total training time: 0.02 seconds.
-- Epoch 96
Norm: 24.93, NNZs: 2, Bias: -6.108645, T: 156384, Avg. loss: 0.000052
Total training time: 0.02 seconds.
-- Epoch 97
Norm: 24.96, NNZs: 2, Bias: -6.115171, T: 158013, Avg. loss: 0.000051
Total training time: 0.02 seconds.
-- Epoch 98
Norm: 24.99, NNZs: 2, Bias: -6.121944, T: 159642, Avg. loss: 0.000051
Total training time: 0.02 seconds.
-- Epoch 99
Norm: 25.02, NNZs: 2, Bias: -6.128136, T: 161271, Avg. loss: 0.000050
Total training time: 0.02 seconds.
-- Epoch 100
Norm: 25.04, NNZs: 2, Bias: -6.134715, T: 162900, Avg. loss: 0.000050
Total training time: 0.02 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/sklearn/linear_model/_stochastic_gradient.py:577: ConvergenceWarning: Maximum number of iteration reached before convergence. Consider increasing max_iter to improve the fit.
  ConvergenceWarning)
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_8_2.png
[ ]:

[6]:
import math
[7]:
def f(x):
    if x=='Trees':
        return -1.0
    if x=='Water':
        return 1.0

def log_loss(prediction,y_true):
    z = prediction * y_true
    return math.log(1.0 + math.exp(-z))

[8]:
weights_list=[]
loss_list = []
[9]:
from sklearn.linear_model import SGDClassifier

n_iter = 200


model = SGDClassifier(
    max_iter=1,
    random_state=2,
    tol=1e-7,
    loss=loss_name,
    verbose=1,
    average=512,  #批次大小
    warm_start=True,
    eta0=1,
    learning_rate="constant",
    penalty=None,
    n_iter_no_change=2,)


for i in range(n_iter):

    selected_features, selected_target = plot_selected_categories(
    hyperspectral_df,
    seleted_features=['NDVI', 'MNDWI'],
    selected_categories=selected_categories,)


    ax = plt.gca()
    ax.set_title(f'Log Loss: Epoch {i:>4d}')
    plt.grid(b=False)

    model.partial_fit(selected_features, selected_target,classes=selected_categories)
    plot_decision_function(model, cmap, normalization_range=[-20, 20],normalization_step=2)
    plt.savefig(f'n_iter_{loss_name}_loss/{loss_name}_loss_{selected_categories[0]}_{selected_categories[1]}_{i}.jpg',dpi=100,
            bbox_inches='tight',quality=90)

    #save weights
    weights_list.append(model.coef_[0].copy())

    #compute loss
    X, y = model._validate_data(selected_features, selected_target)
    y_t = np.vectorize(f)(y)
    y_p = model.decision_function(X)
    mean_loss = np.vectorize(log_loss)(y_p,y_t).mean()
    loss_list.append(mean_loss)
-- Epoch 1
Norm: 13.13, NNZs: 2, Bias: -3.154713, T: 1629, Avg. loss: 0.024118
Total training time: 0.00 seconds.
-- Epoch 1
Norm: 15.05, NNZs: 2, Bias: -2.458069, T: 1629, Avg. loss: 0.004032
Total training time: 0.00 seconds.
-- Epoch 1
Norm: 16.27, NNZs: 2, Bias: -1.817048, T: 1629, Avg. loss: 0.002533
Total training time: 0.00 seconds.
-- Epoch 1
Norm: 17.18, NNZs: 2, Bias: -1.326142, T: 1629, Avg. loss: 0.001810
Total training time: 0.00 seconds.
-- Epoch 1
Norm: 17.89, NNZs: 2, Bias: -0.973658, T: 1629, Avg. loss: 0.001384
Total training time: 0.00 seconds.
-- Epoch 1
Norm: 18.48, NNZs: 2, Bias: -0.728966, T: 1629, Avg. loss: 0.001111
Total training time: 0.00 seconds.
-- Epoch 1
Norm: 18.98, NNZs: 2, Bias: -0.560965, T: 1629, Avg. loss: 0.000926
Total training time: 0.00 seconds.
-- Epoch 1
Norm: 19.41, NNZs: 2, Bias: -0.444889, T: 1629, Avg. loss: 0.000792
Total training time: 0.00 seconds.
-- Epoch 1
Norm: 19.79, NNZs: 2, Bias: -0.363266, T: 1629, Avg. loss: 0.000692
Total training time: 0.00 seconds.
-- Epoch 1
Norm: 20.13, NNZs: 2, Bias: -0.304488, T: 1629, Avg. loss: 0.000614
Total training time: 0.00 seconds.
-- Epoch 1
Norm: 20.43, NNZs: 2, Bias: -0.261030, T: 1629, Avg. loss: 0.000552
Total training time: 0.00 seconds.
-- Epoch 1
Norm: 20.71, NNZs: 2, Bias: -0.228035, T: 1629, Avg. loss: 0.000501
Total training time: 0.00 seconds.
-- Epoch 1
Norm: 20.96, NNZs: 2, Bias: -0.202345, T: 1629, Avg. loss: 0.000458
Total training time: 0.00 seconds.
-- Epoch 1
Norm: 21.20, NNZs: 2, Bias: -0.181876, T: 1629, Avg. loss: 0.000423
Total training time: 0.00 seconds.
-- Epoch 1
Norm: 21.41, NNZs: 2, Bias: -0.165226, T: 1629, Avg. loss: 0.000392
Total training time: 0.00 seconds.
-- Epoch 1
Norm: 21.61, NNZs: 2, Bias: -0.151433, T: 1629, Avg. loss: 0.000365
Total training time: 0.00 seconds.
-- Epoch 1
Norm: 21.80, NNZs: 2, Bias: -0.139825, T: 1629, Avg. loss: 0.000342
Total training time: 0.00 seconds.
-- Epoch 1
Norm: 21.98, NNZs: 2, Bias: -0.129919, T: 1629, Avg. loss: 0.000322
Total training time: 0.00 seconds.
-- Epoch 1
Norm: 22.15, NNZs: 2, Bias: -0.121362, T: 1629, Avg. loss: 0.000304
Total training time: 0.00 seconds.
-- Epoch 1
Norm: 22.31, NNZs: 2, Bias: -0.113893, T: 1629, Avg. loss: 0.000288
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 22.46, NNZs: 2, Bias: -0.107314, T: 1629, Avg. loss: 0.000273
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 22.60, NNZs: 2, Bias: -0.101470, T: 1629, Avg. loss: 0.000260
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 22.74, NNZs: 2, Bias: -0.096244, T: 1629, Avg. loss: 0.000248
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 22.87, NNZs: 2, Bias: -0.091541, T: 1629, Avg. loss: 0.000237
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 22.99, NNZs: 2, Bias: -0.087283, T: 1629, Avg. loss: 0.000227
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 23.11, NNZs: 2, Bias: -0.083410, T: 1629, Avg. loss: 0.000218
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 23.23, NNZs: 2, Bias: -0.079870, T: 1629, Avg. loss: 0.000210
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 23.34, NNZs: 2, Bias: -0.076622, T: 1629, Avg. loss: 0.000202
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 23.44, NNZs: 2, Bias: -0.073631, T: 1629, Avg. loss: 0.000195
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 23.55, NNZs: 2, Bias: -0.070866, T: 1629, Avg. loss: 0.000188
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 23.65, NNZs: 2, Bias: -0.068303, T: 1629, Avg. loss: 0.000182
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 23.74, NNZs: 2, Bias: -0.065919, T: 1629, Avg. loss: 0.000176
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 23.84, NNZs: 2, Bias: -0.063698, T: 1629, Avg. loss: 0.000170
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 23.93, NNZs: 2, Bias: -0.061621, T: 1629, Avg. loss: 0.000165
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 24.01, NNZs: 2, Bias: -0.059677, T: 1629, Avg. loss: 0.000160
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 24.10, NNZs: 2, Bias: -0.057851, T: 1629, Avg. loss: 0.000156
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 24.18, NNZs: 2, Bias: -0.056134, T: 1629, Avg. loss: 0.000151
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 24.26, NNZs: 2, Bias: -0.054516, T: 1629, Avg. loss: 0.000147
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 24.34, NNZs: 2, Bias: -0.052989, T: 1629, Avg. loss: 0.000144
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 24.42, NNZs: 2, Bias: -0.051545, T: 1629, Avg. loss: 0.000140
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 24.49, NNZs: 2, Bias: -0.050177, T: 1629, Avg. loss: 0.000136
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 24.56, NNZs: 2, Bias: -0.048880, T: 1629, Avg. loss: 0.000133
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 24.63, NNZs: 2, Bias: -0.047648, T: 1629, Avg. loss: 0.000130
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 24.70, NNZs: 2, Bias: -0.046477, T: 1629, Avg. loss: 0.000127
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 24.77, NNZs: 2, Bias: -0.045362, T: 1629, Avg. loss: 0.000124
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 24.84, NNZs: 2, Bias: -0.044299, T: 1629, Avg. loss: 0.000121
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 24.90, NNZs: 2, Bias: -0.043284, T: 1629, Avg. loss: 0.000119
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 24.96, NNZs: 2, Bias: -0.042315, T: 1629, Avg. loss: 0.000116
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 25.03, NNZs: 2, Bias: -0.041388, T: 1629, Avg. loss: 0.000114
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 25.09, NNZs: 2, Bias: -0.040500, T: 1629, Avg. loss: 0.000112
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 25.15, NNZs: 2, Bias: -0.039650, T: 1629, Avg. loss: 0.000109
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 25.20, NNZs: 2, Bias: -0.038834, T: 1629, Avg. loss: 0.000107
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 25.26, NNZs: 2, Bias: -0.038052, T: 1629, Avg. loss: 0.000105
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 25.32, NNZs: 2, Bias: -0.037300, T: 1629, Avg. loss: 0.000103
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 25.37, NNZs: 2, Bias: -0.036577, T: 1629, Avg. loss: 0.000101
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 25.43, NNZs: 2, Bias: -0.035881, T: 1629, Avg. loss: 0.000099
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 25.48, NNZs: 2, Bias: -0.035211, T: 1629, Avg. loss: 0.000098
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 25.53, NNZs: 2, Bias: -0.034566, T: 1629, Avg. loss: 0.000096
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 25.58, NNZs: 2, Bias: -0.033944, T: 1629, Avg. loss: 0.000094
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 25.63, NNZs: 2, Bias: -0.033343, T: 1629, Avg. loss: 0.000093
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 25.68, NNZs: 2, Bias: -0.032764, T: 1629, Avg. loss: 0.000091
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 25.73, NNZs: 2, Bias: -0.032204, T: 1629, Avg. loss: 0.000090
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 25.78, NNZs: 2, Bias: -0.031662, T: 1629, Avg. loss: 0.000088
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 25.83, NNZs: 2, Bias: -0.031139, T: 1629, Avg. loss: 0.000087
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 25.87, NNZs: 2, Bias: -0.030632, T: 1629, Avg. loss: 0.000086
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 25.92, NNZs: 2, Bias: -0.030142, T: 1629, Avg. loss: 0.000084
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 25.96, NNZs: 2, Bias: -0.029667, T: 1629, Avg. loss: 0.000083
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 26.01, NNZs: 2, Bias: -0.029207, T: 1629, Avg. loss: 0.000082
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 26.05, NNZs: 2, Bias: -0.028760, T: 1629, Avg. loss: 0.000081
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 26.09, NNZs: 2, Bias: -0.028327, T: 1629, Avg. loss: 0.000080
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 26.14, NNZs: 2, Bias: -0.027907, T: 1629, Avg. loss: 0.000078
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 26.18, NNZs: 2, Bias: -0.027499, T: 1629, Avg. loss: 0.000077
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 26.22, NNZs: 2, Bias: -0.027102, T: 1629, Avg. loss: 0.000076
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 26.26, NNZs: 2, Bias: -0.026717, T: 1629, Avg. loss: 0.000075
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 26.30, NNZs: 2, Bias: -0.026343, T: 1629, Avg. loss: 0.000074
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 26.34, NNZs: 2, Bias: -0.025978, T: 1629, Avg. loss: 0.000073
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 26.38, NNZs: 2, Bias: -0.025624, T: 1629, Avg. loss: 0.000072
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 26.42, NNZs: 2, Bias: -0.025279, T: 1629, Avg. loss: 0.000071
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 26.46, NNZs: 2, Bias: -0.024943, T: 1629, Avg. loss: 0.000071
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 26.49, NNZs: 2, Bias: -0.024616, T: 1629, Avg. loss: 0.000070
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 26.53, NNZs: 2, Bias: -0.024298, T: 1629, Avg. loss: 0.000069
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 26.57, NNZs: 2, Bias: -0.023987, T: 1629, Avg. loss: 0.000068
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 26.60, NNZs: 2, Bias: -0.023684, T: 1629, Avg. loss: 0.000067
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 26.64, NNZs: 2, Bias: -0.023389, T: 1629, Avg. loss: 0.000066
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 26.67, NNZs: 2, Bias: -0.023101, T: 1629, Avg. loss: 0.000066
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 26.71, NNZs: 2, Bias: -0.022820, T: 1629, Avg. loss: 0.000065
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 26.74, NNZs: 2, Bias: -0.022546, T: 1629, Avg. loss: 0.000064
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 26.78, NNZs: 2, Bias: -0.022278, T: 1629, Avg. loss: 0.000063
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 26.81, NNZs: 2, Bias: -0.022016, T: 1629, Avg. loss: 0.000063
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 26.84, NNZs: 2, Bias: -0.021760, T: 1629, Avg. loss: 0.000062
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 26.88, NNZs: 2, Bias: -0.021511, T: 1629, Avg. loss: 0.000061
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 26.91, NNZs: 2, Bias: -0.021266, T: 1629, Avg. loss: 0.000061
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 26.94, NNZs: 2, Bias: -0.021028, T: 1629, Avg. loss: 0.000060
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 26.97, NNZs: 2, Bias: -0.020794, T: 1629, Avg. loss: 0.000059
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 27.01, NNZs: 2, Bias: -0.020566, T: 1629, Avg. loss: 0.000059
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 27.04, NNZs: 2, Bias: -0.020342, T: 1629, Avg. loss: 0.000058
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 27.07, NNZs: 2, Bias: -0.020124, T: 1629, Avg. loss: 0.000058
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 27.10, NNZs: 2, Bias: -0.019910, T: 1629, Avg. loss: 0.000057
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 27.13, NNZs: 2, Bias: -0.019700, T: 1629, Avg. loss: 0.000056
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 27.16, NNZs: 2, Bias: -0.019495, T: 1629, Avg. loss: 0.000056
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 27.19, NNZs: 2, Bias: -0.019294, T: 1629, Avg. loss: 0.000055
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 27.22, NNZs: 2, Bias: -0.019097, T: 1629, Avg. loss: 0.000055
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 27.25, NNZs: 2, Bias: -0.018904, T: 1629, Avg. loss: 0.000054
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 27.27, NNZs: 2, Bias: -0.018714, T: 1629, Avg. loss: 0.000054
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 27.30, NNZs: 2, Bias: -0.018529, T: 1629, Avg. loss: 0.000053
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 27.33, NNZs: 2, Bias: -0.018347, T: 1629, Avg. loss: 0.000053
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 27.36, NNZs: 2, Bias: -0.018169, T: 1629, Avg. loss: 0.000052
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 27.39, NNZs: 2, Bias: -0.017994, T: 1629, Avg. loss: 0.000052
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 27.41, NNZs: 2, Bias: -0.017822, T: 1629, Avg. loss: 0.000051
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 27.44, NNZs: 2, Bias: -0.017654, T: 1629, Avg. loss: 0.000051
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 27.47, NNZs: 2, Bias: -0.017488, T: 1629, Avg. loss: 0.000050
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 27.50, NNZs: 2, Bias: -0.017326, T: 1629, Avg. loss: 0.000050
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 27.52, NNZs: 2, Bias: -0.017167, T: 1629, Avg. loss: 0.000050
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 27.55, NNZs: 2, Bias: -0.017010, T: 1629, Avg. loss: 0.000049
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 27.57, NNZs: 2, Bias: -0.016857, T: 1629, Avg. loss: 0.000049
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 27.60, NNZs: 2, Bias: -0.016706, T: 1629, Avg. loss: 0.000048
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 27.63, NNZs: 2, Bias: -0.016557, T: 1629, Avg. loss: 0.000048
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 27.65, NNZs: 2, Bias: -0.016412, T: 1629, Avg. loss: 0.000048
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 27.68, NNZs: 2, Bias: -0.016269, T: 1629, Avg. loss: 0.000047
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 27.70, NNZs: 2, Bias: -0.016128, T: 1629, Avg. loss: 0.000047
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 27.73, NNZs: 2, Bias: -0.015990, T: 1629, Avg. loss: 0.000046
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 27.75, NNZs: 2, Bias: -0.015854, T: 1629, Avg. loss: 0.000046
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 27.77, NNZs: 2, Bias: -0.015720, T: 1629, Avg. loss: 0.000046
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 27.80, NNZs: 2, Bias: -0.015589, T: 1629, Avg. loss: 0.000045
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 27.82, NNZs: 2, Bias: -0.015459, T: 1629, Avg. loss: 0.000045
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 27.85, NNZs: 2, Bias: -0.015332, T: 1629, Avg. loss: 0.000045
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 27.87, NNZs: 2, Bias: -0.015207, T: 1629, Avg. loss: 0.000044
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 27.89, NNZs: 2, Bias: -0.015084, T: 1629, Avg. loss: 0.000044
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 27.92, NNZs: 2, Bias: -0.014963, T: 1629, Avg. loss: 0.000044
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 27.94, NNZs: 2, Bias: -0.014843, T: 1629, Avg. loss: 0.000043
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 27.96, NNZs: 2, Bias: -0.014726, T: 1629, Avg. loss: 0.000043
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 27.99, NNZs: 2, Bias: -0.014610, T: 1629, Avg. loss: 0.000043
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.01, NNZs: 2, Bias: -0.014497, T: 1629, Avg. loss: 0.000042
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.03, NNZs: 2, Bias: -0.014385, T: 1629, Avg. loss: 0.000042
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.05, NNZs: 2, Bias: -0.014274, T: 1629, Avg. loss: 0.000042
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.07, NNZs: 2, Bias: -0.014166, T: 1629, Avg. loss: 0.000041
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.10, NNZs: 2, Bias: -0.014059, T: 1629, Avg. loss: 0.000041
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.12, NNZs: 2, Bias: -0.013953, T: 1629, Avg. loss: 0.000041
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.14, NNZs: 2, Bias: -0.013849, T: 1629, Avg. loss: 0.000041
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.16, NNZs: 2, Bias: -0.013747, T: 1629, Avg. loss: 0.000040
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.18, NNZs: 2, Bias: -0.013646, T: 1629, Avg. loss: 0.000040
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.20, NNZs: 2, Bias: -0.013547, T: 1629, Avg. loss: 0.000040
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.22, NNZs: 2, Bias: -0.013449, T: 1629, Avg. loss: 0.000039
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.24, NNZs: 2, Bias: -0.013352, T: 1629, Avg. loss: 0.000039
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.26, NNZs: 2, Bias: -0.013257, T: 1629, Avg. loss: 0.000039
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.29, NNZs: 2, Bias: -0.013163, T: 1629, Avg. loss: 0.000039
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.31, NNZs: 2, Bias: -0.013070, T: 1629, Avg. loss: 0.000038
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.33, NNZs: 2, Bias: -0.012979, T: 1629, Avg. loss: 0.000038
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.35, NNZs: 2, Bias: -0.012889, T: 1629, Avg. loss: 0.000038
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.37, NNZs: 2, Bias: -0.012800, T: 1629, Avg. loss: 0.000038
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.39, NNZs: 2, Bias: -0.012713, T: 1629, Avg. loss: 0.000037
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.41, NNZs: 2, Bias: -0.012626, T: 1629, Avg. loss: 0.000037
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.42, NNZs: 2, Bias: -0.012541, T: 1629, Avg. loss: 0.000037
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.44, NNZs: 2, Bias: -0.012457, T: 1629, Avg. loss: 0.000037
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.46, NNZs: 2, Bias: -0.012374, T: 1629, Avg. loss: 0.000036
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.48, NNZs: 2, Bias: -0.012292, T: 1629, Avg. loss: 0.000036
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.50, NNZs: 2, Bias: -0.012211, T: 1629, Avg. loss: 0.000036
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.52, NNZs: 2, Bias: -0.012131, T: 1629, Avg. loss: 0.000036
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.54, NNZs: 2, Bias: -0.012052, T: 1629, Avg. loss: 0.000036
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.56, NNZs: 2, Bias: -0.011974, T: 1629, Avg. loss: 0.000035
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.58, NNZs: 2, Bias: -0.011898, T: 1629, Avg. loss: 0.000035
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.60, NNZs: 2, Bias: -0.011822, T: 1629, Avg. loss: 0.000035
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.61, NNZs: 2, Bias: -0.011747, T: 1629, Avg. loss: 0.000035
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.63, NNZs: 2, Bias: -0.011673, T: 1629, Avg. loss: 0.000034
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.65, NNZs: 2, Bias: -0.011600, T: 1629, Avg. loss: 0.000034
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.67, NNZs: 2, Bias: -0.011528, T: 1629, Avg. loss: 0.000034
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.69, NNZs: 2, Bias: -0.011457, T: 1629, Avg. loss: 0.000034
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.70, NNZs: 2, Bias: -0.011386, T: 1629, Avg. loss: 0.000034
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.72, NNZs: 2, Bias: -0.011317, T: 1629, Avg. loss: 0.000033
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.74, NNZs: 2, Bias: -0.011248, T: 1629, Avg. loss: 0.000033
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.76, NNZs: 2, Bias: -0.011180, T: 1629, Avg. loss: 0.000033
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.77, NNZs: 2, Bias: -0.011113, T: 1629, Avg. loss: 0.000033
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.79, NNZs: 2, Bias: -0.011047, T: 1629, Avg. loss: 0.000033
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.81, NNZs: 2, Bias: -0.010981, T: 1629, Avg. loss: 0.000033
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.83, NNZs: 2, Bias: -0.010917, T: 1629, Avg. loss: 0.000032
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.84, NNZs: 2, Bias: -0.010853, T: 1629, Avg. loss: 0.000032
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.86, NNZs: 2, Bias: -0.010789, T: 1629, Avg. loss: 0.000032
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.88, NNZs: 2, Bias: -0.010727, T: 1629, Avg. loss: 0.000032
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.89, NNZs: 2, Bias: -0.010665, T: 1629, Avg. loss: 0.000032
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.91, NNZs: 2, Bias: -0.010604, T: 1629, Avg. loss: 0.000032
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.93, NNZs: 2, Bias: -0.010544, T: 1629, Avg. loss: 0.000031
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.94, NNZs: 2, Bias: -0.010484, T: 1629, Avg. loss: 0.000031
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.96, NNZs: 2, Bias: -0.010425, T: 1629, Avg. loss: 0.000031
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.98, NNZs: 2, Bias: -0.010366, T: 1629, Avg. loss: 0.000031
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 28.99, NNZs: 2, Bias: -0.010309, T: 1629, Avg. loss: 0.000031
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 29.01, NNZs: 2, Bias: -0.010251, T: 1629, Avg. loss: 0.000031
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 29.02, NNZs: 2, Bias: -0.010195, T: 1629, Avg. loss: 0.000030
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 29.04, NNZs: 2, Bias: -0.010139, T: 1629, Avg. loss: 0.000030
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 29.06, NNZs: 2, Bias: -0.010084, T: 1629, Avg. loss: 0.000030
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 29.07, NNZs: 2, Bias: -0.010029, T: 1629, Avg. loss: 0.000030
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 29.09, NNZs: 2, Bias: -0.009975, T: 1629, Avg. loss: 0.000030
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 29.10, NNZs: 2, Bias: -0.009921, T: 1629, Avg. loss: 0.000030
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 29.12, NNZs: 2, Bias: -0.009868, T: 1629, Avg. loss: 0.000029
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 29.13, NNZs: 2, Bias: -0.009816, T: 1629, Avg. loss: 0.000029
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 29.15, NNZs: 2, Bias: -0.009764, T: 1629, Avg. loss: 0.000029
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 29.16, NNZs: 2, Bias: -0.009713, T: 1629, Avg. loss: 0.000029
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 29.18, NNZs: 2, Bias: -0.009662, T: 1629, Avg. loss: 0.000029
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 29.19, NNZs: 2, Bias: -0.009612, T: 1629, Avg. loss: 0.000029
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 29.21, NNZs: 2, Bias: -0.009562, T: 1629, Avg. loss: 0.000029
Total training time: 0.00 seconds.
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/seaborn/axisgrid.py:392: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  fig, axes = plt.subplots(nrow, ncol, **kwargs)
-- Epoch 1
Norm: 29.22, NNZs: 2, Bias: -0.009513, T: 1629, Avg. loss: 0.000028
Total training time: 0.00 seconds.
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_361.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_362.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_363.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_364.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_365.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_366.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_367.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_368.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_369.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_370.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_371.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_372.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_373.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_374.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_375.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_376.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_377.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_378.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_379.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_380.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_381.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_382.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_383.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_384.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_385.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_386.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_387.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_388.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_389.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_390.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_391.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_392.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_393.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_394.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_395.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_396.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_397.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_398.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_399.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_400.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_401.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_402.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_403.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_404.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_405.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_406.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_407.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_408.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_409.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_410.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_411.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_412.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_413.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_414.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_415.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_416.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_417.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_418.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_419.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_420.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_421.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_422.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_423.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_424.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_425.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_426.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_427.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_428.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_429.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_430.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_431.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_432.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_433.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_434.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_435.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_436.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_437.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_438.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_439.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_440.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_441.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_442.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_443.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_444.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_445.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_446.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_447.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_448.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_449.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_450.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_451.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_452.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_453.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_454.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_455.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_456.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_457.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_458.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_459.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_460.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_461.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_462.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_463.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_464.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_465.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_466.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_467.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_468.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_469.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_470.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_471.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_472.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_473.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_474.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_475.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_476.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_477.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_478.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_479.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_480.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_481.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_482.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_483.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_484.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_485.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_486.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_487.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_488.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_489.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_490.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_491.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_492.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_493.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_494.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_495.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_496.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_497.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_498.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_499.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_500.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_501.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_502.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_503.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_504.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_505.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_506.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_507.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_508.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_509.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_510.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_511.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_512.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_513.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_514.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_515.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_516.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_517.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_518.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_519.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_520.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_521.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_522.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_523.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_524.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_525.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_526.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_527.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_528.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_529.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_530.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_531.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_532.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_533.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_534.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_535.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_536.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_537.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_538.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_539.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_540.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_541.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_542.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_543.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_544.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_545.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_546.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_547.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_548.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_549.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_550.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_551.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_552.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_553.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_554.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_555.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_556.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_557.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_558.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_559.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_13_560.png
[10]:
import imageio

file_names = [
    f'n_iter_{loss_name}_loss/{loss_name}_loss_{selected_categories[0]}_{selected_categories[1]}_{i}.jpg'
    for i in range(n_iter)
]

frames = []

for image_name in file_names:
    frames.append(imageio.imread(image_name))

imageio.mimsave(
    f'training_{loss_name}_loss_{selected_categories[0]}_{selected_categories[1]}.gif',
    frames,
    'GIF',
    duration=0.05)
[11]:
plt.plot(range(len(loss_list)),loss_list,label='Training loss')
plt.legend()

plt.xlabel('Epoch')
plt.ylabel('Loss')

plt.title(f'{loss_name.capitalize()} Loss Training Curve')
plt.savefig(f'{loss_name}_loss_{selected_categories[0]}_{selected_categories[1]}_training_loss_curve.pdf',
            bbox_inches='tight')
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_15_0.png
[12]:
xlim = (-45, -8)
ylim = (-10, 6)
[13]:
x = np.linspace(xlim[0], xlim[1], 200)
y = np.linspace(ylim[0], ylim[1], 200)
Y, X = np.meshgrid(y, x)
xy = np.vstack([X.ravel(), Y.ravel()]).T
[14]:
loss_surface = []
[15]:
X_s, y_s = model._validate_data(selected_features, selected_target)
y_t = np.vectorize(f)(y_s)

for i in xy:
    model.coef_=np.array([i])
    y_p = model.decision_function(X_s)
    mean_loss = np.vectorize(log_loss)(y_p,y_t).mean()
    loss_surface.append(mean_loss)
[16]:
import matplotlib
from matplotlib import cm
[23]:


for i in range(n_iter): # for i in range(3): fig = plt.figure() plt.plot(np.array(weights_list)[0:i+1, 0], np.array(weights_list)[0:i+1, 1], marker='D', markersize=3, color=plt.rcParams['axes.prop_cycle'].by_key()['color'][0], label='Training', ) #plt.legend() plt.xlabel('$w_1$') plt.ylabel('$w_2$') plt.xlim(xlim[0], xlim[1]) plt.ylim(ylim[0], ylim[1]) plt.title(f'Variation of Weights: Epoch {i+1:>4d}',fontsize=10) ax = plt.gca() Z = np.array(loss_surface).reshape(X.shape) #levels = np.arange(0,0.6,0.01) cset1 = ax.contourf(X, Y, Z, norm=matplotlib.colors.LogNorm(), alpha=.9, zorder = -2, #cmap=sns.diverging_palette(20,200,sep=20,as_cmap=True) ) plt.colorbar(cset1, orientation='horizontal', fraction=0.05, ax=ax) ax.set(xlim=xlim, ylim=ylim) ax.set_aspect(2) plt.savefig( f'n_iter_{loss_name}_loss_weights/weights_{selected_categories[0]}_{selected_categories[1]}_{i}.jpg', dpi=200, bbox_inches='tight', quality=95)
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
/Users/yns/anaconda/anaconda3/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: More than 20 figures have been opened. Figures created through the pyplot interface (`matplotlib.pyplot.figure`) are retained until explicitly closed and may consume too much memory. (To control this warning, see the rcParam `figure.max_open_warning`).
  """
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_1.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_2.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_3.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_4.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_5.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_6.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_7.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_8.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_9.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_10.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_11.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_12.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_13.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_14.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_15.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_16.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_17.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_18.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_19.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_20.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_21.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_22.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_23.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_24.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_25.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_26.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_27.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_28.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_29.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_30.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_31.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_32.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_33.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_34.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_35.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_36.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_37.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_38.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_39.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_40.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_41.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_42.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_43.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_44.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_45.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_46.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_47.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_48.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_49.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_50.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_51.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_52.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_53.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_54.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_55.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_56.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_57.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_58.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_59.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_60.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_61.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_62.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_63.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_64.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_65.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_66.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_67.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_68.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_69.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_70.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_71.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_72.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_73.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_74.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_75.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_76.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_77.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_78.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_79.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_80.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_81.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_82.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_83.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_84.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_85.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_86.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_87.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_88.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_89.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_90.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_91.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_92.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_93.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_94.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_95.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_96.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_97.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_98.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_99.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_100.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_101.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_102.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_103.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_104.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_105.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_106.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_107.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_108.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_109.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_110.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_111.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_112.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_113.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_114.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_115.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_116.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_117.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_118.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_119.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_120.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_121.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_122.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_123.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_124.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_125.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_126.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_127.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_128.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_129.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_130.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_131.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_132.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_133.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_134.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_135.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_136.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_137.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_138.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_139.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_140.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_141.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_142.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_143.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_144.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_145.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_146.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_147.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_148.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_149.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_150.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_151.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_152.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_153.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_154.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_155.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_156.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_157.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_158.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_159.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_160.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_161.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_162.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_163.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_164.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_165.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_166.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_167.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_168.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_169.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_170.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_171.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_172.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_173.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_174.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_175.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_176.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_177.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_178.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_179.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_180.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_181.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_182.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_183.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_184.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_185.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_186.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_187.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_188.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_189.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_190.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_191.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_192.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_193.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_194.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_195.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_196.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_197.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_198.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_199.png
../../../_images/1stPart_Chapter3.LinearDiscriminantFunction_PPT-code_visualize_SGD_classifier_log_loss_21_200.png
[ ]:

[24]:
import imageio

file_names = [
    f'n_iter_{loss_name}_loss_weights/weights_{selected_categories[0]}_{selected_categories[1]}_{i}.jpg'
    for i in range(n_iter)
]

frames = []

for image_name in file_names:
    frames.append(imageio.imread(image_name))

imageio.mimsave(
    f'weights_{loss_name}_loss_{selected_categories[0]}_{selected_categories[1]}.gif',
    frames,
    'GIF',
    duration=0.1)
[ ]:

[ ]:

[ ]: