Skip to content

Stochastic Variational GP

Warning: Need to use GPUs in order for this to work.

import sys

# Add the path to the models
sys.path.insert(0, '/Users/eman/Documents/code_projects/ml4ocean')
sys.path.insert(0, '/home/emmanuel/projects/2019_ocean')
from src.models.utils import MultiTaskGP
from src.models.gpflow_gpu import SVGP, MOSVGP

%load_ext autoreload
%autoreload 2
The autoreload extension is already loaded. To reload it, use:
  %reload_ext autoreload
import time as time
import numpy as np
import gpflow
from sklearn.datasets import make_regression
from sklearn.model_selection import train_test_split
from sklearn.metrics import mean_absolute_error, mean_squared_error, r2_score
# Make Fake Dataset
X, y = make_regression(
    n_samples=10000, 
    n_features=10,    # Total Features
    n_informative=3,   # Informative Features 
    n_targets=10,
    bias=10,
    noise=0.8,
    random_state=123

)
train_size = 3000

# Training and Testing
xtrain, xtest, ytrain, ytest = train_test_split(
    X, y, train_size=train_size, random_state=123
)

xtrain.shape, ytrain.shape
((3000, 10), (3000, 10))
import tensorflow as tf
gpflow.__version__
'1.3.0'
tf.__version__
'1.13.1'
tf.train
<module 'tensorflow._api.v1.train' from '/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/_api/v1/train/__init__.py'>

SVGP Algorithm

# Test Arguments to Ensure it works
class TestArgs:
    num_inducing = 100
    iterations = 10
    small_iterations = 10
    adam_lr = 0.01
    gamma = 0.1
    minibatch_size = 100
    initial_likelihood_var = 0.01
    seed = 0

# Better training arguments
class Args:
    num_inducing = 100
    iterations = 10000
    small_iterations = 1000
    adam_lr = 0.01
    gamma = 0.1
    minibatch_size = 1000
    initial_likelihood_var = 0.01
# Good practice
gpflow.reset_default_graph_and_session()
# Initialize Model
gp_model = SVGP(
    num_inducing=TestArgs.num_inducing,
    iterations=TestArgs.iterations,
    small_iterations=TestArgs.small_iterations,
    adam_lr=TestArgs.adam_lr,
    gamma=TestArgs.gamma,
    minibatch_size=TestArgs.minibatch_size,
    initial_likelihood_var=TestArgs.initial_likelihood_var,
    seed=TestArgs.seed
)

# Fit Model to Data
t0 = time.time()
gp_model.fit(xtrain, ytrain)
t1 = time.time() - t0

print(
    f"Training Time: {t1:.3} seconds"
)
Training Time: 3.38 seconds
# Predict with test set
t0 = time.time()
ypred, ystd = gp_model.predict(xtest, return_std=True)
t1 = time.time() - t0
# Get Stats
mae = mean_absolute_error(ypred, ytest)
mse = mean_squared_error(ypred, ytest)
rmse = np.sqrt(mse)
r2 = r2_score(ypred, ytest)

print(
    f"GP Model:\n"
    f"MAE: {mae:.3f}\nMSE: {mse:.3f}\nRMSE: {rmse:.3f}\nR2: {r2:.3f}" 
    f" \nTime: {t1:.3} seconds"
)
GP Model:
MAE: 15.433
MSE: 549.661
RMSE: 23.445
R2: 0.951 
Time: 0.248 seconds

MultiOutput

# Good practice
gpflow.reset_default_graph_and_session()

# Initialize Model
mogp_model = MOSVGP(
    num_inducing=TestArgs.num_inducing,
    iterations=TestArgs.iterations,
    small_iterations=TestArgs.small_iterations,
    adam_lr=TestArgs.adam_lr,
    gamma=TestArgs.gamma,
    minibatch_size=TestArgs.minibatch_size,
    initial_likelihood_var=TestArgs.initial_likelihood_var,
    seed=TestArgs.seed
)

# Fit Model to Data
t0 = time.time()
mogp_model.fit(xtrain, ytrain)
t1 = time.time() - t0

