Load our video file into memory

Welcome to foosbot


In [1]:
#!pip install keras
#!pip install numpy
#!pip install imageio
#!pip install matplotlib
#!pip install opencv-python

In [2]:
from __future__ import print_function


from video_file import *

import importlib
try:
    importlib.reload(video_file)
except:
    pass

import cv2
import sys
import os
import csv
import numpy as np
from random import randint
from random import shuffle

from PIL import Image
import imageio
import itertools as it

import tensorflow as tf
import keras
print("Keras version %s" % keras.__version__)
from keras.models import Sequential
from keras.layers import Dense, Dropout
from keras import backend as K

print("Tensorflow version %s" % tf.__version__)

import pprint
pp = pprint.PrettyPrinter(depth=6)


# Create the image transformer
transformer = VideoTransform( zoom_range=0.1, rotation_range=3, width_shift_range=0.1, height_shift_range=0.1, shear_range= 0.05, fill_mode='nearest', vertical_flip=False, horizontal_flip=True, horizontal_flip_invert_indices = [], horizontal_flip_reverse_indices = [0,1,2], data_format='channels_last', crop=None, resize=[15,80], random_crop = [30, 160] )


# Paths relative to current python file.
data_path  = ".\\..\\..\\TrainingData\\Processed\\\AmateurDefenderLonger\\Result_OffenseVisible\\settings.tsv"


Using TensorFlow backend.
Keras version 2.0.6
Tensorflow version 1.2.1

In [3]:
print("Opening training frames from config %s." % (data_path))
position_rel_indexes = [3] # Predict rod position in 3 frames

number_of_frames = 2
frame_rel_indexes = []
for i in range(number_of_frames):
    frame_rel_indexes += [i - number_of_frames + 1]

pp.pprint(frame_rel_indexes)
#frame_rel_indexes = [-4, -3, -2, -1, 0] # Use 5 frames as input


training = TrainingInput(transformer, data_path, position_rel_indexes, frame_rel_indexes, 0.2)


Opening training frames from config .\..\..\TrainingData\Processed\\AmateurDefenderLonger\Result_OffenseVisible\settings.tsv.
[-1, 0]
Creating training chunk from .\..\..\TrainingData\Processed\\AmateurDefenderLonger\Result_OffenseVisible\chunk0.avi
.\..\..\TrainingData\Processed\\AmateurDefenderLonger\Result_OffenseVisible\chunk0.avi
(15, 80, 3)
added 11732 new frames for a total of 11732
Creating training chunk from .\..\..\TrainingData\Processed\\AmateurDefenderLonger\Result_OffenseVisible\chunk1.avi
.\..\..\TrainingData\Processed\\AmateurDefenderLonger\Result_OffenseVisible\chunk1.avi
(15, 80, 3)
added 6000 new frames for a total of 17732
Creating training chunk from .\..\..\TrainingData\Processed\\AmateurDefenderLonger\Result_OffenseVisible\chunk2.avi
.\..\..\TrainingData\Processed\\AmateurDefenderLonger\Result_OffenseVisible\chunk2.avi
(15, 80, 3)
added 4297 new frames for a total of 22029
Creating training chunk from .\..\..\TrainingData\Processed\\AmateurDefenderLonger\Result_OffenseVisible\chunk3.avi
.\..\..\TrainingData\Processed\\AmateurDefenderLonger\Result_OffenseVisible\chunk3.avi
(15, 80, 3)
added 16032 new frames for a total of 38061
Creating training chunk from .\..\..\TrainingData\Processed\\AmateurDefenderLonger\Result_OffenseVisible\chunk4.avi
.\..\..\TrainingData\Processed\\AmateurDefenderLonger\Result_OffenseVisible\chunk4.avi
(15, 80, 3)
added 14653 new frames for a total of 52714

In [4]:
# https://stanford.edu/~shervine/blog/keras-generator-multiprocessing.html
class threadsafe_iter(object):
  """
    Takes an iterator/generator and makes it thread-safe by
    serializing call to the `next` method of given iterator/generator.
    """
  def __init__(self, it):
      self.it = it
      self.lock = threading.Lock()

  def __iter__(self):
      return self

  def __next__(self):
      with self.lock:
          return self.it.__next__()

# https://stanford.edu/~shervine/blog/keras-generator-multiprocessing.html
def threadsafe_generator(f):
  """
    A decorator that takes a generator function and makes it thread-safe.
    """
  def g(*a, **kw):
      return threadsafe_iter(f(*a, **kw))
  return g



# Define our training and validation iterators
@threadsafe_generator
def TrainGen(model, training):
    while True:
        #print("TrainGen restarting training input.")
        model.reset_states()
        training.move_first_training_frame()
        (frames, output, reset_memory) = training.get_next_training_frame()
        while frames is not None:
            yield (frames, output)
            (frames, output, reset_memory) = training.get_next_training_frame()
            
            if reset_memory or frames is None:
                model.reset_states()
                
@threadsafe_generator
def ValidateGen(model, training):
    while True:
        #print("Validation restarting training input.")
        model.reset_states()
        training.move_first_validation_frame()
        (frames, output, reset_memory) = training.get_next_validation_frame()
        while frames is not None:
            yield (frames, output)
            (frames, output, reset_memory) = training.get_next_validation_frame()
            
            if reset_memory or frames is None:
                model.reset_states()

# Generators for training the position
@threadsafe_generator
def TrainBatchGen(batch_size, model, training):
    gen = TrainGen(model, training)
    while True:
        # Build the next batch
        batch_frames = np.zeros(shape=(batch_size, training.depth, training.height, training.width, training.channels), dtype=np.float32)
        batch_outputs = np.zeros(shape=(batch_size, 1), dtype=np.float32)
        for i in range(batch_size):
            (frames, output) = next(gen)
            batch_frames[i,:,:,:,:] = frames
            batch_outputs[i,:] = output[0] # Teach it to control the 2-bar
            #batch_outputs[i,:] = output[3:6] - output[0:3] # Train the difference in the three rod positions as output
            #batch_outputs[i,:] = output
            
        
        #pp.pprint("Yielding batch")
        #pp.pprint(batch_outputs)
        yield (batch_frames, batch_outputs)
        #pp.pprint("Yielded batch")

@threadsafe_generator
def ValidateBatchGen(batch_size, model, training):
    gen = ValidateGen(model, training)
    while True:
        # Build the next batch
        batch_frames = np.zeros(shape=(batch_size, training.depth, training.height, training.width, training.channels), dtype=np.float32)
        batch_outputs = np.zeros(shape=(batch_size, 1), dtype=np.float32)
        for i in range(batch_size):
            (frames, output) = next(gen)
            batch_frames[i,:,:,:,:] = frames
            batch_outputs[i,:] = output[0] # Teach it to control the 2-bar
            #batch_outputs[i,:] = output[3:6] - output[0:3] # Train the difference in the three rod positions as output
            #batch_outputs[i,:] = output
        
        #pp.pprint("Yielding batch")
        #pp.pprint(batch_outputs)
        yield (batch_frames, batch_outputs)
        #pp.pprint("Yielded batch")
        
# Generators for training the position
@threadsafe_generator
def TrainBatchGen2(batch_size, model, training):
    gen = TrainGen(model, training)
    while True:
        # Build the next batch
        batch_frames = np.zeros(shape=(batch_size, training.depth, training.height, training.width, training.channels), dtype=np.float32)
        batch_outputs = np.zeros(shape=(batch_size, 1), dtype=np.float32)
        for i in range(batch_size):
            (frames, output) = next(gen)
            batch_frames[i,:,:,:,:] = frames
            batch_outputs[i,:] = output[2] # Teach it to control the 2-bar
            #batch_outputs[i,:] = output[3:6] - output[0:3] # Train the difference in the three rod positions as output
            #batch_outputs[i,:] = output
            
        
        #pp.pprint("Yielding batch")
        #pp.pprint(batch_outputs)
        yield (batch_frames, batch_outputs)
        #pp.pprint("Yielded batch")

@threadsafe_generator
def ValidateBatchGen2(batch_size, model, training):
    gen = ValidateGen(model, training)
    while True:
        # Build the next batch
        batch_frames = np.zeros(shape=(batch_size, training.depth, training.height, training.width, training.channels), dtype=np.float32)
        batch_outputs = np.zeros(shape=(batch_size, 1), dtype=np.float32)
        for i in range(batch_size):
            (frames, output) = next(gen)
            batch_frames[i,:,:,:,:] = frames
            batch_outputs[i,:] = output[2] # Teach it to control the 2-bar
            #batch_outputs[i,:] = output[3:6] - output[0:3] # Train the difference in the three rod positions as output
            #batch_outputs[i,:] = output
        
        #pp.pprint("Yielding batch")
        #pp.pprint(batch_outputs)
        yield (batch_frames, batch_outputs)
        #pp.pprint("Yielded batch")
    
# Helper function to plot our validation result
import matplotlib
import matplotlib.image as mpimg
import matplotlib.pyplot as plt
import cv2
import pandas as pd
%matplotlib inline


def plot_validate(generator, model, count, name):
    #plot_validate(ValidateBatchGen(batch_size, model), model, 2000, "Position prediction")
    
    outputs_predicted = None
    outputs_true = None
    
    while outputs_predicted is None or outputs_predicted.shape[0] < count:
        
        (new_frames, new_outputs_true) = next(generator)
        if outputs_true is None:
            outputs_true = new_outputs_true
        else:
            outputs_true = np.concatenate( (outputs_true, new_outputs_true), axis=0 )
        
        
        new_outputs_predicted = model.predict(new_frames, batch_size=new_frames.shape[0], verbose=0)
        if outputs_predicted is None:
            outputs_predicted = new_outputs_predicted
        else:
            outputs_predicted = np.concatenate( (outputs_predicted, new_outputs_predicted), axis=0 )
    
    #(frames, outputs_true) = next(ValidateBatchGen(2000))
    #frames = np.squeeze(frames, axis=(1,))
    #validate_in, validate_out
    #frames = validate_in
    #outputs_true =validate_out
    
    print("Predicted.")
    
    
    pp.pprint(outputs_true)
    pp.pprint(outputs_predicted)
    
    
    #plt.figure(figsize=(8,30))
    plt.figure()
    
    #plt.subplot(111)
    plt.plot(range(count),outputs_true[0:count,0], range(count),outputs_predicted[0:count,0] )
    plt.ylabel("Rod 1: %s" % name)
    plt.title("First 200 output recordings")
    plt.grid(True)
    
    
    
    
    #plt.figure(figsize=(8,30))
    #plt.subplot(111)
    plt.figure()
    
    true, predicted = zip(*sorted(zip(outputs_true[0:count,0], outputs_predicted[0:count,0])))
    plt.plot(range(count),true, range(count),predicted )
    plt.ylabel("Rod 1: %s" % name)
    plt.title("First 200 output recordings")
    plt.grid(True)

    
    
    plt.show()
          
def mse(y_true, y_pred):
    return K.square(y_pred - y_true)*0.001 # Hackjob so Keras iterations show exponential value of MSE to get precision.


def run_train(model, batch_size, training, lr, start_epoch, num_epochs, WEIGHTS_FNAME, MODELS_FNAME, plot_frequency):
    model.compile(optimizer=keras.optimizers.RMSprop(lr=lr),
                  loss='mean_squared_error',
                  metrics=[mse])
    batches_training_per_epoch = int(training.get_training_count() / batch_size)
    batches_validation_per_epoch = int(training.get_validation_count() / batch_size)
    
    print("Starting at lr=%f" % lr)
    print("Batch size %i: %i training batches, %i validation batches" % (batch_size, batches_training_per_epoch, batches_validation_per_epoch) )
    stop = False
    model.reset_states()
    for epoch in range(start_epoch, start_epoch + num_epochs):
        try:
            model.fit_generator(TrainBatchGen(batch_size, model, training), batches_training_per_epoch, epochs=epoch+1, verbose=1, callbacks=None, class_weight=None, max_q_size=10, workers=10, validation_data=ValidateBatchGen(batch_size, model, training), validation_steps = batches_validation_per_epoch, pickle_safe=False, initial_epoch=epoch)
            model.save_weights(WEIGHTS_FNAME % epoch)
            model.save(MODELS_FNAME % epoch)
            if epoch % plot_frequency == 0:
                plot_validate(ValidateBatchGen(batch_size, model, training), model, 2000, "Position prediction")
            print(("Wrote model to " + WEIGHTS_FNAME )  % epoch)
        except KeyboardInterrupt:
            print("\r\nUser stopped the training.")
            stop = True
            break

    return (epoch+1, stop)

def run_train2(model, batch_size, training, lr, start_epoch, num_epochs, WEIGHTS_FNAME, MODELS_FNAME, plot_frequency):
    model.compile(optimizer=keras.optimizers.RMSprop(lr=lr),
                  loss='mean_squared_error',
                  metrics=[mse])
    batches_training_per_epoch = int(training.get_training_count() / batch_size)
    batches_validation_per_epoch = int(training.get_validation_count() / batch_size)
    
    print("Starting at lr=%f" % lr)
    print("Batch size %i: %i training batches, %i validation batches" % (batch_size, batches_training_per_epoch, batches_validation_per_epoch) )
    stop = False
    model.reset_states()
    for epoch in range(start_epoch, start_epoch + num_epochs):
        try:
            model.fit_generator(TrainBatchGen2(batch_size, model, training), batches_training_per_epoch, epochs=epoch+1, verbose=1, callbacks=None, class_weight=None, max_q_size=10, workers=10, validation_data=ValidateBatchGen2(batch_size, model, training), validation_steps = batches_validation_per_epoch, pickle_safe=False, initial_epoch=epoch)
            model.save_weights(WEIGHTS_FNAME % epoch)
            model.save(MODELS_FNAME % epoch)
            if epoch % plot_frequency == 0:
                plot_validate(ValidateBatchGen2(batch_size, model, training), model, 2000, "Position prediction")
            print(("Wrote model to " + WEIGHTS_FNAME )  % epoch)
        except KeyboardInterrupt:
            print("\r\nUser stopped the training.")
            stop = True
            break

    return (epoch+1, stop)