print(
    f"Training Time: {t1:.3} seconds"
)
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'SquaredExponential-45642233-434/variance/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 123, in <listcomp>
    kern_list = [gpflow.kernels.RBF(X.shape[1], lengthscales=float(X.shape[1])**0.5) for _ in range(p_outputs)]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'SquaredExponential-45642233-434/variance/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 123, in <listcomp>
    kern_list = [gpflow.kernels.RBF(X.shape[1], lengthscales=float(X.shape[1])**0.5) for _ in range(p_outputs)]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'SquaredExponential-45642233-434/lengthscales/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 123, in <listcomp>
    kern_list = [gpflow.kernels.RBF(X.shape[1], lengthscales=float(X.shape[1])**0.5) for _ in range(p_outputs)]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'SquaredExponential-45642233-434/lengthscales/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 123, in <listcomp>
    kern_list = [gpflow.kernels.RBF(X.shape[1], lengthscales=float(X.shape[1])**0.5) for _ in range(p_outputs)]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'SVGP-e0dbec03-470/q_mu/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 90, in __init__
    self.build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/models/model.py", line 79, in _build
    likelihood = self._build_likelihood()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'SVGP-e0dbec03-470/q_mu/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 90, in __init__
    self.build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/models/model.py", line 79, in _build
    likelihood = self._build_likelihood()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'SVGP-e0dbec03-470/q_sqrt/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 90, in __init__
    self.build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/models/model.py", line 79, in _build
    likelihood = self._build_likelihood()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'SVGP-e0dbec03-470/q_sqrt/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 90, in __init__
    self.build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/models/model.py", line 79, in _build
    likelihood = self._build_likelihood()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'InducingPoints-f9e81908-431/Z/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 117, in <listcomp>
    feature_list = [gpflow.features.InducingPoints(Z) for Z in Zs]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'InducingPoints-f9e81908-431/Z/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 117, in <listcomp>
    feature_list = [gpflow.features.InducingPoints(Z) for Z in Zs]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'InducingPoints-ccb70bbc-429/Z/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 117, in <listcomp>
    feature_list = [gpflow.features.InducingPoints(Z) for Z in Zs]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'InducingPoints-ccb70bbc-429/Z/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 117, in <listcomp>
    feature_list = [gpflow.features.InducingPoints(Z) for Z in Zs]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'InducingPoints-acb3180b-427/Z/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 117, in <listcomp>
    feature_list = [gpflow.features.InducingPoints(Z) for Z in Zs]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'InducingPoints-acb3180b-427/Z/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 117, in <listcomp>
    feature_list = [gpflow.features.InducingPoints(Z) for Z in Zs]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'InducingPoints-26262c03-425/Z/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 117, in <listcomp>
    feature_list = [gpflow.features.InducingPoints(Z) for Z in Zs]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'InducingPoints-26262c03-425/Z/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 117, in <listcomp>
    feature_list = [gpflow.features.InducingPoints(Z) for Z in Zs]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'InducingPoints-80f68d98-423/Z/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 117, in <listcomp>
    feature_list = [gpflow.features.InducingPoints(Z) for Z in Zs]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'InducingPoints-80f68d98-423/Z/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 117, in <listcomp>
    feature_list = [gpflow.features.InducingPoints(Z) for Z in Zs]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'InducingPoints-74b9eacd-421/Z/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 117, in <listcomp>
    feature_list = [gpflow.features.InducingPoints(Z) for Z in Zs]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'InducingPoints-74b9eacd-421/Z/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 117, in <listcomp>
    feature_list = [gpflow.features.InducingPoints(Z) for Z in Zs]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'InducingPoints-11d952c0-419/Z/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 117, in <listcomp>
    feature_list = [gpflow.features.InducingPoints(Z) for Z in Zs]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'InducingPoints-11d952c0-419/Z/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 117, in <listcomp>
    feature_list = [gpflow.features.InducingPoints(Z) for Z in Zs]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'InducingPoints-47806db6-417/Z/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 117, in <listcomp>
    feature_list = [gpflow.features.InducingPoints(Z) for Z in Zs]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'InducingPoints-47806db6-417/Z/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 117, in <listcomp>
    feature_list = [gpflow.features.InducingPoints(Z) for Z in Zs]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'InducingPoints-11925c8c-415/Z/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 117, in <listcomp>
    feature_list = [gpflow.features.InducingPoints(Z) for Z in Zs]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'InducingPoints-11925c8c-415/Z/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 117, in <listcomp>
    feature_list = [gpflow.features.InducingPoints(Z) for Z in Zs]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'InducingPoints-d7e62354-413/Z/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 117, in <listcomp>
    feature_list = [gpflow.features.InducingPoints(Z) for Z in Zs]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'InducingPoints-d7e62354-413/Z/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 117, in <listcomp>
    feature_list = [gpflow.features.InducingPoints(Z) for Z in Zs]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'Gaussian-19b0f915-466/variance/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'Gaussian-19b0f915-466/variance/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'SquaredExponential-7b60f6df-461/variance/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 123, in <listcomp>
    kern_list = [gpflow.kernels.RBF(X.shape[1], lengthscales=float(X.shape[1])**0.5) for _ in range(p_outputs)]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'SquaredExponential-7b60f6df-461/variance/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 123, in <listcomp>
    kern_list = [gpflow.kernels.RBF(X.shape[1], lengthscales=float(X.shape[1])**0.5) for _ in range(p_outputs)]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'SquaredExponential-7b60f6df-461/lengthscales/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 123, in <listcomp>
    kern_list = [gpflow.kernels.RBF(X.shape[1], lengthscales=float(X.shape[1])**0.5) for _ in range(p_outputs)]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'SquaredExponential-7b60f6df-461/lengthscales/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 123, in <listcomp>
    kern_list = [gpflow.kernels.RBF(X.shape[1], lengthscales=float(X.shape[1])**0.5) for _ in range(p_outputs)]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'SquaredExponential-73d8c657-458/variance/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 123, in <listcomp>
    kern_list = [gpflow.kernels.RBF(X.shape[1], lengthscales=float(X.shape[1])**0.5) for _ in range(p_outputs)]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'SquaredExponential-73d8c657-458/variance/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 123, in <listcomp>
    kern_list = [gpflow.kernels.RBF(X.shape[1], lengthscales=float(X.shape[1])**0.5) for _ in range(p_outputs)]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'SquaredExponential-73d8c657-458/lengthscales/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 123, in <listcomp>
    kern_list = [gpflow.kernels.RBF(X.shape[1], lengthscales=float(X.shape[1])**0.5) for _ in range(p_outputs)]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'SquaredExponential-73d8c657-458/lengthscales/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 123, in <listcomp>
    kern_list = [gpflow.kernels.RBF(X.shape[1], lengthscales=float(X.shape[1])**0.5) for _ in range(p_outputs)]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'SquaredExponential-d8cf11fb-455/variance/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 123, in <listcomp>
    kern_list = [gpflow.kernels.RBF(X.shape[1], lengthscales=float(X.shape[1])**0.5) for _ in range(p_outputs)]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'SquaredExponential-d8cf11fb-455/variance/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 123, in <listcomp>
    kern_list = [gpflow.kernels.RBF(X.shape[1], lengthscales=float(X.shape[1])**0.5) for _ in range(p_outputs)]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'SquaredExponential-d8cf11fb-455/lengthscales/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 123, in <listcomp>
    kern_list = [gpflow.kernels.RBF(X.shape[1], lengthscales=float(X.shape[1])**0.5) for _ in range(p_outputs)]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'SquaredExponential-d8cf11fb-455/lengthscales/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 123, in <listcomp>
    kern_list = [gpflow.kernels.RBF(X.shape[1], lengthscales=float(X.shape[1])**0.5) for _ in range(p_outputs)]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'SquaredExponential-1d25334b-452/variance/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 123, in <listcomp>
    kern_list = [gpflow.kernels.RBF(X.shape[1], lengthscales=float(X.shape[1])**0.5) for _ in range(p_outputs)]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'SquaredExponential-1d25334b-452/variance/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 123, in <listcomp>
    kern_list = [gpflow.kernels.RBF(X.shape[1], lengthscales=float(X.shape[1])**0.5) for _ in range(p_outputs)]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'SquaredExponential-1d25334b-452/lengthscales/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 123, in <listcomp>
    kern_list = [gpflow.kernels.RBF(X.shape[1], lengthscales=float(X.shape[1])**0.5) for _ in range(p_outputs)]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'SquaredExponential-1d25334b-452/lengthscales/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 123, in <listcomp>
    kern_list = [gpflow.kernels.RBF(X.shape[1], lengthscales=float(X.shape[1])**0.5) for _ in range(p_outputs)]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'SquaredExponential-cc63fa57-449/variance/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 123, in <listcomp>
    kern_list = [gpflow.kernels.RBF(X.shape[1], lengthscales=float(X.shape[1])**0.5) for _ in range(p_outputs)]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'SquaredExponential-cc63fa57-449/variance/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 123, in <listcomp>
    kern_list = [gpflow.kernels.RBF(X.shape[1], lengthscales=float(X.shape[1])**0.5) for _ in range(p_outputs)]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'SquaredExponential-cc63fa57-449/lengthscales/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 123, in <listcomp>
    kern_list = [gpflow.kernels.RBF(X.shape[1], lengthscales=float(X.shape[1])**0.5) for _ in range(p_outputs)]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'SquaredExponential-cc63fa57-449/lengthscales/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 123, in <listcomp>
    kern_list = [gpflow.kernels.RBF(X.shape[1], lengthscales=float(X.shape[1])**0.5) for _ in range(p_outputs)]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'SquaredExponential-073e19f5-446/variance/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 123, in <listcomp>
    kern_list = [gpflow.kernels.RBF(X.shape[1], lengthscales=float(X.shape[1])**0.5) for _ in range(p_outputs)]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'SquaredExponential-073e19f5-446/variance/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 123, in <listcomp>
    kern_list = [gpflow.kernels.RBF(X.shape[1], lengthscales=float(X.shape[1])**0.5) for _ in range(p_outputs)]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'SquaredExponential-073e19f5-446/lengthscales/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 123, in <listcomp>
    kern_list = [gpflow.kernels.RBF(X.shape[1], lengthscales=float(X.shape[1])**0.5) for _ in range(p_outputs)]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'SquaredExponential-073e19f5-446/lengthscales/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 123, in <listcomp>
    kern_list = [gpflow.kernels.RBF(X.shape[1], lengthscales=float(X.shape[1])**0.5) for _ in range(p_outputs)]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'SquaredExponential-0a302487-443/variance/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 123, in <listcomp>
    kern_list = [gpflow.kernels.RBF(X.shape[1], lengthscales=float(X.shape[1])**0.5) for _ in range(p_outputs)]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'SquaredExponential-0a302487-443/variance/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 123, in <listcomp>
    kern_list = [gpflow.kernels.RBF(X.shape[1], lengthscales=float(X.shape[1])**0.5) for _ in range(p_outputs)]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'SquaredExponential-0a302487-443/lengthscales/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 123, in <listcomp>
    kern_list = [gpflow.kernels.RBF(X.shape[1], lengthscales=float(X.shape[1])**0.5) for _ in range(p_outputs)]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'SquaredExponential-0a302487-443/lengthscales/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 123, in <listcomp>
    kern_list = [gpflow.kernels.RBF(X.shape[1], lengthscales=float(X.shape[1])**0.5) for _ in range(p_outputs)]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'SquaredExponential-14363597-440/variance/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 123, in <listcomp>
    kern_list = [gpflow.kernels.RBF(X.shape[1], lengthscales=float(X.shape[1])**0.5) for _ in range(p_outputs)]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'SquaredExponential-14363597-440/variance/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 123, in <listcomp>
    kern_list = [gpflow.kernels.RBF(X.shape[1], lengthscales=float(X.shape[1])**0.5) for _ in range(p_outputs)]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'SquaredExponential-14363597-440/lengthscales/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 123, in <listcomp>
    kern_list = [gpflow.kernels.RBF(X.shape[1], lengthscales=float(X.shape[1])**0.5) for _ in range(p_outputs)]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'SquaredExponential-14363597-440/lengthscales/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 123, in <listcomp>
    kern_list = [gpflow.kernels.RBF(X.shape[1], lengthscales=float(X.shape[1])**0.5) for _ in range(p_outputs)]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'SquaredExponential-2c117ee9-437/variance/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 123, in <listcomp>
    kern_list = [gpflow.kernels.RBF(X.shape[1], lengthscales=float(X.shape[1])**0.5) for _ in range(p_outputs)]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'SquaredExponential-2c117ee9-437/variance/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 123, in <listcomp>
    kern_list = [gpflow.kernels.RBF(X.shape[1], lengthscales=float(X.shape[1])**0.5) for _ in range(p_outputs)]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'SquaredExponential-2c117ee9-437/lengthscales/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 123, in <listcomp>
    kern_list = [gpflow.kernels.RBF(X.shape[1], lengthscales=float(X.shape[1])**0.5) for _ in range(p_outputs)]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