In [ ]:

Input training frame


In [5]:
import matplotlib
import matplotlib.image as mpimg
import matplotlib.pyplot as plt
import cv2
import pandas as pd
%matplotlib inline

training.move_first_training_frame()

for k in range(10):
    (frame, position, reset) = training.get_next_training_frame()
    data = np.zeros(shape=(np.shape(frame)[1], np.shape(frame)[2] * np.shape(frame)[0], 3), dtype=np.float32)
    for i in range(np.shape(frame)[0]):
        tmp = frame[i,:,:,:]
        data[:,i*np.shape(frame)[2]:(i+1)*np.shape(frame)[2],:] = tmp


    fig, ax = plt.subplots(figsize=(18, 2))
    plt.imshow(data)
    plt.show()
    pp.pprint(position)

training.move_first_training_frame()

print("Shape of training input:")
pp.pprint(np.shape(frame))

print("Shape of training output:")
pp.pprint(np.shape(position))

print("Corresponding Positions:")
pd.DataFrame(position)
pp.pprint(position)


[0.507176, 0.500559, 0.313185]
[0.00471151, 0.0154457, 0.921663]
[0.161281, 0.553331, 0.159147]
[0.0880492, 0.361843, 0.0280341]
[0.969154, 0.969154, 0.734207]
[0.689618, 0.102578, 0.663151]
[0.604032, 0.649529, 0.174717]
[0.786503, 0.844802, 0.969154]
[0.749395, 0.740177, 0.688244]
[0.71504, 0.759325, 0.846777]
Shape of training input:
(2, 15, 80, 3)
Shape of training output:
(3,)
Corresponding Positions:
[0.71504, 0.759325, 0.846777]

Specify the model structure we will use


In [6]:
from keras.models import Sequential
from keras.layers import *
from keras.models import Model



image_height       = training.height
image_width        = training.width
image_depth        = training.depth
image_channels     = training.channels
output_size        = 3

# Model options
batch_size = 10
lstm_output_size = 300
cnn_kernel_count = 40

# Build the model
pp.pprint("Input shape without batches:")
pp.pprint((image_depth, image_height, image_width, image_channels))

# Used to give fixed names to the layers for transferring the model
conv_num = 0 
pool_num = 0
dense_num = 0

# Build a functional model design
inputs = Input(shape=(number_of_frames, image_height, image_width, image_channels,),
              name="Input")
x = Conv3D(cnn_kernel_count,
           kernel_size = (2, 3, 3),
           padding = "same",
           activation = "relu",
           name = "conv3d_%i"%conv_num)(inputs)
conv_num+=1

x = Conv3D(cnn_kernel_count,
           kernel_size = (2, 3, 3),
           padding = "same",
           activation = "relu",
           name = "conv3d_%i"%conv_num)(x)
conv_num+=1

# Split into a horizontal detail and vertical detailed CNN paths
x = MaxPooling3D( pool_size=(1, 1, 2),
                  name = "max_pooling3d_%i"%pool_num)(x) # (?, 1, 54, 100, 128, 3 )
pool_num+=1

x = Conv3D(cnn_kernel_count,
           kernel_size = (2, 3, 3),
           padding = "same",
           activation = "relu",
           name = "conv3d_%i"%conv_num)(x)
conv_num+=1
x = Conv3D(cnn_kernel_count,
           kernel_size = (2, 3, 3),
           padding = "same",
           activation = "relu",
           name = "conv3d_%i"%conv_num)(x)
conv_num+=1

x = MaxPooling3D( pool_size=(2, 2, 2),
                  name = "max_pooling3d_%i"%pool_num)(x) # (?, 1, 54, 100, 128, 3 )
pool_num+=1

x = Conv3D(cnn_kernel_count,
           kernel_size = (1, 3, 3),
           padding = "same",
           activation = "relu",
           name = "conv3d_%i"%conv_num)(x)
conv_num+=1
x = Conv3D(cnn_kernel_count,
           kernel_size = (1, 3, 3),
           padding = "same",
           activation = "relu",
           name = "conv3d_%i"%conv_num)(x)
conv_num+=1
x = MaxPooling3D( pool_size=(1, 1, 2),
                  name = "max_pooling3d_%i"%pool_num)(x) # (?, 1, 54, 100, 128, 3 )
pool_num+=1

x = Conv3D(cnn_kernel_count,
           kernel_size = (1, 3, 3),
           padding = "same",
           activation = "relu",
           name = "conv3d_%i"%conv_num)(x)
conv_num+=1
x = Conv3D(cnn_kernel_count,
           kernel_size = (1, 3, 3),
           padding = "same",
           activation = "relu",
           name = "conv3d_%i"%conv_num)(x)
conv_num+=1
x = MaxPooling3D( pool_size=(1, 2, 2),
                  name = "max_pooling3d_%i"%pool_num)(x) # (?, 1, 54, 100, 128, 3 )
pool_num+=1

x = Conv3D(cnn_kernel_count,
           kernel_size = (1, 3, 3),
           padding = "same",
           activation = "relu",
           name = "conv3d_%i"%conv_num)(x)
conv_num+=1
x = Conv3D(cnn_kernel_count,
           kernel_size = (1, 3, 3),
           padding = "same",
           activation = "relu",
           name = "conv3d_%i"%conv_num)(x)
conv_num+=1


#x = Flatten()(x)
#x = Reshape((number_of_frames,6*6*cnn_kernel_count))(x)
x = Flatten()(x)


x = Dense(128, activation='relu',name="dense_%i"%dense_num)(x)
dense_num+=1
x = Dropout(0.5)(x)
x = Dense(64, activation='relu',name="dense_%i"%dense_num)(x)
dense_num+=1
x = Dropout(0.5)(x)
predictions = Dense(1, activation='linear',name="dense_%i"%dense_num)(x)
dense_num+=1

model = Model(inputs=inputs, outputs=predictions)


# For a multi-class classification problem
model.compile(optimizer=keras.optimizers.RMSprop(lr=0.0001),
              loss='mean_squared_error',
              metrics=['accuracy'])


model.summary()

# Train the model to predict the future position. This is the control signal to the robot AI
WEIGHTS_FNAME = '.\\Goalie3Frames\\weights_%i.hdf'
MODELS_FNAME = '.\\Goalie3Frames\\models_%i.h5'