ERROR:tensorflow:==================================
Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
<tf.Tensor 'SquaredExponential-2c117ee9-437/lengthscales/IsVariableInitialized:0' shape=() dtype=bool>
If you want to mark it as used call its "mark_used()" method.
It was originally created here:
  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3316, in run_code
    return outflag  File "<ipython-input-53-d2d7c739ed38>", line 18, in <module>
    gp_model.fit(xtrain, ytrain)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 130, in fit
    self.model = gpflow.models.SVGP(X, Y, kern, lik, feat=feature, minibatch_size=mb_size)  File "/home/emmanuel/projects/2019_ocean/src/models/gpflow_gpu.py", line 123, in <listcomp>
    kern_list = [gpflow.kernels.RBF(X.shape[1], lengthscales=float(X.shape[1])**0.5) for _ in range(p_outputs)]  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/compilable.py", line 91, in __init__
    self.initialize(force=True)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameterized.py", line 302, in _build
    self._prior_tensor = self._build_prior(priors)  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/core/node.py", line 156, in build
    self._build()  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/params/parameter.py", line 370, in _build
    self._prior_tensor = prior  File "/home/emmanuel/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/util/tf_should_use.py", line 193, in wrapped
    return _add_should_use_warning(fn(*args, **kwargs))
==================================
---------------------------------------------------------------------------
InvalidArgumentError                      Traceback (most recent call last)
~/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/framework/ops.py in get_attr(self, name)
   2408       with c_api_util.tf_buffer() as buf:
-> 2409         c_api.TF_OperationGetAttrValueProto(self._c_op, name, buf)
   2410         data = c_api.TF_GetBuffer(buf)

InvalidArgumentError: Operation 'SVGP-dd93669f-736/conditional/Sum_19' has no attr named '_XlaCompile'.

During handling of the above exception, another exception occurred:

ValueError                                Traceback (most recent call last)
~/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/ops/gradients_impl.py in _MaybeCompile(scope, op, func, grad_fn)
    414     try:
--> 415       xla_compile = op.get_attr("_XlaCompile")
    416       xla_separate_compiled_gradients = op.get_attr(

~/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/framework/ops.py in get_attr(self, name)
   2412       # Convert to ValueError for backwards compatibility.
-> 2413       raise ValueError(str(e))
   2414     x = attr_value_pb2.AttrValue()

ValueError: Operation 'SVGP-dd93669f-736/conditional/Sum_19' has no attr named '_XlaCompile'.

During handling of the above exception, another exception occurred:

KeyboardInterrupt                         Traceback (most recent call last)
<ipython-input-63-4fa9e5a9f15e> in <module>
     16 # Fit Model to Data
     17 t0 = time.time()
---> 18 mogp_model.fit(xtrain, ytrain)
     19 t1 = time.time() - t0
     20 

~/projects/2019_ocean/src/models/gpflow_gpu.py in fit(self, X, Y)
    134             self.model.q_sqrt.set_trainable(False)
    135             self.ng = gpflow.train.NatGradOptimizer(gamma=self.gamma).make_optimize_tensor(self.model, var_list=var_list)
--> 136             self.adam = gpflow.train.AdamOptimizer(self.adam_lr).make_optimize_tensor(self.model)
    137 
    138             self.sess = self.model.enquire_session()

~/.conda/envs/dl_py36/lib/python3.6/site-packages/gpflow/training/tensorflow_optimizer.py in make_optimize_tensor(self, model, session, var_list, **kwargs)
     52         # Create optimizer variables before initialization.
     53         with session.as_default():
---> 54             minimize = self.optimizer.minimize(objective, var_list=full_var_list, **kwargs)
     55             model.initialize(session=session)
     56             self._initialize_optimizer(session)

~/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/training/optimizer.py in minimize(self, loss, global_step, var_list, gate_gradients, aggregation_method, colocate_gradients_with_ops, name, grad_loss)
    401         aggregation_method=aggregation_method,
    402         colocate_gradients_with_ops=colocate_gradients_with_ops,
--> 403         grad_loss=grad_loss)
    404 
    405     vars_with_grad = [v for g, v in grads_and_vars if g is not None]