'Input shape without batches:'
(2, 15, 80, 3)
_________________________________________________________________
Layer (type)                 Output Shape              Param #   
=================================================================
Input (InputLayer)           (None, 2, 15, 80, 3)      0         
_________________________________________________________________
conv3d_0 (Conv3D)            (None, 2, 15, 80, 40)     2200      
_________________________________________________________________
conv3d_1 (Conv3D)            (None, 2, 15, 80, 40)     28840     
_________________________________________________________________
max_pooling3d_0 (MaxPooling3 (None, 2, 15, 40, 40)     0         
_________________________________________________________________
conv3d_2 (Conv3D)            (None, 2, 15, 40, 40)     28840     
_________________________________________________________________
conv3d_3 (Conv3D)            (None, 2, 15, 40, 40)     28840     
_________________________________________________________________
max_pooling3d_1 (MaxPooling3 (None, 1, 7, 20, 40)      0         
_________________________________________________________________
conv3d_4 (Conv3D)            (None, 1, 7, 20, 40)      14440     
_________________________________________________________________
conv3d_5 (Conv3D)            (None, 1, 7, 20, 40)      14440     
_________________________________________________________________
max_pooling3d_2 (MaxPooling3 (None, 1, 7, 10, 40)      0         
_________________________________________________________________
conv3d_6 (Conv3D)            (None, 1, 7, 10, 40)      14440     
_________________________________________________________________
conv3d_7 (Conv3D)            (None, 1, 7, 10, 40)      14440     
_________________________________________________________________
max_pooling3d_3 (MaxPooling3 (None, 1, 3, 5, 40)       0         
_________________________________________________________________
conv3d_8 (Conv3D)            (None, 1, 3, 5, 40)       14440     
_________________________________________________________________
conv3d_9 (Conv3D)            (None, 1, 3, 5, 40)       14440     
_________________________________________________________________
flatten_1 (Flatten)          (None, 600)               0         
_________________________________________________________________
dense_0 (Dense)              (None, 128)               76928     
_________________________________________________________________
dropout_1 (Dropout)          (None, 128)               0         
_________________________________________________________________
dense_1 (Dense)              (None, 64)                8256      
_________________________________________________________________
dropout_2 (Dropout)          (None, 64)                0         
_________________________________________________________________
dense_2 (Dense)              (None, 1)                 65        
=================================================================
Total params: 260,609
Trainable params: 260,609
Non-trainable params: 0
_________________________________________________________________

Train our model to identify the rod positions


In [9]:
batch_size = 10

epoch = 0
#(epoch, stop) = run_train2(model, batch_size, training, lr=0.0005,start_epoch=epoch, num_epochs=5, WEIGHTS_FNAME=WEIGHTS_FNAME, MODELS_FNAME=MODELS_FNAME, plot_frequency=1)

(epoch, stop) = run_train(model, batch_size, training, lr=0.0001,start_epoch=epoch, num_epochs=20, WEIGHTS_FNAME=WEIGHTS_FNAME, MODELS_FNAME=MODELS_FNAME, plot_frequency=1)
if not stop:
    (epoch, stop) = run_train(model, batch_size, training, lr=0.00005,start_epoch=epoch, num_epochs=20, WEIGHTS_FNAME=WEIGHTS_FNAME, MODELS_FNAME=MODELS_FNAME, plot_frequency=5)
if not stop:
    (epoch, stop) = run_train(model, batch_size, training, lr=0.00001,start_epoch=epoch, num_epochs=20, WEIGHTS_FNAME=WEIGHTS_FNAME, MODELS_FNAME=MODELS_FNAME, plot_frequency=5)
if not stop:
    (epoch, stop) = run_train(model, batch_size, training, lr=0.000001,start_epoch=epoch, num_epochs=50, WEIGHTS_FNAME=WEIGHTS_FNAME, MODELS_FNAME=MODELS_FNAME, plot_frequency=5)


Starting at lr=0.000100
Batch size 10: 4217 training batches, 1051 validation batches
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=1, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=0)`
Epoch 1/1
4217/4217 [==============================] - 351s - loss: 0.0913 - mse: 9.1287e-05 - val_loss: 0.0659 - val_mse: 6.5899e-05
Predicted.
array([[ 0.67164701],
       [ 0.21898   ],
       [ 0.33618501],
       ..., 
       [ 0.0999    ],
       [ 0.72790098],
       [ 0.00836544]], dtype=float32)
array([[ 0.38218307],
       [ 0.40937376],
       [ 0.42670983],
       ..., 
       [ 0.42498195],
       [ 0.45525622],
       [ 0.46402264]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_0.hdf
Epoch 2/2
   1/4217 [..............................] - ETA: 522s - loss: 0.0415 - mse: 4.1512e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=2, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=1)`
4217/4217 [==============================] - 427s - loss: 0.0623 - mse: 6.2309e-05 - val_loss: 0.0606 - val_mse: 6.0641e-05
Predicted.
array([[ 0.0666391 ],
       [ 0.16797499],
       [ 0.916125  ],
       ..., 
       [ 0.61295497],
       [ 0.868334  ],
       [ 0.64865297]], dtype=float32)
array([[ 0.17522477],
       [ 0.24331126],
       [ 0.48103076],
       ..., 
       [ 0.27129111],
       [ 0.362701  ],
       [ 0.37964496]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_1.hdf
Epoch 3/3
   1/4217 [..............................] - ETA: 545s - loss: 0.0516 - mse: 5.1645e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=3, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=2)`
4217/4217 [==============================] - 411s - loss: 0.0533 - mse: 5.3269e-05 - val_loss: 0.0480 - val_mse: 4.7976e-05
Predicted.
array([[ 0.44238299],
       [ 0.87137902],
       [ 0.186573  ],
       ..., 
       [ 0.234449  ],
       [ 0.7277    ],
       [-0.00340748]], dtype=float32)
array([[ 0.6444295 ],
       [ 0.53928685],
       [ 0.5861302 ],
       ..., 
       [ 0.42396629],
       [ 0.46526533],
       [ 0.57452464]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_2.hdf
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=4, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=3)`
Epoch 4/4
4217/4217 [==============================] - 392s - loss: 0.0480 - mse: 4.8042e-05 - val_loss: 0.0482 - val_mse: 4.8248e-05
Predicted.
array([[ 0.0666391 ],
       [ 0.16797499],
       [ 0.916125  ],
       ..., 
       [ 0.61295497],
       [ 0.868334  ],
       [ 0.64865297]], dtype=float32)
array([[ 0.1749292 ],
       [ 0.17694309],
       [ 0.58467078],
       ..., 
       [ 0.68684632],
       [ 0.55261993],
       [ 0.45671597]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_3.hdf
Epoch 5/5
   1/4217 [..............................] - ETA: 560s - loss: 0.0286 - mse: 2.8600e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=5, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=4)`
4217/4217 [==============================] - 374s - loss: 0.0458 - mse: 4.5772e-05 - val_loss: 0.0395 - val_mse: 3.9540e-05
Predicted.
array([[ 0.0880833 ],
       [ 0.605241  ],
       [ 0.0834429 ],
       ..., 
       [ 0.0279777 ],
       [ 0.406901  ],
       [ 0.43499899]], dtype=float32)
array([[ 0.59587038],
       [ 0.66316664],
       [ 0.32818156],
       ..., 
       [ 0.19285733],
       [ 0.4989951 ],
       [ 0.47127581]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_4.hdf
Epoch 6/6
   1/4217 [..............................] - ETA: 508s - loss: 0.0553 - mse: 5.5313e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=6, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=5)`
4217/4217 [==============================] - 406s - loss: 0.0440 - mse: 4.3957e-05 - val_loss: 0.0474 - val_mse: 4.7413e-05
Predicted.
array([[ 0.92577398],
       [ 0.60295099],
       [ 0.60470301],
       ..., 
       [ 0.60403198],
       [ 0.60718697],
       [ 0.267726  ]], dtype=float32)
array([[ 0.555915  ],
       [ 0.52216154],
       [ 0.57883614],
       ..., 
       [ 0.47307864],
       [ 0.2580826 ],
       [ 0.22763047]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_5.hdf
Epoch 7/7
   1/4217 [..............................] - ETA: 554s - loss: 0.0354 - mse: 3.5383e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=7, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=6)`
4217/4217 [==============================] - 366s - loss: 0.0427 - mse: 4.2690e-05 - val_loss: 0.0415 - val_mse: 4.1534e-05
Predicted.
array([[ 0.0880833 ],
       [ 0.605241  ],
       [ 0.0834429 ],
       ..., 
       [ 0.882487  ],
       [ 0.52007598],
       [ 0.969154  ]], dtype=float32)
array([[ 0.48138231],
       [ 0.57369745],
       [ 0.27441904],
       ..., 
       [ 0.65947086],
       [ 0.5473659 ],
       [ 0.62649989]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_6.hdf
Epoch 8/8
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=8, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=7)`
4217/4217 [==============================] - 354s - loss: 0.0417 - mse: 4.1681e-05 - val_loss: 0.0353 - val_mse: 3.5330e-05
Predicted.
array([[ 0.67164701],
       [ 0.21898   ],
       [ 0.33618501],
       ..., 
       [ 0.0999    ],
       [ 0.72790098],
       [ 0.00836544]], dtype=float32)
array([[ 0.47325772],
       [ 0.31565419],
       [ 0.30030608],
       ..., 
       [ 0.02463365],
       [ 0.52335179],
       [ 0.55941373]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_7.hdf
Epoch 9/9
   1/4217 [..............................] - ETA: 508s - loss: 0.0398 - mse: 3.9838e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=9, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=8)`
4217/4217 [==============================] - 345s - loss: 0.0410 - mse: 4.0962e-05 - val_loss: 0.0408 - val_mse: 4.0830e-05
Predicted.
array([[ 0.92577398],
       [ 0.60295099],
       [ 0.60470301],
       ..., 
       [ 0.60403198],
       [ 0.60718697],
       [ 0.267726  ]], dtype=float32)
array([[ 0.61321568],
       [ 0.50951433],
       [ 0.66100895],
       ..., 
       [ 0.47171289],
       [ 0.35925043],
       [ 0.31628925]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_8.hdf
Epoch 10/10
   1/4217 [..............................] - ETA: 524s - loss: 0.0387 - mse: 3.8661e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=10, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=9)`
4217/4217 [==============================] - 343s - loss: 0.0405 - mse: 4.0511e-05 - val_loss: 0.0478 - val_mse: 4.7814e-05
Predicted.
array([[ 0.92577398],
       [ 0.60295099],
       [ 0.60470301],
       ..., 
       [ 0.60403198],
       [ 0.60718697],
       [ 0.267726  ]], dtype=float32)
array([[ 0.622356  ],
       [ 0.49238488],
       [ 0.58396804],
       ..., 
       [ 0.57906282],
       [ 0.63170922],
       [ 0.32383999]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_9.hdf
Epoch 11/11
   1/4217 [..............................] - ETA: 505s - loss: 0.0436 - mse: 4.3586e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=11, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=10)`
4217/4217 [==============================] - 355s - loss: 0.0392 - mse: 3.9172e-05 - val_loss: 0.0403 - val_mse: 4.0286e-05
Predicted.
array([[ 0.67164701],
       [ 0.21898   ],
       [ 0.33618501],
       ..., 
       [ 0.0999    ],
       [ 0.72790098],
       [ 0.00836544]], dtype=float32)
array([[ 0.62122309],
       [ 0.33783907],
       [ 0.47839713],
       ..., 
       [ 0.20359458],
       [ 0.48501021],
       [ 0.48754299]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_10.hdf
Epoch 12/12
   1/4217 [..............................] - ETA: 510s - loss: 0.0441 - mse: 4.4128e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=12, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=11)`
4217/4217 [==============================] - 368s - loss: 0.0390 - mse: 3.9015e-05 - val_loss: 0.0407 - val_mse: 4.0721e-05
Predicted.
array([[ 0.0880833 ],
       [ 0.605241  ],
       [ 0.0834429 ],
       ..., 
       [ 0.0279777 ],
       [ 0.406901  ],
       [ 0.43499899]], dtype=float32)
array([[ 0.39935544],
       [ 0.67340922],
       [ 0.25222287],
       ..., 
       [ 0.14826089],
       [ 0.62079686],
       [ 0.66924095]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_11.hdf
Epoch 13/13
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=13, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=12)`
4217/4217 [==============================] - 353s - loss: 0.0379 - mse: 3.7913e-05 - val_loss: 0.0406 - val_mse: 4.0648e-05
Predicted.
array([[ 0.44238299],
       [ 0.87137902],
       [ 0.186573  ],
       ..., 
       [ 0.234449  ],
       [ 0.7277    ],
       [-0.00340748]], dtype=float32)
array([[ 0.65735412],
       [ 0.7555362 ],
       [ 0.57242846],
       ..., 
       [ 0.42647505],
       [ 0.5852778 ],
       [ 0.61946535]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_12.hdf
Epoch 14/14
   1/4217 [..............................] - ETA: 510s - loss: 0.0616 - mse: 6.1608e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=14, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=13)`
4217/4217 [==============================] - 347s - loss: 0.0380 - mse: 3.7955e-05 - val_loss: 0.0484 - val_mse: 4.8425e-05
Predicted.
array([[ 0.0880833 ],
       [ 0.605241  ],
       [ 0.0834429 ],
       ..., 
       [ 0.0279777 ],
       [ 0.406901  ],
       [ 0.43499899]], dtype=float32)
array([[ 0.37076801],
       [ 0.69891179],
       [ 0.34519616],
       ..., 
       [ 0.06663179],
       [ 0.70552659],
       [ 0.58100021]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_13.hdf
Epoch 15/15
   1/4217 [..............................] - ETA: 516s - loss: 0.0454 - mse: 4.5402e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=15, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=14)`
4217/4217 [==============================] - 344s - loss: 0.0373 - mse: 3.7300e-05 - val_loss: 0.0350 - val_mse: 3.4975e-05
Predicted.
array([[ 0.44238299],
       [ 0.87137902],
       [ 0.186573  ],
       ..., 
       [ 0.234449  ],
       [ 0.7277    ],
       [-0.00340748]], dtype=float32)
array([[ 0.58769995],
       [ 0.73575556],
       [ 0.60583794],
       ..., 
       [ 0.54417622],
       [ 0.64725834],
       [ 0.63846874]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_14.hdf
Epoch 16/16
   1/4217 [..............................] - ETA: 518s - loss: 0.0445 - mse: 4.4472e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=16, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=15)`
4217/4217 [==============================] - 350s - loss: 0.0370 - mse: 3.6980e-05 - val_loss: 0.0403 - val_mse: 4.0256e-05
Predicted.
array([[ 0.0666391 ],
       [ 0.16797499],
       [ 0.916125  ],
       ..., 
       [ 0.61295497],
       [ 0.868334  ],
       [ 0.64865297]], dtype=float32)
array([[ 0.10573071],
       [-0.03120214],
       [ 0.64411497],
       ..., 
       [ 0.68212068],
       [ 0.441874  ],
       [ 0.46222252]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_15.hdf
Epoch 17/17
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=17, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=16)`
4217/4217 [==============================] - 344s - loss: 0.0363 - mse: 3.6322e-05 - val_loss: 0.0319 - val_mse: 3.1930e-05
Predicted.
array([[ 0.0880833 ],
       [ 0.605241  ],
       [ 0.0834429 ],
       ..., 
       [ 0.84201097],
       [ 0.42493799],
       [ 0.687419  ]], dtype=float32)
array([[ 0.38685858],
       [ 0.62758559],
       [ 0.31640154],
       ..., 
       [ 0.79618979],
       [ 0.50230503],
       [ 0.3880806 ]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_16.hdf
Epoch 18/18
   1/4217 [..............................] - ETA: 518s - loss: 0.0403 - mse: 4.0269e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=18, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=17)`
4217/4217 [==============================] - 350s - loss: 0.0362 - mse: 3.6193e-05 - val_loss: 0.0369 - val_mse: 3.6915e-05
Predicted.
array([[ 0.92577398],
       [ 0.60295099],
       [ 0.60470301],
       ..., 
       [ 0.60403198],
       [ 0.60718697],
       [ 0.267726  ]], dtype=float32)
array([[ 0.69047892],
       [ 0.62781322],
       [ 0.72141814],
       ..., 
       [ 0.61196667],
       [ 0.57396644],
       [ 0.28694582]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_17.hdf
Epoch 19/19
   1/4217 [..............................] - ETA: 518s - loss: 0.0373 - mse: 3.7297e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=19, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=18)`
4217/4217 [==============================] - 366s - loss: 0.0357 - mse: 3.5665e-05 - val_loss: 0.0376 - val_mse: 3.7634e-05
Predicted.
array([[ 0.0666391 ],
       [ 0.16797499],
       [ 0.916125  ],
       ..., 
       [ 0.184779  ],
       [ 0.0953121 ],
       [ 0.66232401]], dtype=float32)
array([[ 0.23583433],
       [ 0.20802039],
       [ 0.72409391],
       ..., 
       [ 0.35389918],
       [ 0.19852   ],
       [ 0.67841029]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_18.hdf
Epoch 20/20
   1/4217 [..............................] - ETA: 569s - loss: 0.0670 - mse: 6.6971e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=20, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=19)`
4217/4217 [==============================] - 421s - loss: 0.0354 - mse: 3.5359e-05 - val_loss: 0.0420 - val_mse: 4.2001e-05
Predicted.
array([[ 0.0666391 ],
       [ 0.16797499],
       [ 0.916125  ],
       ..., 
       [ 0.184779  ],
       [ 0.0953121 ],
       [ 0.66232401]], dtype=float32)
array([[ 0.21001881],
       [-0.0389922 ],
       [ 0.6512872 ],
       ..., 
       [ 0.37496787],
       [ 0.1927405 ],
       [ 0.68243837]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_19.hdf
Starting at lr=0.000050
Batch size 10: 4217 training batches, 1051 validation batches
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=21, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=20)`
Epoch 21/21
4217/4217 [==============================] - 448s - loss: 0.0330 - mse: 3.3008e-05 - val_loss: 0.0354 - val_mse: 3.5449e-05
Predicted.
array([[ 0.92577398],
       [ 0.60295099],
       [ 0.60470301],
       ..., 
       [ 0.60403198],
       [ 0.60718697],
       [ 0.267726  ]], dtype=float32)
array([[ 0.60314715],
       [ 0.44836989],
       [ 0.63169533],
       ..., 
       [ 0.54960769],
       [ 0.60044622],
       [ 0.30083549]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_20.hdf
Epoch 22/22
   1/4217 [..............................] - ETA: 512s - loss: 0.0236 - mse: 2.3554e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=22, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=21)`
4217/4217 [==============================] - 428s - loss: 0.0325 - mse: 3.2536e-05 - val_loss: 0.0427 - val_mse: 4.2736e-05
Wrote model to .\Goalie3Frames\weights_21.hdf
Epoch 23/23
   1/4217 [..............................] - ETA: 661s - loss: 0.0207 - mse: 2.0687e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=23, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=22)`
4217/4217 [==============================] - 344s - loss: 0.0320 - mse: 3.1998e-05 - val_loss: 0.0345 - val_mse: 3.4515e-05
Wrote model to .\Goalie3Frames\weights_22.hdf
Epoch 24/24
   1/4217 [..............................] - ETA: 537s - loss: 0.0224 - mse: 2.2433e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=24, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=23)`
4217/4217 [==============================] - 341s - loss: 0.0319 - mse: 3.1886e-05 - val_loss: 0.0348 - val_mse: 3.4788e-05
Wrote model to .\Goalie3Frames\weights_23.hdf
Epoch 25/25
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=25, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=24)`
4217/4217 [==============================] - 345s - loss: 0.0315 - mse: 3.1482e-05 - val_loss: 0.0349 - val_mse: 3.4911e-05
Wrote model to .\Goalie3Frames\weights_24.hdf
Epoch 26/26
   1/4217 [..............................] - ETA: 514s - loss: 0.0139 - mse: 1.3938e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=26, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=25)`
4217/4217 [==============================] - 340s - loss: 0.0316 - mse: 3.1550e-05 - val_loss: 0.0267 - val_mse: 2.6671e-05
Predicted.
array([[ 0.0880833 ],
       [ 0.605241  ],
       [ 0.0834429 ],
       ..., 
       [ 0.25788501],
       [ 0.277794  ],
       [ 0.372578  ]], dtype=float32)
array([[ 0.36623764],
       [ 0.62954772],
       [ 0.30812761],
       ..., 
       [ 0.52107942],
       [ 0.4685823 ],
       [ 0.34979528]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_25.hdf
Epoch 27/27
   1/4217 [..............................] - ETA: 554s - loss: 0.0396 - mse: 3.9591e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=27, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=26)`
4217/4217 [==============================] - 339s - loss: 0.0312 - mse: 3.1247e-05 - val_loss: 0.0349 - val_mse: 3.4944e-05
Wrote model to .\Goalie3Frames\weights_26.hdf
Epoch 28/28
   1/4217 [..............................] - ETA: 522s - loss: 0.0490 - mse: 4.9034e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=28, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=27)`
4217/4217 [==============================] - 340s - loss: 0.0316 - mse: 3.1553e-05 - val_loss: 0.0354 - val_mse: 3.5365e-05
Wrote model to .\Goalie3Frames\weights_27.hdf
Epoch 29/29
   1/4217 [..............................] - ETA: 548s - loss: 0.0278 - mse: 2.7772e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=29, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=28)`
4217/4217 [==============================] - 350s - loss: 0.0314 - mse: 3.1363e-05 - val_loss: 0.0330 - val_mse: 3.2963e-05
Wrote model to .\Goalie3Frames\weights_28.hdf
Epoch 30/30
   1/4217 [..............................] - ETA: 518s - loss: 0.0419 - mse: 4.1877e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=30, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=29)`
4217/4217 [==============================] - 346s - loss: 0.0311 - mse: 3.1136e-05 - val_loss: 0.0349 - val_mse: 3.4907e-05
Wrote model to .\Goalie3Frames\weights_29.hdf
Epoch 31/31
   1/4217 [..............................] - ETA: 556s - loss: 0.0603 - mse: 6.0308e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=31, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=30)`
4217/4217 [==============================] - 345s - loss: 0.0310 - mse: 3.1007e-05 - val_loss: 0.0341 - val_mse: 3.4078e-05
Predicted.
array([[ 0.67164701],
       [ 0.21898   ],
       [ 0.33618501],
       ..., 
       [ 0.0999    ],
       [ 0.72790098],
       [ 0.00836544]], dtype=float32)
array([[ 0.74484664],
       [ 0.33775774],
       [ 0.38937825],
       ..., 
       [ 0.0781433 ],
       [ 0.58624035],
       [ 0.38429481]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_30.hdf
Epoch 32/32
   1/4217 [..............................] - ETA: 518s - loss: 0.0159 - mse: 1.5852e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=32, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=31)`
4217/4217 [==============================] - 342s - loss: 0.0307 - mse: 3.0750e-05 - val_loss: 0.0351 - val_mse: 3.5106e-05
Wrote model to .\Goalie3Frames\weights_31.hdf
Epoch 33/33
   1/4217 [..............................] - ETA: 525s - loss: 0.0278 - mse: 2.7750e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=33, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=32)`
4217/4217 [==============================] - 342s - loss: 0.0307 - mse: 3.0719e-05 - val_loss: 0.0430 - val_mse: 4.3050e-05
Wrote model to .\Goalie3Frames\weights_32.hdf
Epoch 34/34
   1/4217 [..............................] - ETA: 510s - loss: 0.0276 - mse: 2.7584e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=34, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=33)`
4217/4217 [==============================] - 347s - loss: 0.0308 - mse: 3.0755e-05 - val_loss: 0.0343 - val_mse: 3.4311e-05
Wrote model to .\Goalie3Frames\weights_33.hdf
Epoch 35/35
   1/4217 [..............................] - ETA: 505s - loss: 0.0215 - mse: 2.1520e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=35, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=34)`
4217/4217 [==============================] - 341s - loss: 0.0305 - mse: 3.0465e-05 - val_loss: 0.0328 - val_mse: 3.2773e-05
Wrote model to .\Goalie3Frames\weights_34.hdf
Epoch 36/36
   1/4217 [..............................] - ETA: 518s - loss: 0.0313 - mse: 3.1312e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=36, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=35)`
4217/4217 [==============================] - 347s - loss: 0.0306 - mse: 3.0606e-05 - val_loss: 0.0380 - val_mse: 3.8015e-05
Predicted.
array([[ 0.67164701],
       [ 0.21898   ],
       [ 0.33618501],
       ..., 
       [ 0.0999    ],
       [ 0.72790098],
       [ 0.00836544]], dtype=float32)
array([[ 0.74243301],
       [ 0.32627356],
       [ 0.40921637],
       ..., 
       [ 0.02703124],
       [ 0.52484959],
       [ 0.39649409]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_35.hdf
Epoch 37/37
   1/4217 [..............................] - ETA: 501s - loss: 0.0334 - mse: 3.3362e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=37, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=36)`
4217/4217 [==============================] - 342s - loss: 0.0308 - mse: 3.0801e-05 - val_loss: 0.0402 - val_mse: 4.0177e-05
Wrote model to .\Goalie3Frames\weights_36.hdf
Epoch 38/38
   1/4217 [..............................] - ETA: 514s - loss: 0.0543 - mse: 5.4287e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=38, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=37)`
4217/4217 [==============================] - 342s - loss: 0.0302 - mse: 3.0154e-05 - val_loss: 0.0337 - val_mse: 3.3669e-05
Wrote model to .\Goalie3Frames\weights_37.hdf
Epoch 39/39
   1/4217 [..............................] - ETA: 510s - loss: 0.0130 - mse: 1.3002e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=39, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=38)`
4217/4217 [==============================] - 341s - loss: 0.0299 - mse: 2.9924e-05 - val_loss: 0.0273 - val_mse: 2.7313e-05
Wrote model to .\Goalie3Frames\weights_38.hdf
Epoch 40/40
   1/4217 [..............................] - ETA: 514s - loss: 0.0110 - mse: 1.0961e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=40, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=39)`
4217/4217 [==============================] - 341s - loss: 0.0302 - mse: 3.0160e-05 - val_loss: 0.0325 - val_mse: 3.2513e-05
Wrote model to .\Goalie3Frames\weights_39.hdf
Starting at lr=0.000010
Batch size 10: 4217 training batches, 1051 validation batches
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=41, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=40)`
Epoch 41/41
4217/4217 [==============================] - 349s - loss: 0.0278 - mse: 2.7767e-05 - val_loss: 0.0242 - val_mse: 2.4152e-05
Predicted.
array([[ 0.0666391 ],
       [ 0.16797499],
       [ 0.916125  ],
       ..., 
       [ 0.52972603],
       [ 0.969154  ],
       [ 0.53083801]], dtype=float32)
array([[ 0.21122989],
       [ 0.16678756],
       [ 0.62083095],
       ..., 
       [ 0.30424929],
       [ 0.87176597],
       [ 0.53174055]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_40.hdf
Epoch 42/42
   1/4217 [..............................] - ETA: 510s - loss: 0.0273 - mse: 2.7258e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=42, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=41)`
4217/4217 [==============================] - 347s - loss: 0.0276 - mse: 2.7570e-05 - val_loss: 0.0332 - val_mse: 3.3239e-05
Wrote model to .\Goalie3Frames\weights_41.hdf
Epoch 43/43
   1/4217 [..............................] - ETA: 514s - loss: 0.0295 - mse: 2.9548e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=43, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=42)`
4217/4217 [==============================] - 342s - loss: 0.0273 - mse: 2.7257e-05 - val_loss: 0.0305 - val_mse: 3.0482e-05
Wrote model to .\Goalie3Frames\weights_42.hdf
Epoch 44/44
   1/4217 [..............................] - ETA: 556s - loss: 0.0131 - mse: 1.3141e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=44, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=43)`
4217/4217 [==============================] - 342s - loss: 0.0275 - mse: 2.7492e-05 - val_loss: 0.0278 - val_mse: 2.7763e-05
Wrote model to .\Goalie3Frames\weights_43.hdf
Epoch 45/45
   1/4217 [..............................] - ETA: 518s - loss: 0.0522 - mse: 5.2188e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=45, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=44)`
4217/4217 [==============================] - 342s - loss: 0.0273 - mse: 2.7287e-05 - val_loss: 0.0312 - val_mse: 3.1236e-05
Wrote model to .\Goalie3Frames\weights_44.hdf
Epoch 46/46
   1/4217 [..............................] - ETA: 514s - loss: 0.0374 - mse: 3.7370e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=46, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=45)`
4217/4217 [==============================] - 354s - loss: 0.0273 - mse: 2.7319e-05 - val_loss: 0.0299 - val_mse: 2.9909e-05
Predicted.
array([[ 0.67164701],
       [ 0.21898   ],
       [ 0.33618501],
       ..., 
       [ 0.0999    ],
       [ 0.72790098],
       [ 0.00836544]], dtype=float32)
array([[ 0.68328404],
       [ 0.344181  ],
       [ 0.33556014],
       ..., 
       [ 0.3013131 ],
       [ 0.42303264],
       [ 0.45936307]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_45.hdf
Epoch 47/47
   1/4217 [..............................] - ETA: 510s - loss: 0.0126 - mse: 1.2583e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=47, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=46)`
4217/4217 [==============================] - 345s - loss: 0.0270 - mse: 2.7020e-05 - val_loss: 0.0253 - val_mse: 2.5254e-05
Wrote model to .\Goalie3Frames\weights_46.hdf
Epoch 48/48
   1/4217 [..............................] - ETA: 510s - loss: 0.0233 - mse: 2.3271e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=48, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=47)`
4217/4217 [==============================] - 348s - loss: 0.0271 - mse: 2.7142e-05 - val_loss: 0.0289 - val_mse: 2.8894e-05
Wrote model to .\Goalie3Frames\weights_47.hdf
Epoch 49/49
   1/4217 [..............................] - ETA: 517s - loss: 0.0513 - mse: 5.1323e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=49, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=48)`
4217/4217 [==============================] - 343s - loss: 0.0268 - mse: 2.6754e-05 - val_loss: 0.0287 - val_mse: 2.8738e-05
Wrote model to .\Goalie3Frames\weights_48.hdf
Epoch 50/50
   1/4217 [..............................] - ETA: 514s - loss: 0.0214 - mse: 2.1434e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=50, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=49)`
4217/4217 [==============================] - 344s - loss: 0.0268 - mse: 2.6836e-05 - val_loss: 0.0304 - val_mse: 3.0442e-05
Wrote model to .\Goalie3Frames\weights_49.hdf
Epoch 51/51
   1/4217 [..............................] - ETA: 609s - loss: 0.0606 - mse: 6.0597e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=51, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=50)`
4217/4217 [==============================] - 350s - loss: 0.0266 - mse: 2.6617e-05 - val_loss: 0.0303 - val_mse: 3.0259e-05
Predicted.
array([[ 0.44238299],
       [ 0.87137902],
       [ 0.186573  ],
       ..., 
       [ 0.234449  ],
       [ 0.7277    ],
       [-0.00340748]], dtype=float32)
array([[ 0.68816644],
       [ 0.76181054],
       [ 0.38887411],
       ..., 
       [ 0.35306713],
       [ 0.80689692],
       [ 0.26158082]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_50.hdf
Epoch 52/52
   1/4217 [..............................] - ETA: 516s - loss: 0.0193 - mse: 1.9260e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=52, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=51)`
4217/4217 [==============================] - 343s - loss: 0.0267 - mse: 2.6677e-05 - val_loss: 0.0309 - val_mse: 3.0867e-05
Wrote model to .\Goalie3Frames\weights_51.hdf
Epoch 53/53
   1/4217 [..............................] - ETA: 514s - loss: 0.0249 - mse: 2.4929e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=53, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=52)`
4217/4217 [==============================] - 345s - loss: 0.0265 - mse: 2.6480e-05 - val_loss: 0.0311 - val_mse: 3.1059e-05
Wrote model to .\Goalie3Frames\weights_52.hdf
Epoch 54/54
   1/4217 [..............................] - ETA: 590s - loss: 0.0338 - mse: 3.3834e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=54, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=53)`
4217/4217 [==============================] - 342s - loss: 0.0269 - mse: 2.6910e-05 - val_loss: 0.0267 - val_mse: 2.6659e-05
Wrote model to .\Goalie3Frames\weights_53.hdf
Epoch 55/55
   1/4217 [..............................] - ETA: 514s - loss: 0.0217 - mse: 2.1716e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=55, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=54)`
4217/4217 [==============================] - 343s - loss: 0.0264 - mse: 2.6421e-05 - val_loss: 0.0307 - val_mse: 3.0678e-05
Wrote model to .\Goalie3Frames\weights_54.hdf
Epoch 56/56
   1/4217 [..............................] - ETA: 609s - loss: 0.0692 - mse: 6.9246e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=56, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=55)`
4217/4217 [==============================] - 350s - loss: 0.0269 - mse: 2.6928e-05 - val_loss: 0.0308 - val_mse: 3.0753e-05
Predicted.
array([[ 0.67164701],
       [ 0.21898   ],
       [ 0.33618501],
       ..., 
       [ 0.0999    ],
       [ 0.72790098],
       [ 0.00836544]], dtype=float32)
array([[ 0.78635669],
       [ 0.41493076],
       [ 0.4190864 ],
       ..., 
       [ 0.09913749],
       [ 0.43057507],
       [ 0.41404498]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_55.hdf
Epoch 57/57
   1/4217 [..............................] - ETA: 509s - loss: 0.0281 - mse: 2.8083e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=57, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=56)`
4217/4217 [==============================] - 344s - loss: 0.0269 - mse: 2.6886e-05 - val_loss: 0.0288 - val_mse: 2.8797e-05
Wrote model to .\Goalie3Frames\weights_56.hdf
Epoch 58/58
   1/4217 [..............................] - ETA: 510s - loss: 0.0345 - mse: 3.4519e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=58, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=57)`
4217/4217 [==============================] - 348s - loss: 0.0270 - mse: 2.6958e-05 - val_loss: 0.0392 - val_mse: 3.9196e-05
Wrote model to .\Goalie3Frames\weights_57.hdf
Epoch 59/59
   1/4217 [..............................] - ETA: 602s - loss: 0.0457 - mse: 4.5726e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=59, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=58)`
4217/4217 [==============================] - 347s - loss: 0.0264 - mse: 2.6423e-05 - val_loss: 0.0294 - val_mse: 2.9353e-05
Wrote model to .\Goalie3Frames\weights_58.hdf
Epoch 60/60
   1/4217 [..............................] - ETA: 516s - loss: 0.0200 - mse: 2.0008e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=60, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=59)`
4217/4217 [==============================] - 349s - loss: 0.0264 - mse: 2.6380e-05 - val_loss: 0.0330 - val_mse: 3.3035e-05
Wrote model to .\Goalie3Frames\weights_59.hdf
Starting at lr=0.000001
Batch size 10: 4217 training batches, 1051 validation batches
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=61, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=60)`
Epoch 61/61
4217/4217 [==============================] - 357s - loss: 0.0262 - mse: 2.6173e-05 - val_loss: 0.0223 - val_mse: 2.2269e-05
Predicted.
array([[ 0.0880833 ],
       [ 0.605241  ],
       [ 0.0834429 ],
       ..., 
       [ 0.882487  ],
       [ 0.52007598],
       [ 0.969154  ]], dtype=float32)
array([[ 0.21946916],
       [ 0.49800217],
       [ 0.28521061],
       ..., 
       [ 0.5598309 ],
       [ 0.54177117],
       [ 0.74489725]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_60.hdf
Epoch 62/62
   1/4217 [..............................] - ETA: 506s - loss: 0.0060 - mse: 6.0314e-06
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=62, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=61)`
4217/4217 [==============================] - 352s - loss: 0.0259 - mse: 2.5868e-05 - val_loss: 0.0272 - val_mse: 2.7197e-05
Wrote model to .\Goalie3Frames\weights_61.hdf
Epoch 63/63
   1/4217 [..............................] - ETA: 510s - loss: 0.0350 - mse: 3.4970e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=63, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=62)`
4217/4217 [==============================] - 353s - loss: 0.0260 - mse: 2.5976e-05 - val_loss: 0.0297 - val_mse: 2.9712e-05
Wrote model to .\Goalie3Frames\weights_62.hdf
Epoch 64/64
   1/4217 [..............................] - ETA: 548s - loss: 0.0559 - mse: 5.5867e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=64, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=63)`