~/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/training/optimizer.py in compute_gradients(self, loss, var_list, gate_gradients, aggregation_method, colocate_gradients_with_ops, grad_loss)
    510         gate_gradients=(gate_gradients == Optimizer.GATE_OP),
    511         aggregation_method=aggregation_method,
--> 512         colocate_gradients_with_ops=colocate_gradients_with_ops)
    513     if gate_gradients == Optimizer.GATE_GRAPH:
    514       grads = control_flow_ops.tuple(grads)

~/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/ops/gradients_impl.py in gradients(ys, xs, grad_ys, name, colocate_gradients_with_ops, gate_gradients, aggregation_method, stop_gradients, unconnected_gradients)
    662     return _GradientsHelper(ys, xs, grad_ys, name, colocate_gradients_with_ops,
    663                             gate_gradients, aggregation_method, stop_gradients,
--> 664                             unconnected_gradients)
    665 
    666 

~/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/ops/gradients_impl.py in _GradientsHelper(ys, xs, grad_ys, name, colocate_gradients_with_ops, gate_gradients, aggregation_method, stop_gradients, unconnected_gradients, src_graph)
    963                 # functions.
    964                 in_grads = _MaybeCompile(grad_scope, op, func_call,
--> 965                                          lambda: grad_fn(op, *out_grads))
    966               else:
    967                 # For function call ops, we add a 'SymbolicGradient'