4217/4217 [==============================] - 357s - loss: 0.0261 - mse: 2.6064e-05 - val_loss: 0.0270 - val_mse: 2.7007e-05
Wrote model to .\Goalie3Frames\weights_63.hdf
Epoch 65/65
   1/4217 [..............................] - ETA: 568s - loss: 0.0123 - mse: 1.2271e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=65, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=64)`
4217/4217 [==============================] - 361s - loss: 0.0258 - mse: 2.5757e-05 - val_loss: 0.0318 - val_mse: 3.1824e-05
Wrote model to .\Goalie3Frames\weights_64.hdf
Epoch 66/66
   1/4217 [..............................] - ETA: 602s - loss: 0.0222 - mse: 2.2177e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=66, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=65)`
4217/4217 [==============================] - 382s - loss: 0.0258 - mse: 2.5757e-05 - val_loss: 0.0242 - val_mse: 2.4175e-05
Predicted.
array([[ 0.0880833 ],
       [ 0.605241  ],
       [ 0.0834429 ],
       ..., 
       [ 0.25788501],
       [ 0.277794  ],
       [ 0.372578  ]], dtype=float32)
array([[ 0.31089646],
       [ 0.53262585],
       [ 0.20158285],
       ..., 
       [ 0.58096516],
       [ 0.40411618],
       [ 0.2880711 ]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_65.hdf
Epoch 67/67
   1/4217 [..............................] - ETA: 556s - loss: 0.0257 - mse: 2.5678e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=67, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=66)`
4217/4217 [==============================] - 351s - loss: 0.0262 - mse: 2.6160e-05 - val_loss: 0.0297 - val_mse: 2.9718e-05
Wrote model to .\Goalie3Frames\weights_66.hdf
Epoch 68/68
   1/4217 [..............................] - ETA: 514s - loss: 0.0300 - mse: 2.9978e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=68, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=67)`
4217/4217 [==============================] - 344s - loss: 0.0262 - mse: 2.6244e-05 - val_loss: 0.0233 - val_mse: 2.3324e-05
Wrote model to .\Goalie3Frames\weights_67.hdf
Epoch 69/69
   1/4217 [..............................] - ETA: 521s - loss: 0.0328 - mse: 3.2816e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=69, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=68)`
4217/4217 [==============================] - 345s - loss: 0.0260 - mse: 2.6008e-05 - val_loss: 0.0233 - val_mse: 2.3277e-05
Wrote model to .\Goalie3Frames\weights_68.hdf
Epoch 70/70
   1/4217 [..............................] - ETA: 556s - loss: 0.0321 - mse: 3.2058e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=70, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=69)`
4217/4217 [==============================] - 343s - loss: 0.0259 - mse: 2.5915e-05 - val_loss: 0.0314 - val_mse: 3.1360e-05
Wrote model to .\Goalie3Frames\weights_69.hdf
Epoch 71/71
   1/4217 [..............................] - ETA: 510s - loss: 0.0406 - mse: 4.0635e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=71, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=70)`
4217/4217 [==============================] - 354s - loss: 0.0256 - mse: 2.5577e-05 - val_loss: 0.0298 - val_mse: 2.9781e-05
Predicted.
array([[ 0.0880833 ],
       [ 0.605241  ],
       [ 0.0834429 ],
       ..., 
       [ 0.84201097],
       [ 0.42493799],
       [ 0.687419  ]], dtype=float32)
array([[ 0.28198946],
       [ 0.55478311],
       [ 0.26315343],
       ..., 
       [ 0.78827763],
       [ 0.50653678],
       [ 0.53866291]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_70.hdf
Epoch 72/72
   1/4217 [..............................] - ETA: 510s - loss: 0.0186 - mse: 1.8615e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=72, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=71)`
4217/4217 [==============================] - 349s - loss: 0.0261 - mse: 2.6129e-05 - val_loss: 0.0268 - val_mse: 2.6774e-05
Wrote model to .\Goalie3Frames\weights_71.hdf
Epoch 73/73
   1/4217 [..............................] - ETA: 514s - loss: 0.0209 - mse: 2.0905e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=73, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=72)`
4217/4217 [==============================] - 344s - loss: 0.0261 - mse: 2.6074e-05 - val_loss: 0.0292 - val_mse: 2.9211e-05
Wrote model to .\Goalie3Frames\weights_72.hdf
Epoch 74/74
   1/4217 [..............................] - ETA: 527s - loss: 0.0396 - mse: 3.9648e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=74, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=73)`
4217/4217 [==============================] - 345s - loss: 0.0258 - mse: 2.5830e-05 - val_loss: 0.0280 - val_mse: 2.8008e-05
Wrote model to .\Goalie3Frames\weights_73.hdf
Epoch 75/75
   1/4217 [..............................] - ETA: 550s - loss: 0.0638 - mse: 6.3807e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=75, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=74)`
4217/4217 [==============================] - 343s - loss: 0.0256 - mse: 2.5575e-05 - val_loss: 0.0273 - val_mse: 2.7282e-05
Wrote model to .\Goalie3Frames\weights_74.hdf
Epoch 76/76
   1/4217 [..............................] - ETA: 510s - loss: 0.0152 - mse: 1.5197e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=76, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=75)`
4217/4217 [==============================] - 342s - loss: 0.0259 - mse: 2.5895e-05 - val_loss: 0.0236 - val_mse: 2.3622e-05
Predicted.
array([[ 0.0880833 ],
       [ 0.605241  ],
       [ 0.0834429 ],
       ..., 
       [ 0.882487  ],
       [ 0.52007598],
       [ 0.969154  ]], dtype=float32)
array([[ 0.33779639],
       [ 0.56856424],
       [ 0.17253733],
       ..., 
       [ 0.58955914],
       [ 0.58956617],
       [ 0.68209755]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_75.hdf
Epoch 77/77
   1/4217 [..............................] - ETA: 516s - loss: 0.0111 - mse: 1.1123e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=77, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=76)`
4217/4217 [==============================] - 353s - loss: 0.0258 - mse: 2.5773e-05 - val_loss: 0.0361 - val_mse: 3.6062e-05
Wrote model to .\Goalie3Frames\weights_76.hdf
Epoch 78/78
   1/4217 [..............................] - ETA: 514s - loss: 0.0297 - mse: 2.9680e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=78, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=77)`
4217/4217 [==============================] - 345s - loss: 0.0262 - mse: 2.6168e-05 - val_loss: 0.0315 - val_mse: 3.1524e-05
Wrote model to .\Goalie3Frames\weights_77.hdf
Epoch 79/79
   1/4217 [..............................] - ETA: 543s - loss: 0.0289 - mse: 2.8946e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=79, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=78)`
4217/4217 [==============================] - 343s - loss: 0.0259 - mse: 2.5943e-05 - val_loss: 0.0294 - val_mse: 2.9435e-05
Wrote model to .\Goalie3Frames\weights_78.hdf
Epoch 80/80
   1/4217 [..............................] - ETA: 512s - loss: 0.0518 - mse: 5.1760e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=80, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=79)`
4217/4217 [==============================] - 351s - loss: 0.0259 - mse: 2.5867e-05 - val_loss: 0.0301 - val_mse: 3.0141e-05
Wrote model to .\Goalie3Frames\weights_79.hdf
Epoch 81/81
   1/4217 [..............................] - ETA: 505s - loss: 0.0246 - mse: 2.4585e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=81, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=80)`
4217/4217 [==============================] - 344s - loss: 0.0257 - mse: 2.5672e-05 - val_loss: 0.0274 - val_mse: 2.7394e-05
Predicted.
array([[ 0.0880833 ],
       [ 0.605241  ],
       [ 0.0834429 ],
       ..., 
       [ 0.84201097],
       [ 0.42493799],
       [ 0.687419  ]], dtype=float32)
array([[ 0.35032991],
       [ 0.59763724],
       [ 0.34625655],
       ..., 
       [ 0.79032946],
       [ 0.49993321],
       [ 0.54317868]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_80.hdf
Epoch 82/82
   1/4217 [..............................] - ETA: 512s - loss: 0.0192 - mse: 1.9162e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=82, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=81)`
4217/4217 [==============================] - 351s - loss: 0.0258 - mse: 2.5752e-05 - val_loss: 0.0325 - val_mse: 3.2522e-05
Wrote model to .\Goalie3Frames\weights_81.hdf
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=83, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=82)`
Epoch 83/83
4217/4217 [==============================] - 348s - loss: 0.0262 - mse: 2.6231e-05 - val_loss: 0.0297 - val_mse: 2.9675e-05
Wrote model to .\Goalie3Frames\weights_82.hdf
Epoch 84/84
   1/4217 [..............................] - ETA: 516s - loss: 0.0249 - mse: 2.4892e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=84, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=83)`
4217/4217 [==============================] - 344s - loss: 0.0260 - mse: 2.5958e-05 - val_loss: 0.0230 - val_mse: 2.2989e-05
Wrote model to .\Goalie3Frames\weights_83.hdf
Epoch 85/85
   1/4217 [..............................] - ETA: 550s - loss: 0.0211 - mse: 2.1084e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=85, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=84)`
4217/4217 [==============================] - 347s - loss: 0.0261 - mse: 2.6095e-05 - val_loss: 0.0302 - val_mse: 3.0240e-05
Wrote model to .\Goalie3Frames\weights_84.hdf
Epoch 86/86
   1/4217 [..............................] - ETA: 514s - loss: 0.0195 - mse: 1.9516e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=86, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=85)`
4217/4217 [==============================] - 343s - loss: 0.0256 - mse: 2.5599e-05 - val_loss: 0.0298 - val_mse: 2.9801e-05
Predicted.
array([[ 0.0666391 ],
       [ 0.16797499],
       [ 0.916125  ],
       ..., 
       [ 0.61295497],
       [ 0.868334  ],
       [ 0.64865297]], dtype=float32)
array([[ 0.09521475],
       [ 0.14703375],
       [ 0.62488043],
       ..., 
       [ 0.70170629],
       [ 0.50798404],
       [ 0.6050272 ]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_85.hdf
Epoch 87/87
   1/4217 [..............................] - ETA: 514s - loss: 0.0048 - mse: 4.8026e-06
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=87, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=86)`
4217/4217 [==============================] - 350s - loss: 0.0257 - mse: 2.5681e-05 - val_loss: 0.0300 - val_mse: 3.0036e-05
Wrote model to .\Goalie3Frames\weights_86.hdf
Epoch 88/88
   1/4217 [..............................] - ETA: 514s - loss: 0.0174 - mse: 1.7395e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=88, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=87)`
4217/4217 [==============================] - 347s - loss: 0.0260 - mse: 2.6003e-05 - val_loss: 0.0281 - val_mse: 2.8113e-05
Wrote model to .\Goalie3Frames\weights_87.hdf
Epoch 89/89
   1/4217 [..............................] - ETA: 560s - loss: 0.0254 - mse: 2.5383e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=89, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=88)`
4217/4217 [==============================] - 343s - loss: 0.0256 - mse: 2.5578e-05 - val_loss: 0.0287 - val_mse: 2.8712e-05
Wrote model to .\Goalie3Frames\weights_88.hdf
Epoch 90/90
   1/4217 [..............................] - ETA: 556s - loss: 0.0514 - mse: 5.1410e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=90, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=89)`
4217/4217 [==============================] - 343s - loss: 0.0256 - mse: 2.5586e-05 - val_loss: 0.0376 - val_mse: 3.7580e-05
Wrote model to .\Goalie3Frames\weights_89.hdf
Epoch 91/91
   1/4217 [..............................] - ETA: 518s - loss: 0.0269 - mse: 2.6876e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=91, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=90)`
4217/4217 [==============================] - 346s - loss: 0.0257 - mse: 2.5707e-05 - val_loss: 0.0354 - val_mse: 3.5418e-05
Predicted.
array([[ 0.44238299],
       [ 0.87137902],
       [ 0.186573  ],
       ..., 
       [ 0.234449  ],
       [ 0.7277    ],
       [-0.00340748]], dtype=float32)
array([[ 0.69543326],
       [ 0.84583223],
       [ 0.56861448],
       ..., 
       [ 0.49280965],
       [ 0.66348606],
       [ 0.16678339]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_90.hdf
Epoch 92/92
   1/4217 [..............................] - ETA: 508s - loss: 0.0186 - mse: 1.8600e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=92, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=91)`