~/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/ops/gradients_impl.py in _MaybeCompile(scope, op, func, grad_fn)
    418       xla_scope = op.get_attr("_XlaScope").decode()
    419     except ValueError:
--> 420       return grad_fn()  # Exit early
    421 
    422   if not xla_compile:

~/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/ops/gradients_impl.py in <lambda>()
    963                 # functions.
    964                 in_grads = _MaybeCompile(grad_scope, op, func_call,
--> 965                                          lambda: grad_fn(op, *out_grads))
    966               else:
    967                 # For function call ops, we add a 'SymbolicGradient'

~/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/ops/math_grad.py in _SumGrad(op, grad)
     79   # sense.
     80   with ops.colocate_with(input_shape):
---> 81     output_shape_kept_dims = math_ops.reduced_shape(input_shape, op.inputs[1])
     82     tile_scaling = _safe_shape_div(input_shape, output_shape_kept_dims)
     83   grad = array_ops.reshape(grad, output_shape_kept_dims)

~/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/ops/math_ops.py in reduced_shape(input_shape, axes)
   3072   return gen_data_flow_ops.dynamic_stitch(  # [2, 1, 1, 7]
   3073       [
-> 3074           range(input_rank),  # [0, 1, 2, 3]
   3075           axes
   3076       ],  # [1, 2]

~/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/ops/math_ops.py in range(start, limit, delta, dtype, name)
   1197       delta = cast(delta, inferred_dtype)
   1198 
-> 1199     return gen_math_ops._range(start, limit, delta, name=name)
   1200 
   1201 

~/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/ops/gen_math_ops.py in _range(start, limit, delta, name)
   6744   # Add nodes to the TensorFlow graph.
   6745   _, _, _op = _op_def_lib._apply_op_helper(
-> 6746         "Range", start=start, limit=limit, delta=delta, name=name)
   6747   _result = _op.outputs[:]
   6748   _inputs_flat = _op.inputs

~/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/framework/op_def_library.py in _apply_op_helper(self, op_type_name, name, **keywords)
    787                          input_types=input_types, attrs=attr_protos,
    788                          op_def=op_def)
--> 789       return output_structure, op_def.is_stateful, op
    790 
    791 # pylint: enable=invalid-name

~/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/framework/ops.py in __exit__(self, type_arg, value_arg, traceback_arg)
   6098     else:
   6099       self._name_scope.__exit__(type_arg, value_arg, traceback_arg)
-> 6100       self._g_manager.__exit__(type_arg, value_arg, traceback_arg)
   6101     return False  # False values do not suppress exceptions
   6102 

~/.conda/envs/dl_py36/lib/python3.6/contextlib.py in __exit__(self, type, value, traceback)
     86         if type is None:
     87             try:
---> 88                 next(self.gen)
     89             except StopIteration:
     90                 return False

~/.conda/envs/dl_py36/lib/python3.6/site-packages/tensorflow/python/framework/ops.py in get_controller(self, default)
   5251       with super(_DefaultGraphStack, self).get_controller(
   5252           default) as g, context.graph_mode():
-> 5253         yield g
   5254     finally:
   5255       # If an exception is raised here it may be hiding a related exception in

KeyboardInterrupt: 
# Predict with test set
t0 = time.time()
ypred, ystd = mogp_model.predict(xtest, return_std=True)
t1 = time.time() - t0
# Get Stats
mae = mean_absolute_error(ypred, ytest)
mse = mean_squared_error(ypred, ytest)
rmse = np.sqrt(mse)
r2 = r2_score(ypred, ytest)

print(
    f"GP Model:\n"
    f"MAE: {mae:.3f}\nMSE: {mse:.3f}\nRMSE: {rmse:.3f}\nR2: {r2:.3f}" 
    f" \nTime: {t1:.3} seconds"
)