4217/4217 [==============================] - 351s - loss: 0.0254 - mse: 2.5433e-05 - val_loss: 0.0352 - val_mse: 3.5204e-05
Wrote model to .\Goalie3Frames\weights_91.hdf
Epoch 93/93
   1/4217 [..............................] - ETA: 520s - loss: 0.0229 - mse: 2.2947e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=93, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=92)`
4217/4217 [==============================] - 345s - loss: 0.0257 - mse: 2.5732e-05 - val_loss: 0.0280 - val_mse: 2.8021e-05
Wrote model to .\Goalie3Frames\weights_92.hdf
Epoch 94/94
   1/4217 [..............................] - ETA: 514s - loss: 0.0094 - mse: 9.4340e-06
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=94, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=93)`
4217/4217 [==============================] - 347s - loss: 0.0258 - mse: 2.5820e-05 - val_loss: 0.0381 - val_mse: 3.8053e-05
Wrote model to .\Goalie3Frames\weights_93.hdf
Epoch 95/95
   1/4217 [..............................] - ETA: 548s - loss: 0.0068 - mse: 6.8265e-06
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=95, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=94)`
4217/4217 [==============================] - 344s - loss: 0.0253 - mse: 2.5345e-05 - val_loss: 0.0285 - val_mse: 2.8538e-05
Wrote model to .\Goalie3Frames\weights_94.hdf
Epoch 96/96
   1/4217 [..............................] - ETA: 560s - loss: 0.0354 - mse: 3.5385e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=96, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=95)`
4217/4217 [==============================] - 356s - loss: 0.0260 - mse: 2.5968e-05 - val_loss: 0.0298 - val_mse: 2.9781e-05
Predicted.
array([[ 0.92577398],
       [ 0.60295099],
       [ 0.60470301],
       ..., 
       [ 0.60403198],
       [ 0.60718697],
       [ 0.267726  ]], dtype=float32)
array([[ 0.7406109 ],
       [ 0.38530272],
       [ 0.616014  ],
       ..., 
       [ 0.57817411],
       [ 0.6658327 ],
       [ 0.30007413]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_95.hdf
Epoch 97/97
   1/4217 [..............................] - ETA: 522s - loss: 0.0079 - mse: 7.9161e-06
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=97, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=96)`
4217/4217 [==============================] - 351s - loss: 0.0258 - mse: 2.5773e-05 - val_loss: 0.0323 - val_mse: 3.2253e-05
Wrote model to .\Goalie3Frames\weights_96.hdf
Epoch 98/98
   1/4217 [..............................] - ETA: 594s - loss: 0.0155 - mse: 1.5489e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=98, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=97)`
4217/4217 [==============================] - 345s - loss: 0.0256 - mse: 2.5647e-05 - val_loss: 0.0362 - val_mse: 3.6179e-05
Wrote model to .\Goalie3Frames\weights_97.hdf
Epoch 99/99
   1/4217 [..............................] - ETA: 512s - loss: 0.0166 - mse: 1.6603e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=99, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=98)`
4217/4217 [==============================] - 346s - loss: 0.0257 - mse: 2.5741e-05 - val_loss: 0.0302 - val_mse: 3.0193e-05
Wrote model to .\Goalie3Frames\weights_98.hdf
Epoch 100/100
   1/4217 [..............................] - ETA: 551s - loss: 0.0235 - mse: 2.3499e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=100, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=99)`
4217/4217 [==============================] - 343s - loss: 0.0259 - mse: 2.5934e-05 - val_loss: 0.0283 - val_mse: 2.8274e-05
Wrote model to .\Goalie3Frames\weights_99.hdf
Epoch 101/101
   1/4217 [..............................] - ETA: 552s - loss: 0.0405 - mse: 4.0515e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=101, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=100)`
4217/4217 [==============================] - 344s - loss: 0.0256 - mse: 2.5575e-05 - val_loss: 0.0231 - val_mse: 2.3067e-05
Predicted.
array([[ 0.67164701],
       [ 0.21898   ],
       [ 0.33618501],
       ..., 
       [ 0.0999    ],
       [ 0.72790098],
       [ 0.00836544]], dtype=float32)
array([[ 0.73943484],
       [ 0.34599414],
       [ 0.38652414],
       ..., 
       [ 0.06568143],
       [ 0.52920425],
       [ 0.56016248]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_100.hdf
Epoch 102/102
   1/4217 [..............................] - ETA: 506s - loss: 0.0202 - mse: 2.0247e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=102, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=101)`
4217/4217 [==============================] - 354s - loss: 0.0259 - mse: 2.5929e-05 - val_loss: 0.0292 - val_mse: 2.9163e-05
Wrote model to .\Goalie3Frames\weights_101.hdf
Epoch 103/103
   1/4217 [..............................] - ETA: 598s - loss: 0.0244 - mse: 2.4387e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=103, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=102)`
4217/4217 [==============================] - 345s - loss: 0.0255 - mse: 2.5536e-05 - val_loss: 0.0261 - val_mse: 2.6147e-05
Wrote model to .\Goalie3Frames\weights_102.hdf
Epoch 104/104
   1/4217 [..............................] - ETA: 514s - loss: 0.0254 - mse: 2.5354e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=104, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=103)`
4217/4217 [==============================] - 345s - loss: 0.0252 - mse: 2.5236e-05 - val_loss: 0.0362 - val_mse: 3.6222e-05
Wrote model to .\Goalie3Frames\weights_103.hdf
Epoch 105/105
   1/4217 [..............................] - ETA: 527s - loss: 0.0166 - mse: 1.6627e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=105, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=104)`
4217/4217 [==============================] - 347s - loss: 0.0259 - mse: 2.5895e-05 - val_loss: 0.0294 - val_mse: 2.9445e-05
Wrote model to .\Goalie3Frames\weights_104.hdf
Epoch 106/106
   1/4217 [..............................] - ETA: 510s - loss: 0.0246 - mse: 2.4641e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=106, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=105)`
4217/4217 [==============================] - 344s - loss: 0.0259 - mse: 2.5878e-05 - val_loss: 0.0282 - val_mse: 2.8186e-05
Predicted.
array([[ 0.0880833 ],
       [ 0.605241  ],
       [ 0.0834429 ],
       ..., 
       [ 0.84201097],
       [ 0.42493799],
       [ 0.687419  ]], dtype=float32)
array([[ 0.35727957],
       [ 0.50389135],
       [ 0.16997361],
       ..., 
       [ 0.79600096],
       [ 0.50644588],
       [ 0.70842832]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_105.hdf
Epoch 107/107
   1/4217 [..............................] - ETA: 515s - loss: 0.0200 - mse: 2.0003e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=107, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=106)`
4217/4217 [==============================] - 352s - loss: 0.0257 - mse: 2.5682e-05 - val_loss: 0.0242 - val_mse: 2.4187e-05
Wrote model to .\Goalie3Frames\weights_106.hdf
Epoch 108/108
   1/4217 [..............................] - ETA: 552s - loss: 0.0150 - mse: 1.5007e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=108, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=107)`
4217/4217 [==============================] - 346s - loss: 0.0256 - mse: 2.5550e-05 - val_loss: 0.0299 - val_mse: 2.9937e-05
Wrote model to .\Goalie3Frames\weights_107.hdf
Epoch 109/109
   1/4217 [..............................] - ETA: 514s - loss: 0.0187 - mse: 1.8654e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=109, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=108)`
4217/4217 [==============================] - 344s - loss: 0.0256 - mse: 2.5552e-05 - val_loss: 0.0301 - val_mse: 3.0129e-05
Wrote model to .\Goalie3Frames\weights_108.hdf
Epoch 110/110
   1/4217 [..............................] - ETA: 552s - loss: 0.0169 - mse: 1.6901e-05
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 4217, class_weight=None, callbacks=None, validation_data=<__main__...., epochs=110, use_multiprocessing=False, workers=10, verbose=1, max_queue_size=10, validation_steps=1051, initial_epoch=109)`
4217/4217 [==============================] - 347s - loss: 0.0257 - mse: 2.5705e-05 - val_loss: 0.0362 - val_mse: 3.6179e-05
Wrote model to .\Goalie3Frames\weights_109.hdf

In [7]:
# Load the best model result
epoch = 109
model.load_weights(WEIGHTS_FNAME % epoch, by_name=True)
print("Loaded model.")

batch_size = 20

(epoch, stop) = run_train(model, batch_size, training, lr=0.00005,start_epoch=epoch, num_epochs=20, WEIGHTS_FNAME=WEIGHTS_FNAME, MODELS_FNAME=MODELS_FNAME, plot_frequency=5)
if not stop:
    (epoch, stop) = run_train(model, batch_size, training, lr=0.00001,start_epoch=epoch, num_epochs=40, WEIGHTS_FNAME=WEIGHTS_FNAME, MODELS_FNAME=MODELS_FNAME, plot_frequency=5)
if not stop:
    (epoch, stop) = run_train(model, batch_size, training, lr=0.000001,start_epoch=epoch, num_epochs=500, WEIGHTS_FNAME=WEIGHTS_FNAME, MODELS_FNAME=MODELS_FNAME, plot_frequency=5)


Loaded model.
Starting at lr=0.000050
Batch size 20: 2108 training batches, 525 validation batches
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=110, initial_epoch=109, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
Epoch 110/110
2108/2108 [==============================] - 322s - loss: 0.0286 - mse: 2.8554e-05 - val_loss: 0.0337 - val_mse: 3.3710e-05
Wrote model to .\Goalie3Frames\weights_109.hdf
Epoch 111/111
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=111, initial_epoch=110, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 304s - loss: 0.0285 - mse: 2.8458e-05 - val_loss: 0.0309 - val_mse: 3.0851e-05
Predicted.
array([[ 0.82971197],
       [ 0.89405698],
       [ 0.0893378 ],
       ..., 
       [ 0.38088799],
       [ 0.250976  ],
       [ 0.134459  ]], dtype=float32)
array([[ 0.78713244],
       [ 0.94588292],
       [ 0.20508316],
       ..., 
       [ 0.35361242],
       [ 0.39059728],
       [ 0.32059252]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_110.hdf
Epoch 112/112
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=112, initial_epoch=111, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 303s - loss: 0.0282 - mse: 2.8166e-05 - val_loss: 0.0306 - val_mse: 3.0626e-05
Wrote model to .\Goalie3Frames\weights_111.hdf
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=113, initial_epoch=112, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
Epoch 113/113
2108/2108 [==============================] - 307s - loss: 0.0280 - mse: 2.7968e-05 - val_loss: 0.0318 - val_mse: 3.1768e-05
Wrote model to .\Goalie3Frames\weights_112.hdf
Epoch 114/114
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=114, initial_epoch=113, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 303s - loss: 0.0280 - mse: 2.8014e-05 - val_loss: 0.0280 - val_mse: 2.8020e-05
Wrote model to .\Goalie3Frames\weights_113.hdf
Epoch 115/115
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=115, initial_epoch=114, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 301s - loss: 0.0281 - mse: 2.8123e-05 - val_loss: 0.0320 - val_mse: 3.1953e-05
Wrote model to .\Goalie3Frames\weights_114.hdf
Epoch 116/116
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=116, initial_epoch=115, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 306s - loss: 0.0280 - mse: 2.8048e-05 - val_loss: 0.0291 - val_mse: 2.9113e-05
Predicted.
array([[ 0.82971197],
       [ 0.89405698],
       [ 0.0893378 ],
       ..., 
       [ 0.52471   ],
       [ 0.60565299],
       [ 0.83798599]], dtype=float32)
array([[ 0.86691296],
       [ 0.91554642],
       [ 0.06342202],
       ..., 
       [ 0.64522445],
       [ 0.67892414],
       [ 0.74935031]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_115.hdf
Epoch 117/117
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=117, initial_epoch=116, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 300s - loss: 0.0277 - mse: 2.7667e-05 - val_loss: 0.0303 - val_mse: 3.0304e-05
Wrote model to .\Goalie3Frames\weights_116.hdf
Epoch 118/118
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=118, initial_epoch=117, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 298s - loss: 0.0274 - mse: 2.7409e-05 - val_loss: 0.0315 - val_mse: 3.1537e-05
Wrote model to .\Goalie3Frames\weights_117.hdf
Epoch 119/119
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=119, initial_epoch=118, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 310s - loss: 0.0279 - mse: 2.7862e-05 - val_loss: 0.0310 - val_mse: 3.0956e-05
Wrote model to .\Goalie3Frames\weights_118.hdf
Epoch 120/120
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=120, initial_epoch=119, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 309s - loss: 0.0274 - mse: 2.7394e-05 - val_loss: 0.0355 - val_mse: 3.5538e-05
Wrote model to .\Goalie3Frames\weights_119.hdf
Epoch 121/121
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=121, initial_epoch=120, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 309s - loss: 0.0274 - mse: 2.7363e-05 - val_loss: 0.0333 - val_mse: 3.3287e-05
Predicted.
array([[ 0.57834899],
       [ 0.52831399],
       [ 0.55797499],
       ..., 
       [ 0.47272199],
       [ 0.52972698],
       [ 0.969154  ]], dtype=float32)
array([[ 0.60960692],
       [ 0.49020049],
       [ 0.63535482],
       ..., 
       [ 0.63566637],
       [ 0.51331526],
       [ 0.91084319]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_120.hdf
Epoch 122/122
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=122, initial_epoch=121, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 307s - loss: 0.0272 - mse: 2.7197e-05 - val_loss: 0.0304 - val_mse: 3.0438e-05
Wrote model to .\Goalie3Frames\weights_121.hdf
Epoch 123/123
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=123, initial_epoch=122, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 316s - loss: 0.0272 - mse: 2.7173e-05 - val_loss: 0.0305 - val_mse: 3.0534e-05
Wrote model to .\Goalie3Frames\weights_122.hdf
Epoch 124/124
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=124, initial_epoch=123, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 308s - loss: 0.0272 - mse: 2.7194e-05 - val_loss: 0.0268 - val_mse: 2.6803e-05
Wrote model to .\Goalie3Frames\weights_123.hdf
Epoch 125/125
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=125, initial_epoch=124, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 303s - loss: 0.0269 - mse: 2.6917e-05 - val_loss: 0.0238 - val_mse: 2.3801e-05
Wrote model to .\Goalie3Frames\weights_124.hdf
Epoch 126/126
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=126, initial_epoch=125, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 320s - loss: 0.0267 - mse: 2.6693e-05 - val_loss: 0.0303 - val_mse: 3.0305e-05
Predicted.
array([[ 0.82971197],
       [ 0.89405698],
       [ 0.0893378 ],
       ..., 
       [ 0.38088799],
       [ 0.250976  ],
       [ 0.134459  ]], dtype=float32)
array([[ 0.78820586],
       [ 0.83816385],
       [ 0.19372308],
       ..., 
       [ 0.46197444],
       [ 0.51407415],
       [ 0.34945416]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_125.hdf
Epoch 127/127
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=127, initial_epoch=126, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 317s - loss: 0.0270 - mse: 2.6968e-05 - val_loss: 0.0300 - val_mse: 3.0046e-05
Wrote model to .\Goalie3Frames\weights_126.hdf
Epoch 128/128
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=128, initial_epoch=127, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 303s - loss: 0.0268 - mse: 2.6825e-05 - val_loss: 0.0301 - val_mse: 3.0076e-05
Wrote model to .\Goalie3Frames\weights_127.hdf
Epoch 129/129
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=129, initial_epoch=128, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 307s - loss: 0.0267 - mse: 2.6659e-05 - val_loss: 0.0299 - val_mse: 2.9933e-05
Wrote model to .\Goalie3Frames\weights_128.hdf
Starting at lr=0.000010
Batch size 20: 2108 training batches, 525 validation batches
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=130, initial_epoch=129, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
Epoch 130/130
2108/2108 [==============================] - 307s - loss: 0.0251 - mse: 2.5098e-05 - val_loss: 0.0268 - val_mse: 2.6785e-05
Wrote model to .\Goalie3Frames\weights_129.hdf
Epoch 131/131
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=131, initial_epoch=130, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 303s - loss: 0.0245 - mse: 2.4491e-05 - val_loss: 0.0353 - val_mse: 3.5289e-05
Predicted.
array([[  8.29711974e-01],
       [  8.94056976e-01],
       [  8.93378034e-02],
       ..., 
       [  4.39940006e-01],
       [  3.90197009e-01],
       [ -4.08008986e-04]], dtype=float32)
array([[ 0.81849819],
       [ 0.93953294],
       [ 0.22093326],
       ..., 
       [ 0.65915751],
       [ 0.58694315],
       [-0.04339516]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_130.hdf
Epoch 132/132
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=132, initial_epoch=131, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 304s - loss: 0.0246 - mse: 2.4565e-05 - val_loss: 0.0352 - val_mse: 3.5183e-05
Wrote model to .\Goalie3Frames\weights_131.hdf
Epoch 133/133
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=133, initial_epoch=132, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 319s - loss: 0.0247 - mse: 2.4666e-05 - val_loss: 0.0299 - val_mse: 2.9934e-05
Wrote model to .\Goalie3Frames\weights_132.hdf
Epoch 134/134
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=134, initial_epoch=133, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 303s - loss: 0.0247 - mse: 2.4692e-05 - val_loss: 0.0278 - val_mse: 2.7830e-05
Wrote model to .\Goalie3Frames\weights_133.hdf
Epoch 135/135
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=135, initial_epoch=134, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 304s - loss: 0.0245 - mse: 2.4465e-05 - val_loss: 0.0299 - val_mse: 2.9889e-05
Wrote model to .\Goalie3Frames\weights_134.hdf
Epoch 136/136
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=136, initial_epoch=135, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 308s - loss: 0.0243 - mse: 2.4271e-05 - val_loss: 0.0285 - val_mse: 2.8529e-05
Predicted.
array([[ 0.20632599],
       [ 0.90447402],
       [ 0.70664698],
       ..., 
       [ 0.26776701],
       [ 0.86940098],
       [ 0.261305  ]], dtype=float32)
array([[ 0.30910444],
       [ 0.72071952],
       [ 0.6940226 ],
       ..., 
       [ 0.32704711],
       [ 0.69003695],
       [ 0.40488997]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_135.hdf
Epoch 137/137
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=137, initial_epoch=136, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 304s - loss: 0.0240 - mse: 2.3966e-05 - val_loss: 0.0310 - val_mse: 3.1034e-05
Wrote model to .\Goalie3Frames\weights_136.hdf
Epoch 138/138
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=138, initial_epoch=137, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 304s - loss: 0.0240 - mse: 2.4003e-05 - val_loss: 0.0244 - val_mse: 2.4352e-05
Wrote model to .\Goalie3Frames\weights_137.hdf
Epoch 139/139
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=139, initial_epoch=138, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 320s - loss: 0.0241 - mse: 2.4117e-05 - val_loss: 0.0281 - val_mse: 2.8061e-05
Wrote model to .\Goalie3Frames\weights_138.hdf
Epoch 140/140
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=140, initial_epoch=139, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 303s - loss: 0.0240 - mse: 2.3960e-05 - val_loss: 0.0248 - val_mse: 2.4780e-05
Wrote model to .\Goalie3Frames\weights_139.hdf
Epoch 141/141
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=141, initial_epoch=140, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 305s - loss: 0.0238 - mse: 2.3811e-05 - val_loss: 0.0330 - val_mse: 3.3031e-05
Predicted.
array([[ 0.65868199],
       [ 0.63229197],
       [ 0.69546098],
       ..., 
       [ 0.602144  ],
       [ 0.969154  ],
       [ 0.52882999]], dtype=float32)
array([[ 0.79282081],
       [ 0.71195674],
       [ 0.54295671],
       ..., 
       [ 0.53142136],
       [ 0.87897849],
       [ 0.55264109]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_140.hdf
Epoch 142/142
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=142, initial_epoch=141, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 306s - loss: 0.0242 - mse: 2.4207e-05 - val_loss: 0.0287 - val_mse: 2.8656e-05
Wrote model to .\Goalie3Frames\weights_141.hdf
Epoch 143/143
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=143, initial_epoch=142, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 303s - loss: 0.0242 - mse: 2.4241e-05 - val_loss: 0.0301 - val_mse: 3.0055e-05
Wrote model to .\Goalie3Frames\weights_142.hdf
Epoch 144/144
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=144, initial_epoch=143, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 307s - loss: 0.0241 - mse: 2.4072e-05 - val_loss: 0.0278 - val_mse: 2.7758e-05
Wrote model to .\Goalie3Frames\weights_143.hdf
Epoch 145/145
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=145, initial_epoch=144, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 315s - loss: 0.0239 - mse: 2.3912e-05 - val_loss: 0.0306 - val_mse: 3.0565e-05
Wrote model to .\Goalie3Frames\weights_144.hdf
Epoch 146/146
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=146, initial_epoch=145, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 303s - loss: 0.0238 - mse: 2.3803e-05 - val_loss: 0.0270 - val_mse: 2.6998e-05
Predicted.
array([[ 0.82971197],
       [ 0.89405698],
       [ 0.0893378 ],
       ..., 
       [ 0.65134001],
       [ 0.64513099],
       [ 0.84085   ]], dtype=float32)
array([[ 0.80079663],
       [ 0.89071608],
       [ 0.17341149],
       ..., 
       [ 0.57577521],
       [ 0.55630118],
       [ 0.7310456 ]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_145.hdf
Epoch 147/147
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=147, initial_epoch=146, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 306s - loss: 0.0239 - mse: 2.3855e-05 - val_loss: 0.0257 - val_mse: 2.5690e-05
Wrote model to .\Goalie3Frames\weights_146.hdf
Epoch 148/148
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=148, initial_epoch=147, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 306s - loss: 0.0239 - mse: 2.3895e-05 - val_loss: 0.0278 - val_mse: 2.7780e-05
Wrote model to .\Goalie3Frames\weights_147.hdf
Epoch 149/149
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=149, initial_epoch=148, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 305s - loss: 0.0237 - mse: 2.3662e-05 - val_loss: 0.0193 - val_mse: 1.9279e-05
Wrote model to .\Goalie3Frames\weights_148.hdf
Epoch 150/150
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=150, initial_epoch=149, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 323s - loss: 0.0240 - mse: 2.4007e-05 - val_loss: 0.0200 - val_mse: 1.9981e-05
Wrote model to .\Goalie3Frames\weights_149.hdf
Epoch 151/151
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=151, initial_epoch=150, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 323s - loss: 0.0240 - mse: 2.3967e-05 - val_loss: 0.0285 - val_mse: 2.8450e-05
Predicted.
array([[ 0.65868199],
       [ 0.63229197],
       [ 0.69546098],
       ..., 
       [ 0.602144  ],
       [ 0.969154  ],
       [ 0.52882999]], dtype=float32)
array([[ 0.79486865],
       [ 0.63219523],
       [ 0.62332106],
       ..., 
       [ 0.58643061],
       [ 0.80740744],
       [ 0.51807302]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_150.hdf
Epoch 152/152
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=152, initial_epoch=151, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 316s - loss: 0.0239 - mse: 2.3894e-05 - val_loss: 0.0272 - val_mse: 2.7208e-05
Wrote model to .\Goalie3Frames\weights_151.hdf
Epoch 153/153
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=153, initial_epoch=152, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 320s - loss: 0.0237 - mse: 2.3674e-05 - val_loss: 0.0279 - val_mse: 2.7882e-05
Wrote model to .\Goalie3Frames\weights_152.hdf
Epoch 154/154
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=154, initial_epoch=153, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 329s - loss: 0.0236 - mse: 2.3588e-05 - val_loss: 0.0280 - val_mse: 2.8006e-05
Wrote model to .\Goalie3Frames\weights_153.hdf
Epoch 155/155
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=155, initial_epoch=154, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 332s - loss: 0.0235 - mse: 2.3481e-05 - val_loss: 0.0284 - val_mse: 2.8434e-05
Wrote model to .\Goalie3Frames\weights_154.hdf
Epoch 156/156
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=156, initial_epoch=155, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 348s - loss: 0.0236 - mse: 2.3604e-05 - val_loss: 0.0293 - val_mse: 2.9284e-05
Predicted.
array([[ 0.57834899],
       [ 0.52831399],
       [ 0.55797499],
       ..., 
       [ 0.47272199],
       [ 0.52972698],
       [ 0.969154  ]], dtype=float32)
array([[ 0.56385148],
       [ 0.55399477],
       [ 0.60155463],
       ..., 
       [ 0.55373889],
       [ 0.57194871],
       [ 0.87348759]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_155.hdf
Epoch 157/157
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=157, initial_epoch=156, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 308s - loss: 0.0237 - mse: 2.3707e-05 - val_loss: 0.0319 - val_mse: 3.1946e-05
Wrote model to .\Goalie3Frames\weights_156.hdf
Epoch 158/158
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=158, initial_epoch=157, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 315s - loss: 0.0238 - mse: 2.3845e-05 - val_loss: 0.0260 - val_mse: 2.5986e-05
Wrote model to .\Goalie3Frames\weights_157.hdf
Epoch 159/159
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=159, initial_epoch=158, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 304s - loss: 0.0236 - mse: 2.3643e-05 - val_loss: 0.0325 - val_mse: 3.2455e-05
Wrote model to .\Goalie3Frames\weights_158.hdf
Epoch 160/160
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=160, initial_epoch=159, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 309s - loss: 0.0235 - mse: 2.3498e-05 - val_loss: 0.0276 - val_mse: 2.7586e-05
Wrote model to .\Goalie3Frames\weights_159.hdf
Epoch 161/161
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=161, initial_epoch=160, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 306s - loss: 0.0235 - mse: 2.3524e-05 - val_loss: 0.0276 - val_mse: 2.7639e-05
Predicted.
array([[ 0.20632599],
       [ 0.90447402],
       [ 0.70664698],
       ..., 
       [ 0.26776701],
       [ 0.86940098],
       [ 0.261305  ]], dtype=float32)
array([[ 0.42014444],
       [ 0.73627692],
       [ 0.68736368],
       ..., 
       [ 0.26144248],
       [ 0.73097873],
       [ 0.35764626]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_160.hdf
Epoch 162/162
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=162, initial_epoch=161, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 315s - loss: 0.0235 - mse: 2.3476e-05 - val_loss: 0.0273 - val_mse: 2.7324e-05
Wrote model to .\Goalie3Frames\weights_161.hdf
Epoch 163/163
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=163, initial_epoch=162, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 309s - loss: 0.0234 - mse: 2.3389e-05 - val_loss: 0.0267 - val_mse: 2.6697e-05
Wrote model to .\Goalie3Frames\weights_162.hdf
Epoch 164/164
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=164, initial_epoch=163, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 307s - loss: 0.0236 - mse: 2.3622e-05 - val_loss: 0.0274 - val_mse: 2.7388e-05
Wrote model to .\Goalie3Frames\weights_163.hdf
Epoch 165/165
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=165, initial_epoch=164, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 303s - loss: 0.0237 - mse: 2.3746e-05 - val_loss: 0.0321 - val_mse: 3.2123e-05
Wrote model to .\Goalie3Frames\weights_164.hdf
Epoch 166/166
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=166, initial_epoch=165, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 309s - loss: 0.0234 - mse: 2.3357e-05 - val_loss: 0.0326 - val_mse: 3.2573e-05
Predicted.
array([[  8.29711974e-01],
       [  8.94056976e-01],
       [  8.93378034e-02],
       ..., 
       [  4.39940006e-01],
       [  3.90197009e-01],
       [ -4.08008986e-04]], dtype=float32)
array([[ 0.81259602],
       [ 0.82546675],
       [ 0.13872963],
       ..., 
       [ 0.64942664],
       [ 0.60913968],
       [-0.06893054]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_165.hdf
Epoch 167/167
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=167, initial_epoch=166, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 315s - loss: 0.0235 - mse: 2.3546e-05 - val_loss: 0.0180 - val_mse: 1.8004e-05
Wrote model to .\Goalie3Frames\weights_166.hdf
Epoch 168/168
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=168, initial_epoch=167, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 308s - loss: 0.0235 - mse: 2.3473e-05 - val_loss: 0.0271 - val_mse: 2.7076e-05
Wrote model to .\Goalie3Frames\weights_167.hdf
Epoch 169/169
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=169, initial_epoch=168, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 309s - loss: 0.0235 - mse: 2.3515e-05 - val_loss: 0.0275 - val_mse: 2.7478e-05
Wrote model to .\Goalie3Frames\weights_168.hdf
Starting at lr=0.000001
Batch size 20: 2108 training batches, 525 validation batches
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=170, initial_epoch=169, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
Epoch 170/170
2108/2108 [==============================] - 309s - loss: 0.0231 - mse: 2.3133e-05 - val_loss: 0.0264 - val_mse: 2.6394e-05
Wrote model to .\Goalie3Frames\weights_169.hdf
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=171, initial_epoch=170, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
Epoch 171/171
2108/2108 [==============================] - 307s - loss: 0.0233 - mse: 2.3254e-05 - val_loss: 0.0241 - val_mse: 2.4058e-05
Predicted.
array([[ 0.20632599],
       [ 0.90447402],
       [ 0.70664698],
       ..., 
       [ 0.26776701],
       [ 0.86940098],
       [ 0.261305  ]], dtype=float32)
array([[ 0.36045507],
       [ 0.6801672 ],
       [ 0.62612283],
       ..., 
       [ 0.25386363],
       [ 0.74059355],
       [ 0.34891403]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_170.hdf
Epoch 172/172
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=172, initial_epoch=171, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 315s - loss: 0.0230 - mse: 2.2967e-05 - val_loss: 0.0267 - val_mse: 2.6708e-05
Wrote model to .\Goalie3Frames\weights_171.hdf
Epoch 173/173
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=173, initial_epoch=172, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 318s - loss: 0.0231 - mse: 2.3095e-05 - val_loss: 0.0274 - val_mse: 2.7412e-05
Wrote model to .\Goalie3Frames\weights_172.hdf
Epoch 174/174
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=174, initial_epoch=173, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 309s - loss: 0.0231 - mse: 2.3121e-05 - val_loss: 0.0208 - val_mse: 2.0850e-05
Wrote model to .\Goalie3Frames\weights_173.hdf
Epoch 175/175
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=175, initial_epoch=174, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 312s - loss: 0.0231 - mse: 2.3138e-05 - val_loss: 0.0239 - val_mse: 2.3856e-05
Wrote model to .\Goalie3Frames\weights_174.hdf
Epoch 176/176
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=176, initial_epoch=175, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 308s - loss: 0.0231 - mse: 2.3096e-05 - val_loss: 0.0268 - val_mse: 2.6842e-05
Predicted.
array([[ 0.65868199],
       [ 0.63229197],
       [ 0.69546098],
       ..., 
       [ 0.0837835 ],
       [ 0.85897702],
       [ 0.89525402]], dtype=float32)
array([[ 0.77139449],
       [ 0.6027962 ],
       [ 0.63503593],
       ..., 
       [ 0.15275794],
       [ 0.87616348],
       [ 0.87418991]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_175.hdf
Epoch 177/177
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=177, initial_epoch=176, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 308s - loss: 0.0230 - mse: 2.3028e-05 - val_loss: 0.0320 - val_mse: 3.1991e-05
Wrote model to .\Goalie3Frames\weights_176.hdf
Epoch 178/178
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=178, initial_epoch=177, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 314s - loss: 0.0231 - mse: 2.3085e-05 - val_loss: 0.0265 - val_mse: 2.6530e-05
Wrote model to .\Goalie3Frames\weights_177.hdf
Epoch 179/179
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=179, initial_epoch=178, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 319s - loss: 0.0229 - mse: 2.2918e-05 - val_loss: 0.0245 - val_mse: 2.4478e-05
Wrote model to .\Goalie3Frames\weights_178.hdf
Epoch 180/180
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=180, initial_epoch=179, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 307s - loss: 0.0230 - mse: 2.3001e-05 - val_loss: 0.0274 - val_mse: 2.7420e-05
Wrote model to .\Goalie3Frames\weights_179.hdf
Epoch 181/181
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=181, initial_epoch=180, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 312s - loss: 0.0229 - mse: 2.2922e-05 - val_loss: 0.0270 - val_mse: 2.6979e-05
Predicted.
array([[ 0.20632599],
       [ 0.90447402],
       [ 0.70664698],
       ..., 
       [ 0.26776701],
       [ 0.86940098],
       [ 0.261305  ]], dtype=float32)
array([[ 0.34607372],
       [ 0.76538205],
       [ 0.67905074],
       ..., 
       [ 0.28421712],
       [ 0.72591913],
       [ 0.31257096]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_180.hdf
Epoch 182/182
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=182, initial_epoch=181, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 309s - loss: 0.0228 - mse: 2.2813e-05 - val_loss: 0.0266 - val_mse: 2.6574e-05
Wrote model to .\Goalie3Frames\weights_181.hdf
Epoch 183/183
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=183, initial_epoch=182, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 315s - loss: 0.0230 - mse: 2.3005e-05 - val_loss: 0.0268 - val_mse: 2.6838e-05
Wrote model to .\Goalie3Frames\weights_182.hdf
Epoch 184/184
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=184, initial_epoch=183, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 312s - loss: 0.0228 - mse: 2.2765e-05 - val_loss: 0.0301 - val_mse: 3.0099e-05
Wrote model to .\Goalie3Frames\weights_183.hdf
Epoch 185/185
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=185, initial_epoch=184, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 318s - loss: 0.0228 - mse: 2.2780e-05 - val_loss: 0.0270 - val_mse: 2.7021e-05
Wrote model to .\Goalie3Frames\weights_184.hdf
Epoch 186/186
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=186, initial_epoch=185, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 309s - loss: 0.0229 - mse: 2.2886e-05 - val_loss: 0.0328 - val_mse: 3.2846e-05
Predicted.
array([[ 0.45615399],
       [ 0.73929101],
       [ 0.0923727 ],
       ..., 
       [ 0.65800101],
       [ 0.47548699],
       [ 0.74029702]], dtype=float32)
array([[ 0.30024499],
       [ 0.40524754],
       [ 0.21826753],
       ..., 
       [ 0.39706594],
       [ 0.53192246],
       [ 0.34829021]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_185.hdf
Epoch 187/187
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=187, initial_epoch=186, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 314s - loss: 0.0231 - mse: 2.3089e-05 - val_loss: 0.0217 - val_mse: 2.1660e-05
Wrote model to .\Goalie3Frames\weights_186.hdf
Epoch 188/188
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=188, initial_epoch=187, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 308s - loss: 0.0228 - mse: 2.2840e-05 - val_loss: 0.0256 - val_mse: 2.5638e-05
Wrote model to .\Goalie3Frames\weights_187.hdf
Epoch 189/189
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=189, initial_epoch=188, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 308s - loss: 0.0229 - mse: 2.2875e-05 - val_loss: 0.0188 - val_mse: 1.8758e-05
Wrote model to .\Goalie3Frames\weights_188.hdf
Epoch 190/190
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=190, initial_epoch=189, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 318s - loss: 0.0231 - mse: 2.3071e-05 - val_loss: 0.0275 - val_mse: 2.7479e-05
Wrote model to .\Goalie3Frames\weights_189.hdf
Epoch 191/191
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=191, initial_epoch=190, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 314s - loss: 0.0229 - mse: 2.2874e-05 - val_loss: 0.0260 - val_mse: 2.6030e-05
Predicted.
array([[ 0.57834899],
       [ 0.52831399],
       [ 0.55797499],
       ..., 
       [ 0.47272199],
       [ 0.52972698],
       [ 0.969154  ]], dtype=float32)
array([[ 0.62005246],
       [ 0.5789026 ],
       [ 0.65469575],
       ..., 
       [ 0.68361223],
       [ 0.54012191],
       [ 0.90520138]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_190.hdf
Epoch 192/192
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=192, initial_epoch=191, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 309s - loss: 0.0228 - mse: 2.2835e-05 - val_loss: 0.0291 - val_mse: 2.9108e-05
Wrote model to .\Goalie3Frames\weights_191.hdf
Epoch 193/193
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=193, initial_epoch=192, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 311s - loss: 0.0228 - mse: 2.2828e-05 - val_loss: 0.0267 - val_mse: 2.6728e-05
Wrote model to .\Goalie3Frames\weights_192.hdf
Epoch 194/194
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=194, initial_epoch=193, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 313s - loss: 0.0226 - mse: 2.2587e-05 - val_loss: 0.0210 - val_mse: 2.0999e-05
Wrote model to .\Goalie3Frames\weights_193.hdf
Epoch 195/195
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=195, initial_epoch=194, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 309s - loss: 0.0229 - mse: 2.2928e-05 - val_loss: 0.0263 - val_mse: 2.6309e-05
Wrote model to .\Goalie3Frames\weights_194.hdf
Epoch 196/196
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=196, initial_epoch=195, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 322s - loss: 0.0229 - mse: 2.2918e-05 - val_loss: 0.0196 - val_mse: 1.9553e-05
Predicted.
array([[ 0.20632599],
       [ 0.90447402],
       [ 0.70664698],
       ..., 
       [ 0.26776701],
       [ 0.86940098],
       [ 0.261305  ]], dtype=float32)
array([[ 0.2053265 ],
       [ 0.77455664],
       [ 0.67979419],
       ..., 
       [ 0.32903212],
       [ 0.79611659],
       [ 0.3832801 ]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_195.hdf
Epoch 197/197
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=197, initial_epoch=196, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 313s - loss: 0.0225 - mse: 2.2484e-05 - val_loss: 0.0209 - val_mse: 2.0943e-05
Wrote model to .\Goalie3Frames\weights_196.hdf
Epoch 198/198
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=198, initial_epoch=197, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 310s - loss: 0.0227 - mse: 2.2743e-05 - val_loss: 0.0258 - val_mse: 2.5785e-05
Wrote model to .\Goalie3Frames\weights_197.hdf
Epoch 199/199
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=199, initial_epoch=198, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 310s - loss: 0.0232 - mse: 2.3235e-05 - val_loss: 0.0264 - val_mse: 2.6422e-05
Wrote model to .\Goalie3Frames\weights_198.hdf
Epoch 200/200
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=200, initial_epoch=199, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 313s - loss: 0.0229 - mse: 2.2939e-05 - val_loss: 0.0224 - val_mse: 2.2386e-05
Wrote model to .\Goalie3Frames\weights_199.hdf
Epoch 201/201
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=201, initial_epoch=200, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 313s - loss: 0.0230 - mse: 2.3024e-05 - val_loss: 0.0223 - val_mse: 2.2314e-05
Predicted.
array([[ 0.82971197],
       [ 0.89405698],
       [ 0.0893378 ],
       ..., 
       [ 0.38088799],
       [ 0.250976  ],
       [ 0.134459  ]], dtype=float32)
array([[ 0.80229902],
       [ 0.83117735],
       [ 0.14317915],
       ..., 
       [ 0.41326648],
       [ 0.46029049],
       [ 0.3838498 ]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_200.hdf
Epoch 202/202
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=202, initial_epoch=201, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 320s - loss: 0.0230 - mse: 2.2970e-05 - val_loss: 0.0292 - val_mse: 2.9202e-05
Wrote model to .\Goalie3Frames\weights_201.hdf
Epoch 203/203
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=203, initial_epoch=202, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 313s - loss: 0.0228 - mse: 2.2754e-05 - val_loss: 0.0250 - val_mse: 2.4996e-05
Wrote model to .\Goalie3Frames\weights_202.hdf
Epoch 204/204
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=204, initial_epoch=203, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 310s - loss: 0.0228 - mse: 2.2772e-05 - val_loss: 0.0327 - val_mse: 3.2682e-05
Wrote model to .\Goalie3Frames\weights_203.hdf
Epoch 205/205
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=205, initial_epoch=204, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 309s - loss: 0.0230 - mse: 2.2978e-05 - val_loss: 0.0281 - val_mse: 2.8076e-05
Wrote model to .\Goalie3Frames\weights_204.hdf
Epoch 206/206
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=206, initial_epoch=205, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 314s - loss: 0.0226 - mse: 2.2594e-05 - val_loss: 0.0266 - val_mse: 2.6579e-05
Predicted.
array([[ 0.65868199],
       [ 0.63229197],
       [ 0.69546098],
       ..., 
       [ 0.28093401],
       [ 0.43902299],
       [ 0.65296102]], dtype=float32)
array([[ 0.7573843 ],
       [ 0.75859499],
       [ 0.59397596],
       ..., 
       [ 0.24608304],
       [ 0.59845507],
       [ 0.60087132]], dtype=float32)
Wrote model to .\Goalie3Frames\weights_205.hdf
Epoch 207/207
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=207, initial_epoch=206, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 317s - loss: 0.0228 - mse: 2.2845e-05 - val_loss: 0.0202 - val_mse: 2.0166e-05
Wrote model to .\Goalie3Frames\weights_206.hdf
Epoch 208/208
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=208, initial_epoch=207, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 314s - loss: 0.0231 - mse: 2.3065e-05 - val_loss: 0.0319 - val_mse: 3.1855e-05
Wrote model to .\Goalie3Frames\weights_207.hdf
Epoch 209/209
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=209, initial_epoch=208, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 313s - loss: 0.0227 - mse: 2.2722e-05 - val_loss: 0.0260 - val_mse: 2.6043e-05
Wrote model to .\Goalie3Frames\weights_208.hdf
Epoch 210/210
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=210, initial_epoch=209, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2108/2108 [==============================] - 312s - loss: 0.0229 - mse: 2.2884e-05 - val_loss: 0.0203 - val_mse: 2.0321e-05
Wrote model to .\Goalie3Frames\weights_209.hdf
Epoch 211/211
C:\Users\geofm\AppData\Local\Continuum\Anaconda3\lib\site-packages\ipykernel\__main__.py:224: UserWarning: Update your `fit_generator` call to the Keras 2 API: `fit_generator(<__main__...., 2108, validation_steps=525, verbose=1, callbacks=None, max_queue_size=10, epochs=211, initial_epoch=210, workers=10, use_multiprocessing=False, validation_data=<__main__...., class_weight=None)`
2107/2108 [============================>.] - ETA: 0s - loss: 0.0230 - mse: 2.2988e-05
User stopped the training.