4.3. IBL’s Recordings from the striatum of a mouse performing a visual discrimination task#

In this notebook we download publically available data from the International Brain Laboratory, epoch it, run svGPFA and plot its results.

4.3.1. Setup environment#

4.3.1.1. Import required packages#

import sys
import warnings
import pickle
import time
import configparser
import numpy as np
import pandas as pd
import torch

from one.api import ONE
import brainbox.io.one
import iblUtils

import gcnu_common.utils.neural_data_analysis
import gcnu_common.stats.pointProcesses.tests
import gcnu_common.utils.config_dict
import svGPFA.stats.svGPFAModelFactory
import svGPFA.stats.svEM
import svGPFA.utils.miscUtils
import svGPFA.utils.initUtils
import svGPFA.plot.plotUtilsPlotly

4.3.1.2. Set data parameters#

eID = "ebe2efe3-e8a1-451a-8947-76ef42427cc9"
probe_id = "probe00"
epoch_event_name = "response_times"
clusters_ids_filename = "../init/clustersIDs_40_64.csv"
trials_ids_filename = "../init/trialsIDs_0_89.csv"
min_neuron_trials_avg_firing_rate = 0.1

4.3.1.3. Set estimation hyperparameters#

n_latents = 10
em_max_iter_dyn = 200
common_n_ind_points = 15
est_init_number = 0
est_init_config_filename_pattern = "../init/{:08d}_IBL_estimation_metaData.ini"
model_save_filename = "../results/stiatum_ibl_model.pickle"

4.3.2. Epoch#

4.3.2.1. Download data#

one = ONE(base_url='https://openalyx.internationalbrainlab.org',
          password='international', silent=True)
spikes = one.load_object(eID, 'spikes', 'alf/probe00/pykilosort')
clusters = one.load_object(eID, "clusters", f"alf/{probe_id}/pykilosort")
trials = one.load_object(eID, 'trials')

4.3.2.2. Extract variables of interest#

clusters_ids = np.unique(spikes.clusters.tolist())
n_clusters = len(clusters_ids)
channels_for_clusters_ids = clusters.channels
els = brainbox.io.one.load_channel_locations(eID, one=one)
locs_for_clusters_ids = els[probe_id]["acronym"][channels_for_clusters_ids].tolist()

4.3.2.3. Epoch spikes times#

epoch_times = trials[epoch_event_name]
n_trials = len(epoch_times)

epoch_start_times = [trials["intervals"][r][0] for r in range(n_trials)]
epoch_end_times = [trials["intervals"][r][1] for r in range(n_trials)]

spikes_times_by_neuron = []
for cluster_id in clusters_ids:
    print(f"Processing cluster {cluster_id}")
    neuron_spikes_times = spikes.times[spikes.clusters==cluster_id]
    n_epoched_spikes_times = iblUtils.epoch_neuron_spikes_times(
        neuron_spikes_times=neuron_spikes_times,
        epoch_times = epoch_times,
        epoch_start_times=epoch_start_times,
        epoch_end_times=epoch_end_times)
    spikes_times_by_neuron.append(n_epoched_spikes_times)
spikes_times = [[spikes_times_by_neuron[n][r] for n in range(n_clusters)]
                for r in range(n_trials)]

trials_start_times = [epoch_start_times[r]-epoch_times[r] for r in range(n_trials)]
trials_end_times = [epoch_end_times[r]-epoch_times[r] for r in range(n_trials)]
n_neurons = len(spikes_times[0])
Processing cluster 0
Processing cluster 1
Processing cluster 2
Processing cluster 3
Processing cluster 4
Processing cluster 5
Processing cluster 6
Processing cluster 7
Processing cluster 8
Processing cluster 9
Processing cluster 10
Processing cluster 11
Processing cluster 12
Processing cluster 13
Processing cluster 14
Processing cluster 15
Processing cluster 16
Processing cluster 17
Processing cluster 18
Processing cluster 19
Processing cluster 20
Processing cluster 21
Processing cluster 22
Processing cluster 23
Processing cluster 24
Processing cluster 25
Processing cluster 26
Processing cluster 27
Processing cluster 28
Processing cluster 29
Processing cluster 30
Processing cluster 31
Processing cluster 32
Processing cluster 33
Processing cluster 34
Processing cluster 35
Processing cluster 36
Processing cluster 37
Processing cluster 38
Processing cluster 39
Processing cluster 40
Processing cluster 41
Processing cluster 42
Processing cluster 43
Processing cluster 44
Processing cluster 45
Processing cluster 46
Processing cluster 47
Processing cluster 48
Processing cluster 49
Processing cluster 50
Processing cluster 51
Processing cluster 52
Processing cluster 53
Processing cluster 54
Processing cluster 55
Processing cluster 56
Processing cluster 57
Processing cluster 58
Processing cluster 59
Processing cluster 60
Processing cluster 61
Processing cluster 62
Processing cluster 63
Processing cluster 64
Processing cluster 65
Processing cluster 66
Processing cluster 67
Processing cluster 68
Processing cluster 69
Processing cluster 70
Processing cluster 71
Processing cluster 72
Processing cluster 73
Processing cluster 74
Processing cluster 75
Processing cluster 76
Processing cluster 77
Processing cluster 78
Processing cluster 79
Processing cluster 80
Processing cluster 81
Processing cluster 82
Processing cluster 83
Processing cluster 84
Processing cluster 85
Processing cluster 86
Processing cluster 87
Processing cluster 88
Processing cluster 89
Processing cluster 90
Processing cluster 91
Processing cluster 92
Processing cluster 93
Processing cluster 94
Processing cluster 95
Processing cluster 96
Processing cluster 97
Processing cluster 98
Processing cluster 99
Processing cluster 100
Processing cluster 101
Processing cluster 102
Processing cluster 103
Processing cluster 104
Processing cluster 105
Processing cluster 106
Processing cluster 107
Processing cluster 108
Processing cluster 109
Processing cluster 110
Processing cluster 111
Processing cluster 112
Processing cluster 113
Processing cluster 114
Processing cluster 115
Processing cluster 116
Processing cluster 117
Processing cluster 118
Processing cluster 119
Processing cluster 120
Processing cluster 121
Processing cluster 122
Processing cluster 123
Processing cluster 124
Processing cluster 125
Processing cluster 126
Processing cluster 127
Processing cluster 128
Processing cluster 129
Processing cluster 130
Processing cluster 131
Processing cluster 132
Processing cluster 133
Processing cluster 134
Processing cluster 135
Processing cluster 136
Processing cluster 137
Processing cluster 138
Processing cluster 139
Processing cluster 140
Processing cluster 141
Processing cluster 142
Processing cluster 143
Processing cluster 144
Processing cluster 145
Processing cluster 146
Processing cluster 147
Processing cluster 148
Processing cluster 149
Processing cluster 150
Processing cluster 151
Processing cluster 152
Processing cluster 153
Processing cluster 154
Processing cluster 155
Processing cluster 156
Processing cluster 157
Processing cluster 158
Processing cluster 159
Processing cluster 160
Processing cluster 161
Processing cluster 162
Processing cluster 163
Processing cluster 164
Processing cluster 165
Processing cluster 166
Processing cluster 167
Processing cluster 168
Processing cluster 169
Processing cluster 170
Processing cluster 171
Processing cluster 172
Processing cluster 173
Processing cluster 174
Processing cluster 175
Processing cluster 176
Processing cluster 177
Processing cluster 178
Processing cluster 179
Processing cluster 180
Processing cluster 181
Processing cluster 182
Processing cluster 183
Processing cluster 184
Processing cluster 185
Processing cluster 186
Processing cluster 187
Processing cluster 188
Processing cluster 189
Processing cluster 190
Processing cluster 191
Processing cluster 192
Processing cluster 193
Processing cluster 194
Processing cluster 195
Processing cluster 196
Processing cluster 197
Processing cluster 198
Processing cluster 199
Processing cluster 200
Processing cluster 201
Processing cluster 202
Processing cluster 203
Processing cluster 204
Processing cluster 205
Processing cluster 206
Processing cluster 207
Processing cluster 208
Processing cluster 209
Processing cluster 210
Processing cluster 211
Processing cluster 212
Processing cluster 213
Processing cluster 214
Processing cluster 215
Processing cluster 216
Processing cluster 217
Processing cluster 218
Processing cluster 219
Processing cluster 220
Processing cluster 221
Processing cluster 222
Processing cluster 223
Processing cluster 224
Processing cluster 225
Processing cluster 226
Processing cluster 227
Processing cluster 228
Processing cluster 229
Processing cluster 230
Processing cluster 231
Processing cluster 232
Processing cluster 233
Processing cluster 234
Processing cluster 235
Processing cluster 236
Processing cluster 237
Processing cluster 238
Processing cluster 239
Processing cluster 240
Processing cluster 241
Processing cluster 242
Processing cluster 243
Processing cluster 244
Processing cluster 245
Processing cluster 246
Processing cluster 247
Processing cluster 248
Processing cluster 249
Processing cluster 250
Processing cluster 251
Processing cluster 252
Processing cluster 253
Processing cluster 254
Processing cluster 255
Processing cluster 256
Processing cluster 257
Processing cluster 258
Processing cluster 259
Processing cluster 260
Processing cluster 261
Processing cluster 262
Processing cluster 263
Processing cluster 264
Processing cluster 265
Processing cluster 266
Processing cluster 267
Processing cluster 268
Processing cluster 269
Processing cluster 270
Processing cluster 271
Processing cluster 272
Processing cluster 273
Processing cluster 274
Processing cluster 275
Processing cluster 276
Processing cluster 277
Processing cluster 278
Processing cluster 279
Processing cluster 280
Processing cluster 281
Processing cluster 282
Processing cluster 283
Processing cluster 284
Processing cluster 285
Processing cluster 286

4.3.2.4. Subset epoched spikes times#

# subset selected_clusters_ids
selected_clusters_ids = np.genfromtxt(clusters_ids_filename, dtype=np.uint64)

spikes_times = iblUtils.subset_clusters_ids_data(
    selected_clusters_ids=selected_clusters_ids,
    clusters_ids=clusters_ids,
    spikes_times=spikes_times,
)
n_neurons = len(spikes_times[0])
n_trials = len(spikes_times)
trials_ids = np.arange(n_trials)

# subset selected_trials_ids
selected_trials_ids = np.genfromtxt(trials_ids_filename, dtype=np.uint64)
spikes_times, trials_start_times, trials_end_times = \
        iblUtils.subset_trials_ids_data(
            selected_trials_ids=selected_trials_ids,
            trials_ids=trials_ids,
            spikes_times=spikes_times,
            trials_start_times=trials_start_times,
            trials_end_times=trials_end_times)
n_trials = len(spikes_times)

# remove units with low spike rate
neurons_indices = torch.arange(n_neurons)
trials_durations = [trials_end_times[i] - trials_start_times[i]
                    for i in range(n_trials)]
spikes_times, neurons_indices = \
    gcnu_common.utils.neural_data_analysis.removeUnitsWithLessTrialAveragedFiringRateThanThr(
        spikes_times=spikes_times, neurons_indices=neurons_indices,
        trials_durations=trials_durations,
        min_neuron_trials_avg_firing_rate=min_neuron_trials_avg_firing_rate)
selected_clusters_ids = [selected_clusters_ids[i] for i in neurons_indices]

n_trials = len(spikes_times)
n_neurons = len(spikes_times[0])

4.3.2.5. Check that spikes have been epoched correctly#

4.3.2.6. Plot spikes#

Plot the spikes of all trials of a randomly chosen neuron. Most trials should contain at least one spike.

neuron_to_plot_index = torch.randint(low=0, high=n_neurons, size=(1,)).item()
fig = svGPFA.plot.plotUtilsPlotly.getSpikesTimesPlotOneNeuron(
    spikes_times=spikes_times,
    neuron_index=neuron_to_plot_index,
    title=f"Neuron index: {neuron_to_plot_index}",
)
fig


4.3.2.7. Run some simple checks on spikes#

The function checkEpochedSpikesTimes tests that:

  1. every neuron fired at least one spike across all trials,

  2. for each trial, the spikes times of every neuron are between the trial start and end times.

If any check fails, a ValueError will be raised. Otherwise a checks passed message should be printed.

try:
    gcnu_common.utils.neural_data_analysis.checkEpochedSpikesTimes(
        spikes_times=spikes_times, trials_start_times=trials_start_times,
        trials_end_times=trials_end_times,
    )
except ValueError:
    raise
print("Checks passed")
Checks passed

4.3.3. Get parameters#

Details on how to specify svGPFA parameters are provided here

4.3.3.1. Dynamic parameters specification#

dynamic_params_spec = {
    "optim_params": {"em_max_iter": em_max_iter_dyn},
    "ind_points_locs_params0": {"common_n_ind_points": common_n_ind_points},
}

4.3.3.2. Config file parameters specification#

The configuration file appears here

args_info = svGPFA.utils.initUtils.getArgsInfo()
est_init_config_filename = est_init_config_filename_pattern.format(
    est_init_number)
est_init_config = configparser.ConfigParser()
est_init_config.read(est_init_config_filename)

strings_dict = gcnu_common.utils.config_dict.GetDict(
    config=est_init_config).get_dict()
config_file_params_spec = \
    svGPFA.utils.initUtils.getParamsDictFromStringsDict(
        n_latents=n_latents, n_trials=n_trials,
        strings_dict=strings_dict, args_info=args_info)

4.3.3.3. Get the parameters from the dynamic and configuration file parameter specifications#

params, kernels_types = svGPFA.utils.initUtils.getParamsAndKernelsTypes(
    n_trials=n_trials, n_neurons=n_neurons, n_latents=n_latents,
    trials_start_times=trials_start_times,
    trials_end_times=trials_end_times,
    dynamic_params_spec=dynamic_params_spec,
    config_file_params_spec=config_file_params_spec)
Extracted config_file_params_spec[optim_params][n_quad]=200
Extracted dynamic_params_spec[ind_points_locs_params0][common_n_ind_points]=15
Extracted from config_file c0_distribution=Normal, c0_loc=0.0, c0_scale=1.0, c0_random_seed=None
Extracted from config_file d0_distribution=Normal, d0_loc=0.0, d0_scale=1.0, d0_random_seed=None
Extracted from config_file k_type=exponentialQuadratic and k_lengthsales0=0.3
Extracted from config_file ind_points_locs0_layout=equidistant
Extracted from config_file variational_mean0_constant_value=0.0
Extracted from config_file variational_cov0_diag_value=0.01
Extracted config_file_params_spec[optim_params][n_quad]=200
Extracted config_file_params_spec[optim_params][prior_cov_reg_param]=0.001
Extracted config_file_params_spec[optim_params][optim_method]=ECM
Extracted dynamic_params_spec[optim_params][em_max_iter]=200
Extracted config_file_params_spec[optim_params][verbose]=True
Extracted config_file_params_spec[optim_params][estep_estimate]=True
Extracted config_file_params_spec[optim_params][estep_max_iter]=20
Extracted config_file_params_spec[optim_params][estep_lr]=1.0
Extracted config_file_params_spec[optim_params][estep_tolerance_grad]=0.001
Extracted config_file_params_spec[optim_params][estep_tolerance_change]=1e-05
Extracted config_file_params_spec[optim_params][estep_line_search_fn]=strong_wolfe
Extracted config_file_params_spec[optim_params][mstep_embedding_estimate]=True
Extracted config_file_params_spec[optim_params][mstep_embedding_max_iter]=20
Extracted config_file_params_spec[optim_params][mstep_embedding_lr]=1.0
Extracted config_file_params_spec[optim_params][mstep_embedding_tolerance_grad]=0.001
Extracted config_file_params_spec[optim_params][mstep_embedding_tolerance_change]=1e-05
Extracted config_file_params_spec[optim_params][mstep_embedding_line_search_fn]=strong_wolfe
Extracted config_file_params_spec[optim_params][mstep_kernels_estimate]=True
Extracted config_file_params_spec[optim_params][mstep_kernels_max_iter]=20
Extracted config_file_params_spec[optim_params][mstep_kernels_lr]=1.0
Extracted config_file_params_spec[optim_params][mstep_kernels_tolerance_grad]=0.001
Extracted config_file_params_spec[optim_params][mstep_kernels_tolerance_change]=1e-05
Extracted config_file_params_spec[optim_params][mstep_kernels_line_search_fn]=strong_wolfe
Extracted config_file_params_spec[optim_params][mstep_indpointslocs_estimate]=True
Extracted config_file_params_spec[optim_params][mstep_indpointslocs_max_iter]=20
Extracted config_file_params_spec[optim_params][mstep_indpointslocs_lr]=1.0
Extracted config_file_params_spec[optim_params][mstep_indpointslocs_tolerance_grad]=0.001
Extracted config_file_params_spec[optim_params][mstep_indpointslocs_tolerance_change]=1e-05
Extracted config_file_params_spec[optim_params][mstep_indpointslocs_line_search_fn]=strong_wolfe

4.3.4. Estimate svGPFA model#

4.3.4.1. Create kernels, a model and set its initial parameters#

4.3.4.2. Build kernels#

kernels_params0 = params["initial_params"]["posterior_on_latents"]["kernels_matrices_store"]["kernels_params0"]
kernels = svGPFA.utils.miscUtils.buildKernels(
    kernels_types=kernels_types, kernels_params=kernels_params0)

4.3.4.3. Create model#

kernelMatrixInvMethod = svGPFA.stats.svGPFAModelFactory.kernelMatrixInvChol
indPointsCovRep = svGPFA.stats.svGPFAModelFactory.indPointsCovChol
model = svGPFA.stats.svGPFAModelFactory.SVGPFAModelFactory.buildModelPyTorch(
    conditionalDist=svGPFA.stats.svGPFAModelFactory.PointProcess,
    linkFunction=svGPFA.stats.svGPFAModelFactory.ExponentialLink,
    embeddingType=svGPFA.stats.svGPFAModelFactory.LinearEmbedding,
    kernels=kernels, kernelMatrixInvMethod=kernelMatrixInvMethod,
    indPointsCovRep=indPointsCovRep)

4.3.4.4. Set initial parameters#

model.setParamsAndData(
    measurements=spikes_times,
    initial_params=params["initial_params"],
    eLLCalculationParams=params["ell_calculation_params"],
    priorCovRegParam=params["optim_params"]["prior_cov_reg_param"])

4.3.4.5. Maximize the Lower Bound#

(Warning: with the parameters above, this step takes around 5 minutes for 30 em_max_iter)

svEM = svGPFA.stats.svEM.SVEM_PyTorch()
tic = time.perf_counter()
lowerBoundHist, elapsedTimeHist, terminationInfo, iterationsModelParams = \
svEM.maximize(model=model, optim_params=params["optim_params"],
              method=params["optim_params"]["optim_method"], out=sys.stdout)
toc = time.perf_counter()
print(f"Elapsed time {toc - tic:0.4f} seconds")

resultsToSave = {"lowerBoundHist": lowerBoundHist,
                 "elapsedTimeHist": elapsedTimeHist,
                 "terminationInfo": terminationInfo,
                 "iterationModelParams": iterationsModelParams,
                 "model": model}
with open(model_save_filename, "wb") as f:
    pickle.dump(resultsToSave, f)
print("Saved results to {:s}".format(model_save_filename))
Iteration 01, estep start: -inf
Iteration 01, estep end: 9957.691428, niter: 17, nfeval: 25
Iteration 01, mstep_embedding start: 9957.691428
Iteration 01, mstep_embedding end: 50501.313180, niter: 20, nfeval: 22
Iteration 01, mstep_kernels start: 50501.313180
Iteration 01, mstep_kernels end: 38811.181973, niter: 5, nfeval: 6
Iteration 01, mstep_indpointslocs start: 38811.181973
Iteration 01, mstep_indpointslocs end: 39720.805888, niter: 20, nfeval: 22
Iteration 02, estep start: 39720.805888
Iteration 02, estep end: 44007.892471, niter: 20, nfeval: 25
Iteration 02, mstep_embedding start: 44007.892471
Iteration 02, mstep_embedding end: 51768.494539, niter: 20, nfeval: 21
Iteration 02, mstep_kernels start: 51768.494539
Iteration 02, mstep_kernels end: 44982.564746, niter: 4, nfeval: 5
Iteration 02, mstep_indpointslocs start: 44982.564746
Iteration 02, mstep_indpointslocs end: 45164.325862, niter: 20, nfeval: 22
Iteration 03, estep start: 45164.325862
Iteration 03, estep end: 46183.411194, niter: 20, nfeval: 24
Iteration 03, mstep_embedding start: 46183.411194
Iteration 03, mstep_embedding end: 52260.301692, niter: 20, nfeval: 22
Iteration 03, mstep_kernels start: 52260.301692
Iteration 03, mstep_kernels end: 46659.349393, niter: 4, nfeval: 5
Iteration 03, mstep_indpointslocs start: 46659.349393
Iteration 03, mstep_indpointslocs end: 46726.023488, niter: 20, nfeval: 22
Iteration 04, estep start: 46726.023488
Iteration 04, estep end: 47119.365614, niter: 20, nfeval: 23
Iteration 04, mstep_embedding start: 47119.365614
Iteration 04, mstep_embedding end: 52312.510144, niter: 20, nfeval: 21
Iteration 04, mstep_kernels start: 52312.510144
Iteration 04, mstep_kernels end: 47363.663081, niter: 4, nfeval: 6
Iteration 04, mstep_indpointslocs start: 47363.663081
Iteration 04, mstep_indpointslocs end: 47397.963703, niter: 20, nfeval: 22
Iteration 05, estep start: 47397.963703
Iteration 05, estep end: 47589.429609, niter: 20, nfeval: 22
Iteration 05, mstep_embedding start: 47589.429609
Iteration 05, mstep_embedding end: 52304.016882, niter: 20, nfeval: 21
Iteration 05, mstep_kernels start: 52304.016882
Iteration 05, mstep_kernels end: 47723.448821, niter: 4, nfeval: 5
Iteration 05, mstep_indpointslocs start: 47723.448821
Iteration 05, mstep_indpointslocs end: 47744.222592, niter: 20, nfeval: 22
Iteration 06, estep start: 47744.222592
Iteration 06, estep end: 47852.602359, niter: 20, nfeval: 22
Iteration 06, mstep_embedding start: 47852.602359
Iteration 06, mstep_embedding end: 52289.746126, niter: 20, nfeval: 21
Iteration 06, mstep_kernels start: 52289.746126
Iteration 06, mstep_kernels end: 47929.881911, niter: 4, nfeval: 5
Iteration 06, mstep_indpointslocs start: 47929.881911
Iteration 06, mstep_indpointslocs end: 47944.230287, niter: 20, nfeval: 22
Iteration 07, estep start: 47944.230287
Iteration 07, estep end: 48012.467819, niter: 20, nfeval: 22
Iteration 07, mstep_embedding start: 48012.467819
Iteration 07, mstep_embedding end: 52293.236324, niter: 20, nfeval: 21
Iteration 07, mstep_kernels start: 52293.236324
Iteration 07, mstep_kernels end: 48061.275749, niter: 5, nfeval: 6
Iteration 07, mstep_indpointslocs start: 48061.275749
Iteration 07, mstep_indpointslocs end: 48071.111882, niter: 20, nfeval: 22
Iteration 08, estep start: 48071.111882
Iteration 08, estep end: 48115.028499, niter: 20, nfeval: 22
Iteration 08, mstep_embedding start: 48115.028499
Iteration 08, mstep_embedding end: 52297.561473, niter: 20, nfeval: 21
Iteration 08, mstep_kernels start: 52297.561473
Iteration 08, mstep_kernels end: 48149.001919, niter: 5, nfeval: 6
Iteration 08, mstep_indpointslocs start: 48149.001919
Iteration 08, mstep_indpointslocs end: 48157.050813, niter: 20, nfeval: 21
Iteration 09, estep start: 48157.050813
Iteration 09, estep end: 48188.911552, niter: 20, nfeval: 22
Iteration 09, mstep_embedding start: 48188.911552
Iteration 09, mstep_embedding end: 52312.569002, niter: 20, nfeval: 21
Iteration 09, mstep_kernels start: 52312.569002
Iteration 09, mstep_kernels end: 48212.423802, niter: 5, nfeval: 6
Iteration 09, mstep_indpointslocs start: 48212.423802
Iteration 09, mstep_indpointslocs end: 48218.980961, niter: 20, nfeval: 22
Iteration 10, estep start: 48218.980961
Iteration 10, estep end: 48242.609968, niter: 20, nfeval: 23
Iteration 10, mstep_embedding start: 48242.609968
Iteration 10, mstep_embedding end: 52326.910931, niter: 20, nfeval: 21
Iteration 10, mstep_kernels start: 52326.910931
Iteration 10, mstep_kernels end: 48260.246476, niter: 5, nfeval: 6
Iteration 10, mstep_indpointslocs start: 48260.246476
Iteration 10, mstep_indpointslocs end: 48265.842555, niter: 20, nfeval: 22
Iteration 11, estep start: 48265.842555
Iteration 11, estep end: 48285.010199, niter: 20, nfeval: 23
Iteration 11, mstep_embedding start: 48285.010199
Iteration 11, mstep_embedding end: 52349.244827, niter: 20, nfeval: 23
Iteration 11, mstep_kernels start: 52349.244827
Iteration 11, mstep_kernels end: 48299.552344, niter: 5, nfeval: 6
Iteration 11, mstep_indpointslocs start: 48299.552344
Iteration 11, mstep_indpointslocs end: 48304.228599, niter: 20, nfeval: 21
Iteration 12, estep start: 48304.228599
Iteration 12, estep end: 48319.119375, niter: 20, nfeval: 23
Iteration 12, mstep_embedding start: 48319.119375
Iteration 12, mstep_embedding end: 52365.786067, niter: 20, nfeval: 23
Iteration 12, mstep_kernels start: 52365.786067
Iteration 12, mstep_kernels end: 48330.998974, niter: 5, nfeval: 6
Iteration 12, mstep_indpointslocs start: 48330.998974
Iteration 12, mstep_indpointslocs end: 48335.039036, niter: 20, nfeval: 22
Iteration 13, estep start: 48335.039036
Iteration 13, estep end: 48348.825513, niter: 20, nfeval: 23
Iteration 13, mstep_embedding start: 48348.825513
Iteration 13, mstep_embedding end: 52390.443126, niter: 20, nfeval: 22
Iteration 13, mstep_kernels start: 52390.443126
Iteration 13, mstep_kernels end: 48359.570237, niter: 5, nfeval: 6
Iteration 13, mstep_indpointslocs start: 48359.570237
Iteration 13, mstep_indpointslocs end: 48363.205439, niter: 20, nfeval: 22
Iteration 14, estep start: 48363.205439
Iteration 14, estep end: 48374.243214, niter: 20, nfeval: 23
Iteration 14, mstep_embedding start: 48374.243214
Iteration 14, mstep_embedding end: 52405.613863, niter: 20, nfeval: 22
Iteration 14, mstep_kernels start: 52405.613863
Iteration 14, mstep_kernels end: 48382.335438, niter: 5, nfeval: 6
Iteration 14, mstep_indpointslocs start: 48382.335438
Iteration 14, mstep_indpointslocs end: 48385.414322, niter: 20, nfeval: 21
Iteration 15, estep start: 48385.414322
Iteration 15, estep end: 48396.346469, niter: 20, nfeval: 23
Iteration 15, mstep_embedding start: 48396.346469
Iteration 15, mstep_embedding end: 52429.136971, niter: 20, nfeval: 24
Iteration 15, mstep_kernels start: 52429.136971
Iteration 15, mstep_kernels end: 48404.433023, niter: 5, nfeval: 7
Iteration 15, mstep_indpointslocs start: 48404.433023
Iteration 15, mstep_indpointslocs end: 48407.474666, niter: 20, nfeval: 22
Iteration 16, estep start: 48407.474666
Iteration 16, estep end: 48416.817172, niter: 20, nfeval: 21
Iteration 16, mstep_embedding start: 48416.817172
Iteration 16, mstep_embedding end: 52445.647999, niter: 20, nfeval: 22
Iteration 16, mstep_kernels start: 52445.647999
Iteration 16, mstep_kernels end: 48424.417707, niter: 6, nfeval: 7
Iteration 16, mstep_indpointslocs start: 48424.417707
Iteration 16, mstep_indpointslocs end: 48427.206367, niter: 20, nfeval: 22
Iteration 17, estep start: 48427.206367
Iteration 17, estep end: 48436.287134, niter: 20, nfeval: 21
Iteration 17, mstep_embedding start: 48436.287134
Iteration 17, mstep_embedding end: 52466.534837, niter: 20, nfeval: 23
Iteration 17, mstep_kernels start: 52466.534837
Iteration 17, mstep_kernels end: 48443.943547, niter: 6, nfeval: 7
Iteration 17, mstep_indpointslocs start: 48443.943547
Iteration 17, mstep_indpointslocs end: 48446.669660, niter: 20, nfeval: 21
Iteration 18, estep start: 48446.669660
Iteration 18, estep end: 48455.031192, niter: 20, nfeval: 21
Iteration 18, mstep_embedding start: 48455.031192
Iteration 18, mstep_embedding end: 52482.644410, niter: 20, nfeval: 23
Iteration 18, mstep_kernels start: 52482.644410
Iteration 18, mstep_kernels end: 48462.517085, niter: 6, nfeval: 7
Iteration 18, mstep_indpointslocs start: 48462.517085
Iteration 18, mstep_indpointslocs end: 48465.201314, niter: 20, nfeval: 22
Iteration 19, estep start: 48465.201314
Iteration 19, estep end: 48473.326082, niter: 20, nfeval: 21
Iteration 19, mstep_embedding start: 48473.326082
Iteration 19, mstep_embedding end: 52501.297880, niter: 20, nfeval: 22
Iteration 19, mstep_kernels start: 52501.297880
Iteration 19, mstep_kernels end: 48480.498041, niter: 5, nfeval: 7
Iteration 19, mstep_indpointslocs start: 48480.498041
Iteration 19, mstep_indpointslocs end: 48483.070901, niter: 20, nfeval: 23
Iteration 20, estep start: 48483.070901
Iteration 20, estep end: 48490.827735, niter: 20, nfeval: 22
Iteration 20, mstep_embedding start: 48490.827735
Iteration 20, mstep_embedding end: 52517.095671, niter: 20, nfeval: 22
Iteration 20, mstep_kernels start: 52517.095671
Iteration 20, mstep_kernels end: 48498.411817, niter: 5, nfeval: 6
Iteration 20, mstep_indpointslocs start: 48498.411817
Iteration 20, mstep_indpointslocs end: 48500.870288, niter: 20, nfeval: 22
Iteration 21, estep start: 48500.870288
Iteration 21, estep end: 48508.841465, niter: 20, nfeval: 22
Iteration 21, mstep_embedding start: 48508.841465
Iteration 21, mstep_embedding end: 52534.569259, niter: 20, nfeval: 22
Iteration 21, mstep_kernels start: 52534.569259
Iteration 21, mstep_kernels end: 48517.085426, niter: 5, nfeval: 6
Iteration 21, mstep_indpointslocs start: 48517.085426
Iteration 21, mstep_indpointslocs end: 48519.665866, niter: 20, nfeval: 22
Iteration 22, estep start: 48519.665866
Iteration 22, estep end: 48527.342821, niter: 20, nfeval: 21
Iteration 22, mstep_embedding start: 48527.342821
Iteration 22, mstep_embedding end: 52549.641267, niter: 20, nfeval: 23
Iteration 22, mstep_kernels start: 52549.641267
Iteration 22, mstep_kernels end: 48535.234274, niter: 5, nfeval: 7
Iteration 22, mstep_indpointslocs start: 48535.234274
Iteration 22, mstep_indpointslocs end: 48537.716380, niter: 20, nfeval: 22
Iteration 23, estep start: 48537.716380
Iteration 23, estep end: 48545.463742, niter: 20, nfeval: 21
Iteration 23, mstep_embedding start: 48545.463742
Iteration 23, mstep_embedding end: 52566.106533, niter: 20, nfeval: 23
Iteration 23, mstep_kernels start: 52566.106533
Iteration 23, mstep_kernels end: 48553.912761, niter: 5, nfeval: 7
Iteration 23, mstep_indpointslocs start: 48553.912761
Iteration 23, mstep_indpointslocs end: 48556.430118, niter: 20, nfeval: 24
Iteration 24, estep start: 48556.430118
Iteration 24, estep end: 48563.994571, niter: 20, nfeval: 23
Iteration 24, mstep_embedding start: 48563.994571
Iteration 24, mstep_embedding end: 52579.467044, niter: 20, nfeval: 23
Iteration 24, mstep_kernels start: 52579.467044
Iteration 24, mstep_kernels end: 48571.715623, niter: 5, nfeval: 7
Iteration 24, mstep_indpointslocs start: 48571.715623
Iteration 24, mstep_indpointslocs end: 48574.018257, niter: 20, nfeval: 23
Iteration 25, estep start: 48574.018257
Iteration 25, estep end: 48581.769013, niter: 20, nfeval: 21
Iteration 25, mstep_embedding start: 48581.769013
Iteration 25, mstep_embedding end: 52594.402097, niter: 20, nfeval: 23
Iteration 25, mstep_kernels start: 52594.402097
Iteration 25, mstep_kernels end: 48589.916989, niter: 5, nfeval: 7
Iteration 25, mstep_indpointslocs start: 48589.916989
Iteration 25, mstep_indpointslocs end: 48592.338642, niter: 20, nfeval: 22
Iteration 26, estep start: 48592.338642
Iteration 26, estep end: 48599.999100, niter: 20, nfeval: 23
Iteration 26, mstep_embedding start: 48599.999100
Iteration 26, mstep_embedding end: 52607.819562, niter: 20, nfeval: 24
Iteration 26, mstep_kernels start: 52607.819562
Iteration 26, mstep_kernels end: 48607.681692, niter: 5, nfeval: 7
Iteration 26, mstep_indpointslocs start: 48607.681692
Iteration 26, mstep_indpointslocs end: 48609.939405, niter: 20, nfeval: 22
Iteration 27, estep start: 48609.939405
Iteration 27, estep end: 48617.526528, niter: 20, nfeval: 22
Iteration 27, mstep_embedding start: 48617.526528
Iteration 27, mstep_embedding end: 52621.366177, niter: 20, nfeval: 22
Iteration 27, mstep_kernels start: 52621.366177
Iteration 27, mstep_kernels end: 48625.182973, niter: 5, nfeval: 7
Iteration 27, mstep_indpointslocs start: 48625.182973
Iteration 27, mstep_indpointslocs end: 48627.481048, niter: 20, nfeval: 22
Iteration 28, estep start: 48627.481048
Iteration 28, estep end: 48635.060218, niter: 20, nfeval: 21
Iteration 28, mstep_embedding start: 48635.060218
Iteration 28, mstep_embedding end: 52634.612089, niter: 20, nfeval: 22
Iteration 28, mstep_kernels start: 52634.612089
Iteration 28, mstep_kernels end: 48642.773472, niter: 5, nfeval: 7
Iteration 28, mstep_indpointslocs start: 48642.773472
Iteration 28, mstep_indpointslocs end: 48645.084481, niter: 20, nfeval: 22
Iteration 29, estep start: 48645.084481
Iteration 29, estep end: 48652.009380, niter: 20, nfeval: 23
Iteration 29, mstep_embedding start: 48652.009380
Iteration 29, mstep_embedding end: 52646.375232, niter: 20, nfeval: 23
Iteration 29, mstep_kernels start: 52646.375232
Iteration 29, mstep_kernels end: 48658.192792, niter: 6, nfeval: 7
Iteration 29, mstep_indpointslocs start: 48658.192792
Iteration 29, mstep_indpointslocs end: 48660.154302, niter: 20, nfeval: 24
Iteration 30, estep start: 48660.154302
Iteration 30, estep end: 48666.841712, niter: 20, nfeval: 22
Iteration 30, mstep_embedding start: 48666.841712
Iteration 30, mstep_embedding end: 52658.673022, niter: 20, nfeval: 23
Iteration 30, mstep_kernels start: 52658.673022
Iteration 30, mstep_kernels end: 48672.836957, niter: 6, nfeval: 7
Iteration 30, mstep_indpointslocs start: 48672.836957
Iteration 30, mstep_indpointslocs end: 48674.777012, niter: 20, nfeval: 22
Iteration 31, estep start: 48674.777012
Iteration 31, estep end: 48681.019202, niter: 20, nfeval: 22
Iteration 31, mstep_embedding start: 48681.019202
Iteration 31, mstep_embedding end: 52670.278858, niter: 20, nfeval: 22
Iteration 31, mstep_kernels start: 52670.278858
Iteration 31, mstep_kernels end: 48686.696097, niter: 7, nfeval: 8
Iteration 31, mstep_indpointslocs start: 48686.696097
Iteration 31, mstep_indpointslocs end: 48688.524655, niter: 20, nfeval: 23
Iteration 32, estep start: 48688.524655
Iteration 32, estep end: 48694.254732, niter: 20, nfeval: 21
Iteration 32, mstep_embedding start: 48694.254732
Iteration 32, mstep_embedding end: 52681.385280, niter: 20, nfeval: 23
Iteration 32, mstep_kernels start: 52681.385280
Iteration 32, mstep_kernels end: 48699.233995, niter: 7, nfeval: 8
Iteration 32, mstep_indpointslocs start: 48699.233995
Iteration 32, mstep_indpointslocs end: 48701.018765, niter: 20, nfeval: 22
Iteration 33, estep start: 48701.018765
Iteration 33, estep end: 48706.109498, niter: 20, nfeval: 21
Iteration 33, mstep_embedding start: 48706.109498
Iteration 33, mstep_embedding end: 52691.597507, niter: 20, nfeval: 23
Iteration 33, mstep_kernels start: 52691.597507
Iteration 33, mstep_kernels end: 48710.339739, niter: 7, nfeval: 8
Iteration 33, mstep_indpointslocs start: 48710.339739
Iteration 33, mstep_indpointslocs end: 48712.016611, niter: 20, nfeval: 21
Iteration 34, estep start: 48712.016611
Iteration 34, estep end: 48716.736260, niter: 20, nfeval: 22
Iteration 34, mstep_embedding start: 48716.736260
Iteration 34, mstep_embedding end: 52702.348149, niter: 20, nfeval: 23
Iteration 34, mstep_kernels start: 52702.348149
Iteration 34, mstep_kernels end: 48720.615892, niter: 7, nfeval: 8
Iteration 34, mstep_indpointslocs start: 48720.615892
Iteration 34, mstep_indpointslocs end: 48722.272295, niter: 20, nfeval: 21
Iteration 35, estep start: 48722.272295
Iteration 35, estep end: 48726.251089, niter: 20, nfeval: 21
Iteration 35, mstep_embedding start: 48726.251089
Iteration 35, mstep_embedding end: 52711.270198, niter: 20, nfeval: 23
Iteration 35, mstep_kernels start: 52711.270198
Iteration 35, mstep_kernels end: 48729.204519, niter: 7, nfeval: 8
Iteration 35, mstep_indpointslocs start: 48729.204519
Iteration 35, mstep_indpointslocs end: 48730.800429, niter: 20, nfeval: 22
Iteration 36, estep start: 48730.800429
Iteration 36, estep end: 48734.546865, niter: 20, nfeval: 22
Iteration 36, mstep_embedding start: 48734.546865
Iteration 36, mstep_embedding end: 52721.150557, niter: 20, nfeval: 23
Iteration 36, mstep_kernels start: 52721.150557
Iteration 36, mstep_kernels end: 48737.112645, niter: 7, nfeval: 8
Iteration 36, mstep_indpointslocs start: 48737.112645
Iteration 36, mstep_indpointslocs end: 48738.772816, niter: 20, nfeval: 23
Iteration 37, estep start: 48738.772816
Iteration 37, estep end: 48742.140724, niter: 20, nfeval: 21
Iteration 37, mstep_embedding start: 48742.140724
Iteration 37, mstep_embedding end: 52731.035976, niter: 20, nfeval: 23
Iteration 37, mstep_kernels start: 52731.035976
Iteration 37, mstep_kernels end: 48744.486875, niter: 6, nfeval: 8
Iteration 37, mstep_indpointslocs start: 48744.486875
Iteration 37, mstep_indpointslocs end: 48745.898054, niter: 20, nfeval: 23
Iteration 38, estep start: 48745.898054
Iteration 38, estep end: 48748.913164, niter: 20, nfeval: 23
Iteration 38, mstep_embedding start: 48748.913164
Iteration 38, mstep_embedding end: 52739.806370, niter: 20, nfeval: 22
Iteration 38, mstep_kernels start: 52739.806370
Iteration 38, mstep_kernels end: 48750.994909, niter: 6, nfeval: 8
Iteration 38, mstep_indpointslocs start: 48750.994909
Iteration 38, mstep_indpointslocs end: 48752.253893, niter: 20, nfeval: 23
Iteration 39, estep start: 48752.253893
Iteration 39, estep end: 48755.047587, niter: 20, nfeval: 21
Iteration 39, mstep_embedding start: 48755.047587
Iteration 39, mstep_embedding end: 52749.084574, niter: 20, nfeval: 22
Iteration 39, mstep_kernels start: 52749.084574
Iteration 39, mstep_kernels end: 48756.970388, niter: 6, nfeval: 7
Iteration 39, mstep_indpointslocs start: 48756.970388
Iteration 39, mstep_indpointslocs end: 48758.231980, niter: 20, nfeval: 22
Iteration 40, estep start: 48758.231980
Iteration 40, estep end: 48760.713335, niter: 20, nfeval: 21
Iteration 40, mstep_embedding start: 48760.713335
Iteration 40, mstep_embedding end: 52757.248495, niter: 20, nfeval: 23
Iteration 40, mstep_kernels start: 52757.248495
Iteration 40, mstep_kernels end: 48762.412839, niter: 6, nfeval: 7
Iteration 40, mstep_indpointslocs start: 48762.412839
Iteration 40, mstep_indpointslocs end: 48763.618317, niter: 20, nfeval: 22
Iteration 41, estep start: 48763.618317
Iteration 41, estep end: 48766.058802, niter: 20, nfeval: 21
Iteration 41, mstep_embedding start: 48766.058802
Iteration 41, mstep_embedding end: 52766.344367, niter: 20, nfeval: 22
Iteration 41, mstep_kernels start: 52766.344367
Iteration 41, mstep_kernels end: 48767.697496, niter: 6, nfeval: 7
Iteration 41, mstep_indpointslocs start: 48767.697496
Iteration 41, mstep_indpointslocs end: 48768.870547, niter: 20, nfeval: 23
Iteration 42, estep start: 48768.870547
Iteration 42, estep end: 48771.099295, niter: 20, nfeval: 21
Iteration 42, mstep_embedding start: 48771.099295
Iteration 42, mstep_embedding end: 52774.812113, niter: 20, nfeval: 23
Iteration 42, mstep_kernels start: 52774.812113
Iteration 42, mstep_kernels end: 48772.674576, niter: 6, nfeval: 7
Iteration 42, mstep_indpointslocs start: 48772.674576
Iteration 42, mstep_indpointslocs end: 48773.804307, niter: 20, nfeval: 23
Iteration 43, estep start: 48773.804307
Iteration 43, estep end: 48775.882623, niter: 20, nfeval: 21
Iteration 43, mstep_embedding start: 48775.882623
Iteration 43, mstep_embedding end: 52783.100365, niter: 20, nfeval: 22
Iteration 43, mstep_kernels start: 52783.100365
Iteration 43, mstep_kernels end: 48777.295874, niter: 6, nfeval: 7
Iteration 43, mstep_indpointslocs start: 48777.295874
Iteration 43, mstep_indpointslocs end: 48778.400503, niter: 20, nfeval: 23
Iteration 44, estep start: 48778.400503
Iteration 44, estep end: 48780.371109, niter: 20, nfeval: 21
Iteration 44, mstep_embedding start: 48780.371109
Iteration 44, mstep_embedding end: 52790.998588, niter: 20, nfeval: 23
Iteration 44, mstep_kernels start: 52790.998588
Iteration 44, mstep_kernels end: 48781.670980, niter: 6, nfeval: 7
Iteration 44, mstep_indpointslocs start: 48781.670980
Iteration 44, mstep_indpointslocs end: 48782.707670, niter: 20, nfeval: 22
Iteration 45, estep start: 48782.707670
Iteration 45, estep end: 48784.610600, niter: 20, nfeval: 22
Iteration 45, mstep_embedding start: 48784.610600
Iteration 45, mstep_embedding end: 52799.173463, niter: 20, nfeval: 23
Iteration 45, mstep_kernels start: 52799.173463
Iteration 45, mstep_kernels end: 48785.855120, niter: 6, nfeval: 7
Iteration 45, mstep_indpointslocs start: 48785.855120
Iteration 45, mstep_indpointslocs end: 48786.780042, niter: 20, nfeval: 22
Iteration 46, estep start: 48786.780042
Iteration 46, estep end: 48788.550446, niter: 20, nfeval: 21
Iteration 46, mstep_embedding start: 48788.550446
Iteration 46, mstep_embedding end: 52806.989240, niter: 20, nfeval: 23
Iteration 46, mstep_kernels start: 52806.989240
Iteration 46, mstep_kernels end: 48789.798471, niter: 6, nfeval: 7
Iteration 46, mstep_indpointslocs start: 48789.798471
Iteration 46, mstep_indpointslocs end: 48790.681401, niter: 20, nfeval: 22
Iteration 47, estep start: 48790.681401
Iteration 47, estep end: 48792.385071, niter: 20, nfeval: 22
Iteration 47, mstep_embedding start: 48792.385071
Iteration 47, mstep_embedding end: 52814.840150, niter: 20, nfeval: 23
Iteration 47, mstep_kernels start: 52814.840150
Iteration 47, mstep_kernels end: 48793.573780, niter: 6, nfeval: 7
Iteration 47, mstep_indpointslocs start: 48793.573780
Iteration 47, mstep_indpointslocs end: 48794.410376, niter: 20, nfeval: 23
Iteration 48, estep start: 48794.410376
Iteration 48, estep end: 48796.027318, niter: 20, nfeval: 21
Iteration 48, mstep_embedding start: 48796.027318
Iteration 48, mstep_embedding end: 52822.349183, niter: 20, nfeval: 23
Iteration 48, mstep_kernels start: 52822.349183
Iteration 48, mstep_kernels end: 48797.214660, niter: 6, nfeval: 8
Iteration 48, mstep_indpointslocs start: 48797.214660
Iteration 48, mstep_indpointslocs end: 48797.988019, niter: 20, nfeval: 22
Iteration 49, estep start: 48797.988019
Iteration 49, estep end: 48799.512121, niter: 20, nfeval: 21
Iteration 49, mstep_embedding start: 48799.512121
Iteration 49, mstep_embedding end: 52829.541408, niter: 20, nfeval: 23
Iteration 49, mstep_kernels start: 52829.541408
Iteration 49, mstep_kernels end: 48800.658067, niter: 6, nfeval: 8
Iteration 49, mstep_indpointslocs start: 48800.658067
Iteration 49, mstep_indpointslocs end: 48801.417235, niter: 20, nfeval: 22
Iteration 50, estep start: 48801.417235
Iteration 50, estep end: 48802.903879, niter: 20, nfeval: 22
Iteration 50, mstep_embedding start: 48802.903879
Iteration 50, mstep_embedding end: 52836.490439, niter: 20, nfeval: 22
Iteration 50, mstep_kernels start: 52836.490439
Iteration 50, mstep_kernels end: 48803.989156, niter: 6, nfeval: 8
Iteration 50, mstep_indpointslocs start: 48803.989156
Iteration 50, mstep_indpointslocs end: 48804.729111, niter: 20, nfeval: 23
Iteration 51, estep start: 48804.729111
Iteration 51, estep end: 48806.213539, niter: 20, nfeval: 21
Iteration 51, mstep_embedding start: 48806.213539
Iteration 51, mstep_embedding end: 52843.876866, niter: 20, nfeval: 22
Iteration 51, mstep_kernels start: 52843.876866
Iteration 51, mstep_kernels end: 48807.335117, niter: 6, nfeval: 8
Iteration 51, mstep_indpointslocs start: 48807.335117
Iteration 51, mstep_indpointslocs end: 48808.088508, niter: 20, nfeval: 23
Iteration 52, estep start: 48808.088508
Iteration 52, estep end: 48809.515985, niter: 20, nfeval: 21
Iteration 52, mstep_embedding start: 48809.515985
Iteration 52, mstep_embedding end: 52850.307321, niter: 20, nfeval: 23
Iteration 52, mstep_kernels start: 52850.307321
Iteration 52, mstep_kernels end: 48810.560392, niter: 6, nfeval: 9
Iteration 52, mstep_indpointslocs start: 48810.560392
Iteration 52, mstep_indpointslocs end: 48811.306953, niter: 20, nfeval: 23
Iteration 53, estep start: 48811.306953
Iteration 53, estep end: 48812.673913, niter: 20, nfeval: 23
Iteration 53, mstep_embedding start: 48812.673913
Iteration 53, mstep_embedding end: 52857.007344, niter: 20, nfeval: 24
Iteration 53, mstep_kernels start: 52857.007344
Iteration 53, mstep_kernels end: 48813.664586, niter: 6, nfeval: 9
Iteration 53, mstep_indpointslocs start: 48813.664586
Iteration 53, mstep_indpointslocs end: 48814.391698, niter: 20, nfeval: 21
Iteration 54, estep start: 48814.391698
Iteration 54, estep end: 48815.788834, niter: 20, nfeval: 22
Iteration 54, mstep_embedding start: 48815.788834
Iteration 54, mstep_embedding end: 52863.519948, niter: 20, nfeval: 22
Iteration 54, mstep_kernels start: 52863.519948
Iteration 54, mstep_kernels end: 48816.719226, niter: 6, nfeval: 9
Iteration 54, mstep_indpointslocs start: 48816.719226
Iteration 54, mstep_indpointslocs end: 48817.796266, niter: 20, nfeval: 22
Iteration 55, estep start: 48817.796266
Iteration 55, estep end: 48820.896540, niter: 20, nfeval: 22
Iteration 55, mstep_embedding start: 48820.896540
Iteration 55, mstep_embedding end: 52871.389576, niter: 20, nfeval: 23
Iteration 55, mstep_kernels start: 52871.389576
Iteration 55, mstep_kernels end: 48821.690663, niter: 6, nfeval: 8
Iteration 55, mstep_indpointslocs start: 48821.690663
Iteration 55, mstep_indpointslocs end: 48822.784273, niter: 20, nfeval: 22
Iteration 56, estep start: 48822.784273
Iteration 56, estep end: 48824.267872, niter: 20, nfeval: 21
Iteration 56, mstep_embedding start: 48824.267872
Iteration 56, mstep_embedding end: 52880.919217, niter: 20, nfeval: 22
Iteration 56, mstep_kernels start: 52880.919217
Iteration 56, mstep_kernels end: 48825.373281, niter: 6, nfeval: 9
Iteration 56, mstep_indpointslocs start: 48825.373281
Iteration 56, mstep_indpointslocs end: 48826.009466, niter: 20, nfeval: 22
Iteration 57, estep start: 48826.009466
Iteration 57, estep end: 48827.423106, niter: 20, nfeval: 21
Iteration 57, mstep_embedding start: 48827.423106
Iteration 57, mstep_embedding end: 52887.835954, niter: 20, nfeval: 23
Iteration 57, mstep_kernels start: 52887.835954
Iteration 57, mstep_kernels end: 48828.446246, niter: 6, nfeval: 9
Iteration 57, mstep_indpointslocs start: 48828.446246
Iteration 57, mstep_indpointslocs end: 48829.124672, niter: 20, nfeval: 22
Iteration 58, estep start: 48829.124672
Iteration 58, estep end: 48830.494201, niter: 20, nfeval: 21
Iteration 58, mstep_embedding start: 48830.494201
Iteration 58, mstep_embedding end: 52894.930543, niter: 20, nfeval: 23
Iteration 58, mstep_kernels start: 52894.930543
Iteration 58, mstep_kernels end: 48831.507635, niter: 6, nfeval: 9
Iteration 58, mstep_indpointslocs start: 48831.507635
Iteration 58, mstep_indpointslocs end: 48832.180081, niter: 20, nfeval: 22
Iteration 59, estep start: 48832.180081
Iteration 59, estep end: 48833.565841, niter: 20, nfeval: 21
Iteration 59, mstep_embedding start: 48833.565841
Iteration 59, mstep_embedding end: 52901.799256, niter: 20, nfeval: 22
Iteration 59, mstep_kernels start: 52901.799256
Iteration 59, mstep_kernels end: 48834.561261, niter: 6, nfeval: 9
Iteration 59, mstep_indpointslocs start: 48834.561261
Iteration 59, mstep_indpointslocs end: 48835.285806, niter: 20, nfeval: 23
Iteration 60, estep start: 48835.285806
Iteration 60, estep end: 48836.622207, niter: 20, nfeval: 22
Iteration 60, mstep_embedding start: 48836.622207
Iteration 60, mstep_embedding end: 52908.541687, niter: 20, nfeval: 23
Iteration 60, mstep_kernels start: 52908.541687
Iteration 60, mstep_kernels end: 48837.594926, niter: 6, nfeval: 9
Iteration 60, mstep_indpointslocs start: 48837.594926
Iteration 60, mstep_indpointslocs end: 48838.282413, niter: 20, nfeval: 23
Iteration 61, estep start: 48838.282413
Iteration 61, estep end: 48839.639480, niter: 20, nfeval: 21
Iteration 61, mstep_embedding start: 48839.639480
Iteration 61, mstep_embedding end: 52915.919855, niter: 20, nfeval: 22
Iteration 61, mstep_kernels start: 52915.919855
Iteration 61, mstep_kernels end: 48840.671750, niter: 6, nfeval: 9
Iteration 61, mstep_indpointslocs start: 48840.671750
Iteration 61, mstep_indpointslocs end: 48841.374431, niter: 20, nfeval: 22
Iteration 62, estep start: 48841.374431
Iteration 62, estep end: 48842.619144, niter: 20, nfeval: 21
Iteration 62, mstep_embedding start: 48842.619144
Iteration 62, mstep_embedding end: 52922.469766, niter: 20, nfeval: 24
Iteration 62, mstep_kernels start: 52922.469766
Iteration 62, mstep_kernels end: 48843.588562, niter: 6, nfeval: 9
Iteration 62, mstep_indpointslocs start: 48843.588562
Iteration 62, mstep_indpointslocs end: 48844.154278, niter: 20, nfeval: 23
Iteration 63, estep start: 48844.154278
Iteration 63, estep end: 48845.383726, niter: 20, nfeval: 22
Iteration 63, mstep_embedding start: 48845.383726
Iteration 63, mstep_embedding end: 52929.258808, niter: 20, nfeval: 24
Iteration 63, mstep_kernels start: 52929.258808
Iteration 63, mstep_kernels end: 48846.387688, niter: 6, nfeval: 9
Iteration 63, mstep_indpointslocs start: 48846.387688
Iteration 63, mstep_indpointslocs end: 48846.919956, niter: 20, nfeval: 24
Iteration 64, estep start: 48846.919956
Iteration 64, estep end: 48848.142072, niter: 20, nfeval: 22
Iteration 64, mstep_embedding start: 48848.142072
Iteration 64, mstep_embedding end: 52936.230658, niter: 20, nfeval: 24
Iteration 64, mstep_kernels start: 52936.230658
Iteration 64, mstep_kernels end: 48849.165117, niter: 6, nfeval: 9
Iteration 64, mstep_indpointslocs start: 48849.165117
Iteration 64, mstep_indpointslocs end: 48849.715216, niter: 20, nfeval: 22
Iteration 65, estep start: 48849.715216
Iteration 65, estep end: 48850.929032, niter: 20, nfeval: 22
Iteration 65, mstep_embedding start: 48850.929032
Iteration 65, mstep_embedding end: 52942.643513, niter: 20, nfeval: 23
Iteration 65, mstep_kernels start: 52942.643513
Iteration 65, mstep_kernels end: 48851.923621, niter: 6, nfeval: 9
Iteration 65, mstep_indpointslocs start: 48851.923621
Iteration 65, mstep_indpointslocs end: 48852.456307, niter: 20, nfeval: 23
Iteration 66, estep start: 48852.456307
Iteration 66, estep end: 48853.670431, niter: 20, nfeval: 22
Iteration 66, mstep_embedding start: 48853.670431
Iteration 66, mstep_embedding end: 52949.256678, niter: 20, nfeval: 24
Iteration 66, mstep_kernels start: 52949.256678
Iteration 66, mstep_kernels end: 48854.676665, niter: 6, nfeval: 9
Iteration 66, mstep_indpointslocs start: 48854.676665
Iteration 66, mstep_indpointslocs end: 48855.228111, niter: 20, nfeval: 23
Iteration 67, estep start: 48855.228111
Iteration 67, estep end: 48856.450950, niter: 20, nfeval: 21
Iteration 67, mstep_embedding start: 48856.450950
Iteration 67, mstep_embedding end: 52955.417394, niter: 20, nfeval: 24
Iteration 67, mstep_kernels start: 52955.417394
Iteration 67, mstep_kernels end: 48857.418835, niter: 6, nfeval: 9
Iteration 67, mstep_indpointslocs start: 48857.418835
Iteration 67, mstep_indpointslocs end: 48857.979180, niter: 20, nfeval: 23
Iteration 68, estep start: 48857.979180
Iteration 68, estep end: 48859.219981, niter: 20, nfeval: 21
Iteration 68, mstep_embedding start: 48859.219981
Iteration 68, mstep_embedding end: 52961.799903, niter: 20, nfeval: 22
Iteration 68, mstep_kernels start: 52961.799903
Iteration 68, mstep_kernels end: 48860.174367, niter: 6, nfeval: 9
Iteration 68, mstep_indpointslocs start: 48860.174367
Iteration 68, mstep_indpointslocs end: 48860.846634, niter: 20, nfeval: 22
Iteration 69, estep start: 48860.846634
Iteration 69, estep end: 48862.174798, niter: 20, nfeval: 21
Iteration 69, mstep_embedding start: 48862.174798
Iteration 69, mstep_embedding end: 52968.165232, niter: 20, nfeval: 23
Iteration 69, mstep_kernels start: 52968.165232
Iteration 69, mstep_kernels end: 48863.117183, niter: 6, nfeval: 9
Iteration 69, mstep_indpointslocs start: 48863.117183
Iteration 69, mstep_indpointslocs end: 48863.996075, niter: 20, nfeval: 22
Iteration 70, estep start: 48863.996075
Iteration 70, estep end: 48865.393055, niter: 20, nfeval: 22
Iteration 70, mstep_embedding start: 48865.393055
Iteration 70, mstep_embedding end: 52974.781602, niter: 20, nfeval: 24
Iteration 70, mstep_kernels start: 52974.781602
Iteration 70, mstep_kernels end: 48866.328477, niter: 6, nfeval: 9
Iteration 70, mstep_indpointslocs start: 48866.328477
Iteration 70, mstep_indpointslocs end: 48866.965438, niter: 20, nfeval: 23
Iteration 71, estep start: 48866.965438
Iteration 71, estep end: 48868.150821, niter: 20, nfeval: 21
Iteration 71, mstep_embedding start: 48868.150821
Iteration 71, mstep_embedding end: 52981.245335, niter: 20, nfeval: 23
Iteration 71, mstep_kernels start: 52981.245335
Iteration 71, mstep_kernels end: 48869.118179, niter: 6, nfeval: 9
Iteration 71, mstep_indpointslocs start: 48869.118179
Iteration 71, mstep_indpointslocs end: 48869.592308, niter: 20, nfeval: 22
Iteration 72, estep start: 48869.592308
Iteration 72, estep end: 48870.702119, niter: 20, nfeval: 22
Iteration 72, mstep_embedding start: 48870.702119
Iteration 72, mstep_embedding end: 52987.440754, niter: 20, nfeval: 22
Iteration 72, mstep_kernels start: 52987.440754
Iteration 72, mstep_kernels end: 48871.669698, niter: 6, nfeval: 9
Iteration 72, mstep_indpointslocs start: 48871.669698
Iteration 72, mstep_indpointslocs end: 48872.156388, niter: 20, nfeval: 23
Iteration 73, estep start: 48872.156388
Iteration 73, estep end: 48873.293616, niter: 20, nfeval: 21
Iteration 73, mstep_embedding start: 48873.293616
Iteration 73, mstep_embedding end: 52993.665459, niter: 20, nfeval: 24
Iteration 73, mstep_kernels start: 52993.665459
Iteration 73, mstep_kernels end: 48874.268037, niter: 6, nfeval: 9
Iteration 73, mstep_indpointslocs start: 48874.268037
Iteration 73, mstep_indpointslocs end: 48874.760255, niter: 20, nfeval: 23
Iteration 74, estep start: 48874.760255
Iteration 74, estep end: 48875.864649, niter: 20, nfeval: 22
Iteration 74, mstep_embedding start: 48875.864649
Iteration 74, mstep_embedding end: 52999.304102, niter: 20, nfeval: 23
Iteration 74, mstep_kernels start: 52999.304102
Iteration 74, mstep_kernels end: 48876.809279, niter: 7, nfeval: 10
Iteration 74, mstep_indpointslocs start: 48876.809279
Iteration 74, mstep_indpointslocs end: 48877.292742, niter: 20, nfeval: 23
Iteration 75, estep start: 48877.292742
Iteration 75, estep end: 48878.387143, niter: 20, nfeval: 22
Iteration 75, mstep_embedding start: 48878.387143
Iteration 75, mstep_embedding end: 53005.209374, niter: 20, nfeval: 22
Iteration 75, mstep_kernels start: 53005.209374
Iteration 75, mstep_kernels end: 48879.319657, niter: 7, nfeval: 10
Iteration 75, mstep_indpointslocs start: 48879.319657
Iteration 75, mstep_indpointslocs end: 48879.795818, niter: 20, nfeval: 23
Iteration 76, estep start: 48879.795818
Iteration 76, estep end: 48880.838315, niter: 20, nfeval: 22
Iteration 76, mstep_embedding start: 48880.838315
Iteration 76, mstep_embedding end: 53010.288860, niter: 20, nfeval: 23
Iteration 76, mstep_kernels start: 53010.288860
Iteration 76, mstep_kernels end: 48881.700566, niter: 7, nfeval: 10
Iteration 76, mstep_indpointslocs start: 48881.700566
Iteration 76, mstep_indpointslocs end: 48882.185477, niter: 20, nfeval: 22
Iteration 77, estep start: 48882.185477
Iteration 77, estep end: 48883.268520, niter: 20, nfeval: 22
Iteration 77, mstep_embedding start: 48883.268520
Iteration 77, mstep_embedding end: 53015.857924, niter: 20, nfeval: 23
Iteration 77, mstep_kernels start: 53015.857924
Iteration 77, mstep_kernels end: 48884.139831, niter: 7, nfeval: 10
Iteration 77, mstep_indpointslocs start: 48884.139831
Iteration 77, mstep_indpointslocs end: 48884.628676, niter: 20, nfeval: 22
Iteration 78, estep start: 48884.628676
Iteration 78, estep end: 48885.703579, niter: 20, nfeval: 22
Iteration 78, mstep_embedding start: 48885.703579
Iteration 78, mstep_embedding end: 53021.104610, niter: 20, nfeval: 22
Iteration 78, mstep_kernels start: 53021.104610
Iteration 78, mstep_kernels end: 48886.533627, niter: 7, nfeval: 10
Iteration 78, mstep_indpointslocs start: 48886.533627
Iteration 78, mstep_indpointslocs end: 48887.012009, niter: 20, nfeval: 23
Iteration 79, estep start: 48887.012009
Iteration 79, estep end: 48888.071619, niter: 20, nfeval: 21
Iteration 79, mstep_embedding start: 48888.071619
Iteration 79, mstep_embedding end: 53026.393707, niter: 20, nfeval: 22
Iteration 79, mstep_kernels start: 53026.393707
Iteration 79, mstep_kernels end: 48888.907376, niter: 7, nfeval: 10
Iteration 79, mstep_indpointslocs start: 48888.907376
Iteration 79, mstep_indpointslocs end: 48889.424205, niter: 20, nfeval: 23
Iteration 80, estep start: 48889.424205
Iteration 80, estep end: 48890.494521, niter: 20, nfeval: 21
Iteration 80, mstep_embedding start: 48890.494521
Iteration 80, mstep_embedding end: 53031.529924, niter: 20, nfeval: 23
Iteration 80, mstep_kernels start: 53031.529924
Iteration 80, mstep_kernels end: 48891.305753, niter: 7, nfeval: 10
Iteration 80, mstep_indpointslocs start: 48891.305753
Iteration 80, mstep_indpointslocs end: 48891.828128, niter: 20, nfeval: 22
Iteration 81, estep start: 48891.828128
Iteration 81, estep end: 48892.934717, niter: 20, nfeval: 22
Iteration 81, mstep_embedding start: 48892.934717
Iteration 81, mstep_embedding end: 53036.971632, niter: 20, nfeval: 23
Iteration 81, mstep_kernels start: 53036.971632
Iteration 81, mstep_kernels end: 48893.756969, niter: 7, nfeval: 10
Iteration 81, mstep_indpointslocs start: 48893.756969
Iteration 81, mstep_indpointslocs end: 48894.285456, niter: 20, nfeval: 22
Iteration 82, estep start: 48894.285456
Iteration 82, estep end: 48895.363360, niter: 20, nfeval: 21
Iteration 82, mstep_embedding start: 48895.363360
Iteration 82, mstep_embedding end: 53041.867958, niter: 20, nfeval: 22
Iteration 82, mstep_kernels start: 53041.867958
Iteration 82, mstep_kernels end: 48896.160852, niter: 7, nfeval: 10
Iteration 82, mstep_indpointslocs start: 48896.160852
Iteration 82, mstep_indpointslocs end: 48896.687254, niter: 20, nfeval: 22
Iteration 83, estep start: 48896.687254
Iteration 83, estep end: 48897.779083, niter: 20, nfeval: 21
Iteration 83, mstep_embedding start: 48897.779083
Iteration 83, mstep_embedding end: 53046.937653, niter: 20, nfeval: 23
Iteration 83, mstep_kernels start: 53046.937653
Iteration 83, mstep_kernels end: 48898.560042, niter: 7, nfeval: 10
Iteration 83, mstep_indpointslocs start: 48898.560042
Iteration 83, mstep_indpointslocs end: 48899.076507, niter: 20, nfeval: 24
Iteration 84, estep start: 48899.076507
Iteration 84, estep end: 48900.219009, niter: 20, nfeval: 21
Iteration 84, mstep_embedding start: 48900.219009
Iteration 84, mstep_embedding end: 53052.189588, niter: 20, nfeval: 22
Iteration 84, mstep_kernels start: 53052.189588
Iteration 84, mstep_kernels end: 48901.001454, niter: 7, nfeval: 10
Iteration 84, mstep_indpointslocs start: 48901.001454
Iteration 84, mstep_indpointslocs end: 48901.513263, niter: 20, nfeval: 22
Iteration 85, estep start: 48901.513263
Iteration 85, estep end: 48902.602680, niter: 20, nfeval: 21
Iteration 85, mstep_embedding start: 48902.602680
Iteration 85, mstep_embedding end: 53057.234663, niter: 20, nfeval: 23
Iteration 85, mstep_kernels start: 53057.234663
Iteration 85, mstep_kernels end: 48903.403643, niter: 7, nfeval: 10
Iteration 85, mstep_indpointslocs start: 48903.403643
Iteration 85, mstep_indpointslocs end: 48903.902784, niter: 20, nfeval: 22
Iteration 86, estep start: 48903.902784
Iteration 86, estep end: 48904.994761, niter: 20, nfeval: 21
Iteration 86, mstep_embedding start: 48904.994761
Iteration 86, mstep_embedding end: 53062.243194, niter: 20, nfeval: 22
Iteration 86, mstep_kernels start: 53062.243194
Iteration 86, mstep_kernels end: 48905.776900, niter: 7, nfeval: 10
Iteration 86, mstep_indpointslocs start: 48905.776900
Iteration 86, mstep_indpointslocs end: 48906.264500, niter: 20, nfeval: 23
Iteration 87, estep start: 48906.264500
Iteration 87, estep end: 48907.313468, niter: 20, nfeval: 22
Iteration 87, mstep_embedding start: 48907.313468
Iteration 87, mstep_embedding end: 53067.071187, niter: 20, nfeval: 24
Iteration 87, mstep_kernels start: 53067.071187
Iteration 87, mstep_kernels end: 48908.104393, niter: 8, nfeval: 9
Iteration 87, mstep_indpointslocs start: 48908.104393
Iteration 87, mstep_indpointslocs end: 48908.592462, niter: 20, nfeval: 22
Iteration 88, estep start: 48908.592462
Iteration 88, estep end: 48909.620120, niter: 20, nfeval: 21
Iteration 88, mstep_embedding start: 48909.620120
Iteration 88, mstep_embedding end: 53072.057628, niter: 20, nfeval: 22
Iteration 88, mstep_kernels start: 53072.057628
Iteration 88, mstep_kernels end: 48910.419178, niter: 8, nfeval: 9
Iteration 88, mstep_indpointslocs start: 48910.419178
Iteration 88, mstep_indpointslocs end: 48910.917718, niter: 20, nfeval: 22
Iteration 89, estep start: 48910.917718
Iteration 89, estep end: 48911.918517, niter: 20, nfeval: 21
Iteration 89, mstep_embedding start: 48911.918517
Iteration 89, mstep_embedding end: 53076.584237, niter: 20, nfeval: 23
Iteration 89, mstep_kernels start: 53076.584237
Iteration 89, mstep_kernels end: 48912.670991, niter: 8, nfeval: 9
Iteration 89, mstep_indpointslocs start: 48912.670991
Iteration 89, mstep_indpointslocs end: 48913.140070, niter: 20, nfeval: 22
Iteration 90, estep start: 48913.140070
Iteration 90, estep end: 48914.121681, niter: 20, nfeval: 21
Iteration 90, mstep_embedding start: 48914.121681
Iteration 90, mstep_embedding end: 53081.083259, niter: 20, nfeval: 22
Iteration 90, mstep_kernels start: 53081.083259
Iteration 90, mstep_kernels end: 48914.874357, niter: 8, nfeval: 9
Iteration 90, mstep_indpointslocs start: 48914.874357
Iteration 90, mstep_indpointslocs end: 48915.320793, niter: 20, nfeval: 22
Iteration 91, estep start: 48915.320793
Iteration 91, estep end: 48916.285519, niter: 20, nfeval: 21
Iteration 91, mstep_embedding start: 48916.285519
Iteration 91, mstep_embedding end: 53085.586622, niter: 20, nfeval: 22
Iteration 91, mstep_kernels start: 53085.586622
Iteration 91, mstep_kernels end: 48917.032163, niter: 8, nfeval: 9
Iteration 91, mstep_indpointslocs start: 48917.032163
Iteration 91, mstep_indpointslocs end: 48917.437046, niter: 20, nfeval: 22
Iteration 92, estep start: 48917.437046
Iteration 92, estep end: 48918.359696, niter: 20, nfeval: 21
Iteration 92, mstep_embedding start: 48918.359696
Iteration 92, mstep_embedding end: 53089.893342, niter: 20, nfeval: 23
Iteration 92, mstep_kernels start: 53089.893342
Iteration 92, mstep_kernels end: 48919.082358, niter: 8, nfeval: 9
Iteration 92, mstep_indpointslocs start: 48919.082358
Iteration 92, mstep_indpointslocs end: 48919.472435, niter: 20, nfeval: 22
Iteration 93, estep start: 48919.472435
Iteration 93, estep end: 48920.377225, niter: 20, nfeval: 21
Iteration 93, mstep_embedding start: 48920.377225
Iteration 93, mstep_embedding end: 53094.037762, niter: 20, nfeval: 23
Iteration 93, mstep_kernels start: 53094.037762
Iteration 93, mstep_kernels end: 48921.102805, niter: 8, nfeval: 9
Iteration 93, mstep_indpointslocs start: 48921.102805
Iteration 93, mstep_indpointslocs end: 48921.495178, niter: 20, nfeval: 23
Iteration 94, estep start: 48921.495178
Iteration 94, estep end: 48922.381353, niter: 20, nfeval: 21
Iteration 94, mstep_embedding start: 48922.381353
Iteration 94, mstep_embedding end: 53097.935677, niter: 20, nfeval: 22
Iteration 94, mstep_kernels start: 53097.935677
Iteration 94, mstep_kernels end: 48923.089193, niter: 8, nfeval: 9
Iteration 94, mstep_indpointslocs start: 48923.089193
Iteration 94, mstep_indpointslocs end: 48923.487554, niter: 20, nfeval: 24
Iteration 95, estep start: 48923.487554
Iteration 95, estep end: 48924.373295, niter: 20, nfeval: 22
Iteration 95, mstep_embedding start: 48924.373295
Iteration 95, mstep_embedding end: 53101.770118, niter: 20, nfeval: 23
Iteration 95, mstep_kernels start: 53101.770118
Iteration 95, mstep_kernels end: 48925.061557, niter: 8, nfeval: 9
Iteration 95, mstep_indpointslocs start: 48925.061557
Iteration 95, mstep_indpointslocs end: 48925.457894, niter: 20, nfeval: 23
Iteration 96, estep start: 48925.457894
Iteration 96, estep end: 48926.319733, niter: 20, nfeval: 22
Iteration 96, mstep_embedding start: 48926.319733
Iteration 96, mstep_embedding end: 53105.085656, niter: 20, nfeval: 22
Iteration 96, mstep_kernels start: 53105.085656
Iteration 96, mstep_kernels end: 48926.983693, niter: 8, nfeval: 9
Iteration 96, mstep_indpointslocs start: 48926.983693
Iteration 96, mstep_indpointslocs end: 48927.395410, niter: 20, nfeval: 23
Iteration 97, estep start: 48927.395410
Iteration 97, estep end: 48928.267461, niter: 20, nfeval: 22
Iteration 97, mstep_embedding start: 48928.267461
Iteration 97, mstep_embedding end: 53108.595258, niter: 20, nfeval: 23
Iteration 97, mstep_kernels start: 53108.595258
Iteration 97, mstep_kernels end: 48928.908018, niter: 8, nfeval: 9
Iteration 97, mstep_indpointslocs start: 48928.908018
Iteration 97, mstep_indpointslocs end: 48929.314701, niter: 20, nfeval: 23
Iteration 98, estep start: 48929.314701
Iteration 98, estep end: 48930.254298, niter: 20, nfeval: 22
Iteration 98, mstep_embedding start: 48930.254298
Iteration 98, mstep_embedding end: 53112.070443, niter: 20, nfeval: 23
Iteration 98, mstep_kernels start: 53112.070443
Iteration 98, mstep_kernels end: 48930.879758, niter: 8, nfeval: 9
Iteration 98, mstep_indpointslocs start: 48930.879758
Iteration 98, mstep_indpointslocs end: 48931.362147, niter: 20, nfeval: 23
Iteration 99, estep start: 48931.362147
Iteration 99, estep end: 48932.456490, niter: 20, nfeval: 22
Iteration 99, mstep_embedding start: 48932.456490
Iteration 99, mstep_embedding end: 53115.884996, niter: 20, nfeval: 23
Iteration 99, mstep_kernels start: 53115.884996
Iteration 99, mstep_kernels end: 48933.088290, niter: 8, nfeval: 9
Iteration 99, mstep_indpointslocs start: 48933.088290
Iteration 99, mstep_indpointslocs end: 48933.561701, niter: 20, nfeval: 23
Iteration 100, estep start: 48933.561701
Iteration 100, estep end: 48934.487873, niter: 20, nfeval: 21
Iteration 100, mstep_embedding start: 48934.487873
Iteration 100, mstep_embedding end: 53119.324795, niter: 20, nfeval: 23
Iteration 100, mstep_kernels start: 53119.324795
Iteration 100, mstep_kernels end: 48935.142492, niter: 8, nfeval: 9
Iteration 100, mstep_indpointslocs start: 48935.142492
Iteration 100, mstep_indpointslocs end: 48935.527517, niter: 20, nfeval: 22
Iteration 101, estep start: 48935.527517
Iteration 101, estep end: 48936.364725, niter: 20, nfeval: 21
Iteration 101, mstep_embedding start: 48936.364725
Iteration 101, mstep_embedding end: 53122.834673, niter: 20, nfeval: 22
Iteration 101, mstep_kernels start: 53122.834673
Iteration 101, mstep_kernels end: 48936.989182, niter: 8, nfeval: 9
Iteration 101, mstep_indpointslocs start: 48936.989182
Iteration 101, mstep_indpointslocs end: 48937.329611, niter: 20, nfeval: 23
Iteration 102, estep start: 48937.329611
Iteration 102, estep end: 48938.102197, niter: 20, nfeval: 21
Iteration 102, mstep_embedding start: 48938.102197
Iteration 102, mstep_embedding end: 53125.669719, niter: 20, nfeval: 22
Iteration 102, mstep_kernels start: 53125.669719
Iteration 102, mstep_kernels end: 48938.714843, niter: 8, nfeval: 10
Iteration 102, mstep_indpointslocs start: 48938.714843
Iteration 102, mstep_indpointslocs end: 48939.051701, niter: 20, nfeval: 22
Iteration 103, estep start: 48939.051701
Iteration 103, estep end: 48939.844391, niter: 20, nfeval: 21
Iteration 103, mstep_embedding start: 48939.844391
Iteration 103, mstep_embedding end: 53128.634363, niter: 20, nfeval: 22
Iteration 103, mstep_kernels start: 53128.634363
Iteration 103, mstep_kernels end: 48940.435881, niter: 8, nfeval: 10
Iteration 103, mstep_indpointslocs start: 48940.435881
Iteration 103, mstep_indpointslocs end: 48940.766406, niter: 20, nfeval: 23
Iteration 104, estep start: 48940.766406
Iteration 104, estep end: 48941.531976, niter: 20, nfeval: 21
Iteration 104, mstep_embedding start: 48941.531976
Iteration 104, mstep_embedding end: 53131.383302, niter: 20, nfeval: 22
Iteration 104, mstep_kernels start: 53131.383302
Iteration 104, mstep_kernels end: 48942.129224, niter: 8, nfeval: 10
Iteration 104, mstep_indpointslocs start: 48942.129224
Iteration 104, mstep_indpointslocs end: 48942.448450, niter: 20, nfeval: 23
Iteration 105, estep start: 48942.448450
Iteration 105, estep end: 48943.191351, niter: 20, nfeval: 21
Iteration 105, mstep_embedding start: 48943.191351
Iteration 105, mstep_embedding end: 53133.890694, niter: 20, nfeval: 22
Iteration 105, mstep_kernels start: 53133.890694
Iteration 105, mstep_kernels end: 48943.765844, niter: 8, nfeval: 10
Iteration 105, mstep_indpointslocs start: 48943.765844
Iteration 105, mstep_indpointslocs end: 48944.067110, niter: 20, nfeval: 24
Iteration 106, estep start: 48944.067110
Iteration 106, estep end: 48944.785954, niter: 20, nfeval: 22
Iteration 106, mstep_embedding start: 48944.785954
Iteration 106, mstep_embedding end: 53136.577555, niter: 20, nfeval: 22
Iteration 106, mstep_kernels start: 53136.577555
Iteration 106, mstep_kernels end: 48945.369379, niter: 7, nfeval: 9
Iteration 106, mstep_indpointslocs start: 48945.369379
Iteration 106, mstep_indpointslocs end: 48945.695178, niter: 20, nfeval: 22
Iteration 107, estep start: 48945.695178
Iteration 107, estep end: 48946.409891, niter: 20, nfeval: 21
Iteration 107, mstep_embedding start: 48946.409891
Iteration 107, mstep_embedding end: 53138.633503, niter: 20, nfeval: 23
Iteration 107, mstep_kernels start: 53138.633503
Iteration 107, mstep_kernels end: 48946.954740, niter: 7, nfeval: 8
Iteration 107, mstep_indpointslocs start: 48946.954740
Iteration 107, mstep_indpointslocs end: 48947.267807, niter: 20, nfeval: 23
Iteration 108, estep start: 48947.267807
Iteration 108, estep end: 48947.978576, niter: 20, nfeval: 22
Iteration 108, mstep_embedding start: 48947.978576
Iteration 108, mstep_embedding end: 53140.993481, niter: 20, nfeval: 22
Iteration 108, mstep_kernels start: 53140.993481
Iteration 108, mstep_kernels end: 48948.529226, niter: 7, nfeval: 8
Iteration 108, mstep_indpointslocs start: 48948.529226
Iteration 108, mstep_indpointslocs end: 48948.836357, niter: 20, nfeval: 22
Iteration 109, estep start: 48948.836357
Iteration 109, estep end: 48949.550094, niter: 20, nfeval: 21
Iteration 109, mstep_embedding start: 48949.550094
Iteration 109, mstep_embedding end: 53143.385237, niter: 20, nfeval: 22
Iteration 109, mstep_kernels start: 53143.385237
Iteration 109, mstep_kernels end: 48950.093186, niter: 7, nfeval: 8
Iteration 109, mstep_indpointslocs start: 48950.093186
Iteration 109, mstep_indpointslocs end: 48950.407680, niter: 20, nfeval: 22
Iteration 110, estep start: 48950.407680
Iteration 110, estep end: 48951.114380, niter: 20, nfeval: 21
Iteration 110, mstep_embedding start: 48951.114380
Iteration 110, mstep_embedding end: 53145.762037, niter: 20, nfeval: 22
Iteration 110, mstep_kernels start: 53145.762037
Iteration 110, mstep_kernels end: 48951.667805, niter: 7, nfeval: 8
Iteration 110, mstep_indpointslocs start: 48951.667805
Iteration 110, mstep_indpointslocs end: 48951.987919, niter: 20, nfeval: 23
Iteration 111, estep start: 48951.987919
Iteration 111, estep end: 48952.697075, niter: 20, nfeval: 21
Iteration 111, mstep_embedding start: 48952.697075
Iteration 111, mstep_embedding end: 53147.887883, niter: 20, nfeval: 22
Iteration 111, mstep_kernels start: 53147.887883
Iteration 111, mstep_kernels end: 48953.226307, niter: 7, nfeval: 8
Iteration 111, mstep_indpointslocs start: 48953.226307
Iteration 111, mstep_indpointslocs end: 48953.542499, niter: 20, nfeval: 23
Iteration 112, estep start: 48953.542499
Iteration 112, estep end: 48954.235393, niter: 20, nfeval: 21
Iteration 112, mstep_embedding start: 48954.235393
Iteration 112, mstep_embedding end: 53149.897724, niter: 20, nfeval: 23
Iteration 112, mstep_kernels start: 53149.897724
Iteration 112, mstep_kernels end: 48954.764395, niter: 7, nfeval: 8
Iteration 112, mstep_indpointslocs start: 48954.764395
Iteration 112, mstep_indpointslocs end: 48955.070062, niter: 20, nfeval: 22
Iteration 113, estep start: 48955.070062
Iteration 113, estep end: 48955.746039, niter: 20, nfeval: 21
Iteration 113, mstep_embedding start: 48955.746039
Iteration 113, mstep_embedding end: 53152.142633, niter: 20, nfeval: 23
Iteration 113, mstep_kernels start: 53152.142633
Iteration 113, mstep_kernels end: 48956.292902, niter: 7, nfeval: 8
Iteration 113, mstep_indpointslocs start: 48956.292902
Iteration 113, mstep_indpointslocs end: 48956.596012, niter: 20, nfeval: 23
Iteration 114, estep start: 48956.596012
Iteration 114, estep end: 48957.259390, niter: 20, nfeval: 22
Iteration 114, mstep_embedding start: 48957.259390
Iteration 114, mstep_embedding end: 53154.013453, niter: 20, nfeval: 23
Iteration 114, mstep_kernels start: 53154.013453
Iteration 114, mstep_kernels end: 48957.788164, niter: 8, nfeval: 9
Iteration 114, mstep_indpointslocs start: 48957.788164
Iteration 114, mstep_indpointslocs end: 48958.103969, niter: 20, nfeval: 23
Iteration 115, estep start: 48958.103969
Iteration 115, estep end: 48958.767347, niter: 20, nfeval: 21
Iteration 115, mstep_embedding start: 48958.767347
Iteration 115, mstep_embedding end: 53155.906908, niter: 20, nfeval: 23
Iteration 115, mstep_kernels start: 53155.906908
Iteration 115, mstep_kernels end: 48959.288394, niter: 7, nfeval: 9
Iteration 115, mstep_indpointslocs start: 48959.288394
Iteration 115, mstep_indpointslocs end: 48959.599800, niter: 20, nfeval: 23
Iteration 116, estep start: 48959.599800
Iteration 116, estep end: 48960.253776, niter: 20, nfeval: 22
Iteration 116, mstep_embedding start: 48960.253776
Iteration 116, mstep_embedding end: 53157.726900, niter: 20, nfeval: 23
Iteration 116, mstep_kernels start: 53157.726900
Iteration 116, mstep_kernels end: 48960.787554, niter: 8, nfeval: 9
Iteration 116, mstep_indpointslocs start: 48960.787554
Iteration 116, mstep_indpointslocs end: 48961.081996, niter: 20, nfeval: 24
Iteration 117, estep start: 48961.081996
Iteration 117, estep end: 48961.704539, niter: 20, nfeval: 21
Iteration 117, mstep_embedding start: 48961.704539
Iteration 117, mstep_embedding end: 53159.203824, niter: 20, nfeval: 23
Iteration 117, mstep_kernels start: 53159.203824
Iteration 117, mstep_kernels end: 48962.211698, niter: 8, nfeval: 10
Iteration 117, mstep_indpointslocs start: 48962.211698
Iteration 117, mstep_indpointslocs end: 48962.485398, niter: 20, nfeval: 23
Iteration 118, estep start: 48962.485398
Iteration 118, estep end: 48963.130681, niter: 20, nfeval: 21
Iteration 118, mstep_embedding start: 48963.130681
Iteration 118, mstep_embedding end: 53161.115837, niter: 20, nfeval: 23
Iteration 118, mstep_kernels start: 53161.115837
Iteration 118, mstep_kernels end: 48963.656028, niter: 8, nfeval: 9
Iteration 118, mstep_indpointslocs start: 48963.656028
Iteration 118, mstep_indpointslocs end: 48963.957662, niter: 20, nfeval: 22
Iteration 119, estep start: 48963.957662
Iteration 119, estep end: 48964.581532, niter: 20, nfeval: 21
Iteration 119, mstep_embedding start: 48964.581532
Iteration 119, mstep_embedding end: 53162.415022, niter: 20, nfeval: 22
Iteration 119, mstep_kernels start: 53162.415022
Iteration 119, mstep_kernels end: 48965.082085, niter: 7, nfeval: 10
Iteration 119, mstep_indpointslocs start: 48965.082085
Iteration 119, mstep_indpointslocs end: 48965.379697, niter: 20, nfeval: 23
Iteration 120, estep start: 48965.379697
Iteration 120, estep end: 48966.011269, niter: 20, nfeval: 22
Iteration 120, mstep_embedding start: 48966.011269
Iteration 120, mstep_embedding end: 53163.946231, niter: 20, nfeval: 22
Iteration 120, mstep_kernels start: 53163.946231
Iteration 120, mstep_kernels end: 48966.525142, niter: 7, nfeval: 10
Iteration 120, mstep_indpointslocs start: 48966.525142
Iteration 120, mstep_indpointslocs end: 48966.841810, niter: 20, nfeval: 22
Iteration 121, estep start: 48966.841810
Iteration 121, estep end: 48967.489825, niter: 20, nfeval: 22
Iteration 121, mstep_embedding start: 48967.489825
Iteration 121, mstep_embedding end: 53165.479884, niter: 20, nfeval: 22
Iteration 121, mstep_kernels start: 53165.479884
Iteration 121, mstep_kernels end: 48968.002890, niter: 7, nfeval: 10
Iteration 121, mstep_indpointslocs start: 48968.002890
Iteration 121, mstep_indpointslocs end: 48968.297699, niter: 20, nfeval: 23
Iteration 122, estep start: 48968.297699
Iteration 122, estep end: 48968.926605, niter: 20, nfeval: 22
Iteration 122, mstep_embedding start: 48968.926605
Iteration 122, mstep_embedding end: 53166.953270, niter: 20, nfeval: 22
Iteration 122, mstep_kernels start: 53166.953270
Iteration 122, mstep_kernels end: 48969.443475, niter: 7, nfeval: 10
Iteration 122, mstep_indpointslocs start: 48969.443475
Iteration 122, mstep_indpointslocs end: 48969.745463, niter: 20, nfeval: 22
Iteration 123, estep start: 48969.745463
Iteration 123, estep end: 48970.365498, niter: 20, nfeval: 22
Iteration 123, mstep_embedding start: 48970.365498
Iteration 123, mstep_embedding end: 53168.393254, niter: 20, nfeval: 22
Iteration 123, mstep_kernels start: 53168.393254
Iteration 123, mstep_kernels end: 48970.879918, niter: 7, nfeval: 10
Iteration 123, mstep_indpointslocs start: 48970.879918
Iteration 123, mstep_indpointslocs end: 48971.154924, niter: 20, nfeval: 23
Iteration 124, estep start: 48971.154924
Iteration 124, estep end: 48971.768598, niter: 20, nfeval: 21
Iteration 124, mstep_embedding start: 48971.768598
Iteration 124, mstep_embedding end: 53169.788311, niter: 20, nfeval: 22
Iteration 124, mstep_kernels start: 53169.788311
Iteration 124, mstep_kernels end: 48972.280477, niter: 7, nfeval: 10
Iteration 124, mstep_indpointslocs start: 48972.280477
Iteration 124, mstep_indpointslocs end: 48972.548225, niter: 20, nfeval: 23
Iteration 125, estep start: 48972.548225
Iteration 125, estep end: 48973.155280, niter: 20, nfeval: 21
Iteration 125, mstep_embedding start: 48973.155280
Iteration 125, mstep_embedding end: 53170.943084, niter: 20, nfeval: 22
Iteration 125, mstep_kernels start: 53170.943084
Iteration 125, mstep_kernels end: 48973.671697, niter: 7, nfeval: 10
Iteration 125, mstep_indpointslocs start: 48973.671697
Iteration 125, mstep_indpointslocs end: 48973.938166, niter: 20, nfeval: 23
Iteration 126, estep start: 48973.938166
Iteration 126, estep end: 48974.549129, niter: 20, nfeval: 22
Iteration 126, mstep_embedding start: 48974.549129
Iteration 126, mstep_embedding end: 53171.975258, niter: 20, nfeval: 23
Iteration 126, mstep_kernels start: 53171.975258
Iteration 126, mstep_kernels end: 48975.075351, niter: 8, nfeval: 10
Iteration 126, mstep_indpointslocs start: 48975.075351
Iteration 126, mstep_indpointslocs end: 48975.342686, niter: 20, nfeval: 23
Iteration 127, estep start: 48975.342686
Iteration 127, estep end: 48975.934316, niter: 20, nfeval: 22
Iteration 127, mstep_embedding start: 48975.934316
Iteration 127, mstep_embedding end: 53173.099853, niter: 20, nfeval: 23
Iteration 127, mstep_kernels start: 53173.099853
Iteration 127, mstep_kernels end: 48976.454354, niter: 8, nfeval: 10
Iteration 127, mstep_indpointslocs start: 48976.454354
Iteration 127, mstep_indpointslocs end: 48976.709653, niter: 20, nfeval: 22
Iteration 128, estep start: 48976.709653
Iteration 128, estep end: 48977.308975, niter: 20, nfeval: 22
Iteration 128, mstep_embedding start: 48977.308975
Iteration 128, mstep_embedding end: 53174.124840, niter: 20, nfeval: 24
Iteration 128, mstep_kernels start: 53174.124840
Iteration 128, mstep_kernels end: 48977.842643, niter: 8, nfeval: 10
Iteration 128, mstep_indpointslocs start: 48977.842643
Iteration 128, mstep_indpointslocs end: 48978.103056, niter: 20, nfeval: 22
Iteration 129, estep start: 48978.103056
Iteration 129, estep end: 48978.693285, niter: 20, nfeval: 22
Iteration 129, mstep_embedding start: 48978.693285
Iteration 129, mstep_embedding end: 53174.994013, niter: 20, nfeval: 23
Iteration 129, mstep_kernels start: 53174.994013
Iteration 129, mstep_kernels end: 48979.220516, niter: 8, nfeval: 10
Iteration 129, mstep_indpointslocs start: 48979.220516
Iteration 129, mstep_indpointslocs end: 48979.475050, niter: 20, nfeval: 24
Iteration 130, estep start: 48979.475050
Iteration 130, estep end: 48980.050946, niter: 20, nfeval: 22
Iteration 130, mstep_embedding start: 48980.050946
Iteration 130, mstep_embedding end: 53175.782975, niter: 20, nfeval: 24
Iteration 130, mstep_kernels start: 53175.782975
Iteration 130, mstep_kernels end: 48980.561238, niter: 8, nfeval: 10
Iteration 130, mstep_indpointslocs start: 48980.561238
Iteration 130, mstep_indpointslocs end: 48980.813231, niter: 20, nfeval: 24
Iteration 131, estep start: 48980.813231
Iteration 131, estep end: 48981.405137, niter: 20, nfeval: 22
Iteration 131, mstep_embedding start: 48981.405137
Iteration 131, mstep_embedding end: 53176.671698, niter: 20, nfeval: 22
Iteration 131, mstep_kernels start: 53176.671698
Iteration 131, mstep_kernels end: 48981.938170, niter: 8, nfeval: 10
Iteration 131, mstep_indpointslocs start: 48981.938170
Iteration 131, mstep_indpointslocs end: 48982.194397, niter: 20, nfeval: 22
Iteration 132, estep start: 48982.194397
Iteration 132, estep end: 48982.798346, niter: 20, nfeval: 22
Iteration 132, mstep_embedding start: 48982.798346
Iteration 132, mstep_embedding end: 53177.495720, niter: 20, nfeval: 23
Iteration 132, mstep_kernels start: 53177.495720
Iteration 132, mstep_kernels end: 48983.344558, niter: 8, nfeval: 10
Iteration 132, mstep_indpointslocs start: 48983.344558
Iteration 132, mstep_indpointslocs end: 48983.611920, niter: 20, nfeval: 23
Iteration 133, estep start: 48983.611920
Iteration 133, estep end: 48984.201397, niter: 20, nfeval: 23
Iteration 133, mstep_embedding start: 48984.201397
Iteration 133, mstep_embedding end: 53178.299929, niter: 20, nfeval: 23
Iteration 133, mstep_kernels start: 53178.299929
Iteration 133, mstep_kernels end: 48984.759640, niter: 8, nfeval: 11
Iteration 133, mstep_indpointslocs start: 48984.759640
Iteration 133, mstep_indpointslocs end: 48985.035235, niter: 20, nfeval: 24
Iteration 134, estep start: 48985.035235
Iteration 134, estep end: 48985.660073, niter: 20, nfeval: 21
Iteration 134, mstep_embedding start: 48985.660073
Iteration 134, mstep_embedding end: 53179.094739, niter: 20, nfeval: 22
Iteration 134, mstep_kernels start: 53179.094739
Iteration 134, mstep_kernels end: 48986.206837, niter: 9, nfeval: 12
Iteration 134, mstep_indpointslocs start: 48986.206837
Iteration 134, mstep_indpointslocs end: 48986.487846, niter: 20, nfeval: 23
Iteration 135, estep start: 48986.487846
Iteration 135, estep end: 48987.108776, niter: 20, nfeval: 21
Iteration 135, mstep_embedding start: 48987.108776
Iteration 135, mstep_embedding end: 53179.940186, niter: 20, nfeval: 22
Iteration 135, mstep_kernels start: 53179.940186
Iteration 135, mstep_kernels end: 48987.682920, niter: 9, nfeval: 12
Iteration 135, mstep_indpointslocs start: 48987.682920
Iteration 135, mstep_indpointslocs end: 48987.958406, niter: 20, nfeval: 23
Iteration 136, estep start: 48987.958406
Iteration 136, estep end: 48988.566310, niter: 20, nfeval: 22
Iteration 136, mstep_embedding start: 48988.566310
Iteration 136, mstep_embedding end: 53180.666913, niter: 20, nfeval: 22
Iteration 136, mstep_kernels start: 53180.666913
Iteration 136, mstep_kernels end: 48989.146145, niter: 8, nfeval: 12
Iteration 136, mstep_indpointslocs start: 48989.146145
Iteration 136, mstep_indpointslocs end: 48989.424579, niter: 20, nfeval: 22
Iteration 137, estep start: 48989.424579
Iteration 137, estep end: 48990.045068, niter: 20, nfeval: 22
Iteration 137, mstep_embedding start: 48990.045068
Iteration 137, mstep_embedding end: 53181.348682, niter: 20, nfeval: 24
Iteration 137, mstep_kernels start: 53181.348682
Iteration 137, mstep_kernels end: 48990.637344, niter: 9, nfeval: 12
Iteration 137, mstep_indpointslocs start: 48990.637344
Iteration 137, mstep_indpointslocs end: 48990.929177, niter: 20, nfeval: 22
Iteration 138, estep start: 48990.929177
Iteration 138, estep end: 48991.584142, niter: 20, nfeval: 21
Iteration 138, mstep_embedding start: 48991.584142
Iteration 138, mstep_embedding end: 53182.139567, niter: 20, nfeval: 23
Iteration 138, mstep_kernels start: 53182.139567
Iteration 138, mstep_kernels end: 48992.155520, niter: 9, nfeval: 12
Iteration 138, mstep_indpointslocs start: 48992.155520
Iteration 138, mstep_indpointslocs end: 48992.429342, niter: 20, nfeval: 22
Iteration 139, estep start: 48992.429342
Iteration 139, estep end: 48993.051669, niter: 20, nfeval: 21
Iteration 139, mstep_embedding start: 48993.051669
Iteration 139, mstep_embedding end: 53182.924635, niter: 20, nfeval: 22
Iteration 139, mstep_kernels start: 53182.924635
Iteration 139, mstep_kernels end: 48993.635242, niter: 9, nfeval: 12
Iteration 139, mstep_indpointslocs start: 48993.635242
Iteration 139, mstep_indpointslocs end: 48993.919666, niter: 20, nfeval: 22
Iteration 140, estep start: 48993.919666
Iteration 140, estep end: 48994.565352, niter: 20, nfeval: 21
Iteration 140, mstep_embedding start: 48994.565352
Iteration 140, mstep_embedding end: 53183.697417, niter: 20, nfeval: 22
Iteration 140, mstep_kernels start: 53183.697417
Iteration 140, mstep_kernels end: 48995.179650, niter: 9, nfeval: 12
Iteration 140, mstep_indpointslocs start: 48995.179650
Iteration 140, mstep_indpointslocs end: 48995.476285, niter: 20, nfeval: 24
Iteration 141, estep start: 48995.476285
Iteration 141, estep end: 48996.124082, niter: 20, nfeval: 21
Iteration 141, mstep_embedding start: 48996.124082
Iteration 141, mstep_embedding end: 53184.308688, niter: 20, nfeval: 22
Iteration 141, mstep_kernels start: 53184.308688
Iteration 141, mstep_kernels end: 48996.755326, niter: 9, nfeval: 14
Iteration 141, mstep_indpointslocs start: 48996.755326
Iteration 141, mstep_indpointslocs end: 48997.043859, niter: 20, nfeval: 22
Iteration 142, estep start: 48997.043859
Iteration 142, estep end: 48997.682539, niter: 20, nfeval: 21
Iteration 142, mstep_embedding start: 48997.682539
Iteration 142, mstep_embedding end: 53185.093027, niter: 20, nfeval: 22
Iteration 142, mstep_kernels start: 53185.093027
Iteration 142, mstep_kernels end: 48998.344800, niter: 9, nfeval: 14
Iteration 142, mstep_indpointslocs start: 48998.344800
Iteration 142, mstep_indpointslocs end: 48998.647048, niter: 20, nfeval: 23
Iteration 143, estep start: 48998.647048
Iteration 143, estep end: 48999.267774, niter: 20, nfeval: 21
Iteration 143, mstep_embedding start: 48999.267774
Iteration 143, mstep_embedding end: 53185.655924, niter: 20, nfeval: 22
Iteration 143, mstep_kernels start: 53185.655924
Iteration 143, mstep_kernels end: 48999.908304, niter: 9, nfeval: 14
Iteration 143, mstep_indpointslocs start: 48999.908304
Iteration 143, mstep_indpointslocs end: 49000.167267, niter: 20, nfeval: 23
Iteration 144, estep start: 49000.167267
Iteration 144, estep end: 49000.771283, niter: 20, nfeval: 22
Iteration 144, mstep_embedding start: 49000.771283
Iteration 144, mstep_embedding end: 53186.110279, niter: 20, nfeval: 22
Iteration 144, mstep_kernels start: 53186.110279
Iteration 144, mstep_kernels end: 49001.404316, niter: 9, nfeval: 13
Iteration 144, mstep_indpointslocs start: 49001.404316
Iteration 144, mstep_indpointslocs end: 49001.662225, niter: 20, nfeval: 23
Iteration 145, estep start: 49001.662225
Iteration 145, estep end: 49002.276582, niter: 20, nfeval: 22
Iteration 145, mstep_embedding start: 49002.276582
Iteration 145, mstep_embedding end: 53186.551724, niter: 20, nfeval: 23
Iteration 145, mstep_kernels start: 53186.551724
Iteration 145, mstep_kernels end: 49002.925090, niter: 9, nfeval: 14
Iteration 145, mstep_indpointslocs start: 49002.925090
Iteration 145, mstep_indpointslocs end: 49003.208439, niter: 20, nfeval: 23
Iteration 146, estep start: 49003.208439
Iteration 146, estep end: 49003.828377, niter: 20, nfeval: 22
Iteration 146, mstep_embedding start: 49003.828377
Iteration 146, mstep_embedding end: 53187.168307, niter: 20, nfeval: 23
Iteration 146, mstep_kernels start: 53187.168307
Iteration 146, mstep_kernels end: 49004.486558, niter: 9, nfeval: 14
Iteration 146, mstep_indpointslocs start: 49004.486558
Iteration 146, mstep_indpointslocs end: 49004.763710, niter: 20, nfeval: 22
Iteration 147, estep start: 49004.763710
Iteration 147, estep end: 49005.406186, niter: 20, nfeval: 21
Iteration 147, mstep_embedding start: 49005.406186
Iteration 147, mstep_embedding end: 53187.549283, niter: 20, nfeval: 22
Iteration 147, mstep_kernels start: 53187.549283
Iteration 147, mstep_kernels end: 49006.059941, niter: 9, nfeval: 13
Iteration 147, mstep_indpointslocs start: 49006.059941
Iteration 147, mstep_indpointslocs end: 49006.324741, niter: 20, nfeval: 22
Iteration 148, estep start: 49006.324741
Iteration 148, estep end: 49006.953840, niter: 20, nfeval: 21
Iteration 148, mstep_embedding start: 49006.953840
Iteration 148, mstep_embedding end: 53187.925654, niter: 20, nfeval: 23
Iteration 148, mstep_kernels start: 53187.925654
Iteration 148, mstep_kernels end: 49007.612036, niter: 9, nfeval: 13
Iteration 148, mstep_indpointslocs start: 49007.612036
Iteration 148, mstep_indpointslocs end: 49007.875783, niter: 20, nfeval: 22
Iteration 149, estep start: 49007.875783
Iteration 149, estep end: 49008.502897, niter: 20, nfeval: 21
Iteration 149, mstep_embedding start: 49008.502897
Iteration 149, mstep_embedding end: 53188.217969, niter: 20, nfeval: 23
Iteration 149, mstep_kernels start: 53188.217969
Iteration 149, mstep_kernels end: 49009.146454, niter: 10, nfeval: 13
Iteration 149, mstep_indpointslocs start: 49009.146454
Iteration 149, mstep_indpointslocs end: 49009.407189, niter: 20, nfeval: 23
Iteration 150, estep start: 49009.407189
Iteration 150, estep end: 49010.026502, niter: 20, nfeval: 22
Iteration 150, mstep_embedding start: 49010.026502
Iteration 150, mstep_embedding end: 53188.513238, niter: 20, nfeval: 23
Iteration 150, mstep_kernels start: 53188.513238
Iteration 150, mstep_kernels end: 49010.676185, niter: 10, nfeval: 13
Iteration 150, mstep_indpointslocs start: 49010.676185
Iteration 150, mstep_indpointslocs end: 49010.939049, niter: 20, nfeval: 22
Iteration 151, estep start: 49010.939049
Iteration 151, estep end: 49011.576829, niter: 20, nfeval: 21
Iteration 151, mstep_embedding start: 49011.576829
Iteration 151, mstep_embedding end: 53188.865260, niter: 20, nfeval: 22
Iteration 151, mstep_kernels start: 53188.865260
Iteration 151, mstep_kernels end: 49012.241325, niter: 10, nfeval: 13
Iteration 151, mstep_indpointslocs start: 49012.241325
Iteration 151, mstep_indpointslocs end: 49012.494314, niter: 20, nfeval: 22
Iteration 152, estep start: 49012.494314
Iteration 152, estep end: 49013.121344, niter: 20, nfeval: 21
Iteration 152, mstep_embedding start: 49013.121344
Iteration 152, mstep_embedding end: 53189.068097, niter: 20, nfeval: 22
Iteration 152, mstep_kernels start: 53189.068097
Iteration 152, mstep_kernels end: 49013.802321, niter: 10, nfeval: 13
Iteration 152, mstep_indpointslocs start: 49013.802321
Iteration 152, mstep_indpointslocs end: 49014.070531, niter: 20, nfeval: 22
Iteration 153, estep start: 49014.070531
Iteration 153, estep end: 49014.713086, niter: 20, nfeval: 21
Iteration 153, mstep_embedding start: 49014.713086
Iteration 153, mstep_embedding end: 53189.309822, niter: 20, nfeval: 23
Iteration 153, mstep_kernels start: 53189.309822
Iteration 153, mstep_kernels end: 49015.362431, niter: 10, nfeval: 13
Iteration 153, mstep_indpointslocs start: 49015.362431
Iteration 153, mstep_indpointslocs end: 49015.632550, niter: 20, nfeval: 23
Iteration 154, estep start: 49015.632550
Iteration 154, estep end: 49016.260876, niter: 20, nfeval: 22
Iteration 154, mstep_embedding start: 49016.260876
Iteration 154, mstep_embedding end: 53189.488941, niter: 20, nfeval: 22
Iteration 154, mstep_kernels start: 53189.488941
Iteration 154, mstep_kernels end: 49016.910742, niter: 10, nfeval: 13
Iteration 154, mstep_indpointslocs start: 49016.910742
Iteration 154, mstep_indpointslocs end: 49017.187158, niter: 20, nfeval: 22
Iteration 155, estep start: 49017.187158
Iteration 155, estep end: 49017.825701, niter: 20, nfeval: 21
Iteration 155, mstep_embedding start: 49017.825701
Iteration 155, mstep_embedding end: 53189.911695, niter: 20, nfeval: 23
Iteration 155, mstep_kernels start: 53189.911695
Iteration 155, mstep_kernels end: 49018.490108, niter: 10, nfeval: 13
Iteration 155, mstep_indpointslocs start: 49018.490108
Iteration 155, mstep_indpointslocs end: 49018.768478, niter: 20, nfeval: 24
Iteration 156, estep start: 49018.768478
Iteration 156, estep end: 49019.433853, niter: 20, nfeval: 21
Iteration 156, mstep_embedding start: 49019.433853
Iteration 156, mstep_embedding end: 53190.142966, niter: 20, nfeval: 23
Iteration 156, mstep_kernels start: 53190.142966
Iteration 156, mstep_kernels end: 49020.115913, niter: 10, nfeval: 13
Iteration 156, mstep_indpointslocs start: 49020.115913
Iteration 156, mstep_indpointslocs end: 49020.364763, niter: 20, nfeval: 24
Iteration 157, estep start: 49020.364763
Iteration 157, estep end: 49020.990574, niter: 20, nfeval: 21
Iteration 157, mstep_embedding start: 49020.990574
Iteration 157, mstep_embedding end: 53190.280727, niter: 20, nfeval: 23
Iteration 157, mstep_kernels start: 53190.280727
Iteration 157, mstep_kernels end: 49021.627834, niter: 10, nfeval: 13
Iteration 157, mstep_indpointslocs start: 49021.627834
Iteration 157, mstep_indpointslocs end: 49021.881412, niter: 20, nfeval: 23
Iteration 158, estep start: 49021.881412
Iteration 158, estep end: 49022.548887, niter: 20, nfeval: 21
Iteration 158, mstep_embedding start: 49022.548887
Iteration 158, mstep_embedding end: 53190.372765, niter: 20, nfeval: 22
Iteration 158, mstep_kernels start: 53190.372765
Iteration 158, mstep_kernels end: 49023.186618, niter: 10, nfeval: 13
Iteration 158, mstep_indpointslocs start: 49023.186618
Iteration 158, mstep_indpointslocs end: 49023.445597, niter: 20, nfeval: 24
Iteration 159, estep start: 49023.445597
Iteration 159, estep end: 49024.073673, niter: 20, nfeval: 21
Iteration 159, mstep_embedding start: 49024.073673
Iteration 159, mstep_embedding end: 53190.713722, niter: 20, nfeval: 22
Iteration 159, mstep_kernels start: 53190.713722
Iteration 159, mstep_kernels end: 49024.710887, niter: 10, nfeval: 14
Iteration 159, mstep_indpointslocs start: 49024.710887
Iteration 159, mstep_indpointslocs end: 49024.966371, niter: 20, nfeval: 23
Iteration 160, estep start: 49024.966371
Iteration 160, estep end: 49025.617384, niter: 20, nfeval: 22
Iteration 160, mstep_embedding start: 49025.617384
Iteration 160, mstep_embedding end: 53190.832280, niter: 20, nfeval: 22
Iteration 160, mstep_kernels start: 53190.832280
Iteration 160, mstep_kernels end: 49026.271149, niter: 9, nfeval: 13
Iteration 160, mstep_indpointslocs start: 49026.271149
Iteration 160, mstep_indpointslocs end: 49026.546349, niter: 20, nfeval: 23
Iteration 161, estep start: 49026.546349
Iteration 161, estep end: 49027.173387, niter: 20, nfeval: 21
Iteration 161, mstep_embedding start: 49027.173387
Iteration 161, mstep_embedding end: 53191.152918, niter: 20, nfeval: 22
Iteration 161, mstep_kernels start: 53191.152918
Iteration 161, mstep_kernels end: 49027.786768, niter: 10, nfeval: 12
Iteration 161, mstep_indpointslocs start: 49027.786768
Iteration 161, mstep_indpointslocs end: 49028.074209, niter: 20, nfeval: 23
Iteration 162, estep start: 49028.074209
Iteration 162, estep end: 49028.753018, niter: 20, nfeval: 21
Iteration 162, mstep_embedding start: 49028.753018
Iteration 162, mstep_embedding end: 53191.386173, niter: 20, nfeval: 22
Iteration 162, mstep_kernels start: 53191.386173
Iteration 162, mstep_kernels end: 49029.370268, niter: 9, nfeval: 13
Iteration 162, mstep_indpointslocs start: 49029.370268
Iteration 162, mstep_indpointslocs end: 49029.662092, niter: 20, nfeval: 22
Iteration 163, estep start: 49029.662092
Iteration 163, estep end: 49030.347783, niter: 20, nfeval: 22
Iteration 163, mstep_embedding start: 49030.347783
Iteration 163, mstep_embedding end: 53191.814219, niter: 20, nfeval: 22
Iteration 163, mstep_kernels start: 53191.814219
Iteration 163, mstep_kernels end: 49030.963296, niter: 10, nfeval: 13
Iteration 163, mstep_indpointslocs start: 49030.963296
Iteration 163, mstep_indpointslocs end: 49031.291224, niter: 20, nfeval: 23
Iteration 164, estep start: 49031.291224
Iteration 164, estep end: 49031.985221, niter: 20, nfeval: 22
Iteration 164, mstep_embedding start: 49031.985221
Iteration 164, mstep_embedding end: 53192.277880, niter: 20, nfeval: 22
Iteration 164, mstep_kernels start: 53192.277880
Iteration 164, mstep_kernels end: 49032.604377, niter: 10, nfeval: 13
Iteration 164, mstep_indpointslocs start: 49032.604377
Iteration 164, mstep_indpointslocs end: 49032.932482, niter: 20, nfeval: 25
Iteration 165, estep start: 49032.932482
Iteration 165, estep end: 49033.596294, niter: 20, nfeval: 21
Iteration 165, mstep_embedding start: 49033.596294
Iteration 165, mstep_embedding end: 53192.624782, niter: 20, nfeval: 23
Iteration 165, mstep_kernels start: 53192.624782
Iteration 165, mstep_kernels end: 49034.227458, niter: 10, nfeval: 13
Iteration 165, mstep_indpointslocs start: 49034.227458
Iteration 165, mstep_indpointslocs end: 49034.503586, niter: 20, nfeval: 24
Iteration 166, estep start: 49034.503586
Iteration 166, estep end: 49035.173172, niter: 20, nfeval: 22
Iteration 166, mstep_embedding start: 49035.173172
Iteration 166, mstep_embedding end: 53192.950453, niter: 20, nfeval: 23
Iteration 166, mstep_kernels start: 53192.950453
Iteration 166, mstep_kernels end: 49035.817657, niter: 11, nfeval: 13
Iteration 166, mstep_indpointslocs start: 49035.817657
Iteration 166, mstep_indpointslocs end: 49036.105942, niter: 20, nfeval: 22
Iteration 167, estep start: 49036.105942
Iteration 167, estep end: 49036.788597, niter: 20, nfeval: 21
Iteration 167, mstep_embedding start: 49036.788597
Iteration 167, mstep_embedding end: 53193.422362, niter: 20, nfeval: 23
Iteration 167, mstep_kernels start: 53193.422362
Iteration 167, mstep_kernels end: 49037.429705, niter: 10, nfeval: 13
Iteration 167, mstep_indpointslocs start: 49037.429705
Iteration 167, mstep_indpointslocs end: 49037.694553, niter: 20, nfeval: 23
Iteration 168, estep start: 49037.694553
Iteration 168, estep end: 49038.329624, niter: 20, nfeval: 22
Iteration 168, mstep_embedding start: 49038.329624
Iteration 168, mstep_embedding end: 53193.807056, niter: 20, nfeval: 23
Iteration 168, mstep_kernels start: 53193.807056
Iteration 168, mstep_kernels end: 49038.974319, niter: 10, nfeval: 13
Iteration 168, mstep_indpointslocs start: 49038.974319
Iteration 168, mstep_indpointslocs end: 49039.214004, niter: 20, nfeval: 23
Iteration 169, estep start: 49039.214004
Iteration 169, estep end: 49039.850927, niter: 20, nfeval: 21
Iteration 169, mstep_embedding start: 49039.850927
Iteration 169, mstep_embedding end: 53193.980403, niter: 20, nfeval: 22
Iteration 169, mstep_kernels start: 53193.980403
Iteration 169, mstep_kernels end: 49040.476717, niter: 11, nfeval: 13
Iteration 169, mstep_indpointslocs start: 49040.476717
Iteration 169, mstep_indpointslocs end: 49040.761202, niter: 20, nfeval: 23
Iteration 170, estep start: 49040.761202
Iteration 170, estep end: 49041.399941, niter: 20, nfeval: 22
Iteration 170, mstep_embedding start: 49041.399941
Iteration 170, mstep_embedding end: 53194.425295, niter: 20, nfeval: 23
Iteration 170, mstep_kernels start: 53194.425295
Iteration 170, mstep_kernels end: 49042.003153, niter: 9, nfeval: 13
Iteration 170, mstep_indpointslocs start: 49042.003153
Iteration 170, mstep_indpointslocs end: 49042.231662, niter: 20, nfeval: 23
Iteration 171, estep start: 49042.231662
Iteration 171, estep end: 49042.865776, niter: 20, nfeval: 22
Iteration 171, mstep_embedding start: 49042.865776
Iteration 171, mstep_embedding end: 53194.634605, niter: 20, nfeval: 23
Iteration 171, mstep_kernels start: 53194.634605
Iteration 171, mstep_kernels end: 49043.482139, niter: 11, nfeval: 14
Iteration 171, mstep_indpointslocs start: 49043.482139
Iteration 171, mstep_indpointslocs end: 49043.751404, niter: 20, nfeval: 24
Iteration 172, estep start: 49043.751404
Iteration 172, estep end: 49044.360904, niter: 20, nfeval: 21
Iteration 172, mstep_embedding start: 49044.360904
Iteration 172, mstep_embedding end: 53195.083015, niter: 20, nfeval: 23
Iteration 172, mstep_kernels start: 53195.083015
Iteration 172, mstep_kernels end: 49044.929863, niter: 11, nfeval: 13
Iteration 172, mstep_indpointslocs start: 49044.929863
Iteration 172, mstep_indpointslocs end: 49045.169171, niter: 20, nfeval: 24
Iteration 173, estep start: 49045.169171
Iteration 173, estep end: 49045.795262, niter: 20, nfeval: 22
Iteration 173, mstep_embedding start: 49045.795262
Iteration 173, mstep_embedding end: 53195.408374, niter: 20, nfeval: 22
Iteration 173, mstep_kernels start: 53195.408374
Iteration 173, mstep_kernels end: 49046.391595, niter: 11, nfeval: 13
Iteration 173, mstep_indpointslocs start: 49046.391595
Iteration 173, mstep_indpointslocs end: 49046.634722, niter: 20, nfeval: 24
Iteration 174, estep start: 49046.634722
Iteration 174, estep end: 49047.257131, niter: 20, nfeval: 21
Iteration 174, mstep_embedding start: 49047.257131
Iteration 174, mstep_embedding end: 53195.879891, niter: 20, nfeval: 22
Iteration 174, mstep_kernels start: 53195.879891
Iteration 174, mstep_kernels end: 49047.876528, niter: 10, nfeval: 13
Iteration 174, mstep_indpointslocs start: 49047.876528
Iteration 174, mstep_indpointslocs end: 49048.130897, niter: 20, nfeval: 24
Iteration 175, estep start: 49048.130897
Iteration 175, estep end: 49048.734201, niter: 20, nfeval: 21
Iteration 175, mstep_embedding start: 49048.734201
Iteration 175, mstep_embedding end: 53196.185503, niter: 20, nfeval: 22
Iteration 175, mstep_kernels start: 53196.185503
Iteration 175, mstep_kernels end: 49049.340765, niter: 10, nfeval: 14
Iteration 175, mstep_indpointslocs start: 49049.340765
Iteration 175, mstep_indpointslocs end: 49049.588995, niter: 20, nfeval: 23
Iteration 176, estep start: 49049.588995
Iteration 176, estep end: 49050.191412, niter: 20, nfeval: 22
Iteration 176, mstep_embedding start: 49050.191412
Iteration 176, mstep_embedding end: 53196.494256, niter: 20, nfeval: 24
Iteration 176, mstep_kernels start: 53196.494256
Iteration 176, mstep_kernels end: 49050.757878, niter: 11, nfeval: 14
Iteration 176, mstep_indpointslocs start: 49050.757878
Iteration 176, mstep_indpointslocs end: 49050.993760, niter: 20, nfeval: 24
Iteration 177, estep start: 49050.993760
Iteration 177, estep end: 49051.608811, niter: 20, nfeval: 22
Iteration 177, mstep_embedding start: 49051.608811
Iteration 177, mstep_embedding end: 53196.950119, niter: 20, nfeval: 23
Iteration 177, mstep_kernels start: 53196.950119
Iteration 177, mstep_kernels end: 49052.181073, niter: 11, nfeval: 16
Iteration 177, mstep_indpointslocs start: 49052.181073
Iteration 177, mstep_indpointslocs end: 49052.414955, niter: 20, nfeval: 25
Iteration 178, estep start: 49052.414955
Iteration 178, estep end: 49052.993450, niter: 20, nfeval: 21
Iteration 178, mstep_embedding start: 49052.993450
Iteration 178, mstep_embedding end: 53197.218952, niter: 20, nfeval: 23
Iteration 178, mstep_kernels start: 53197.218952
Iteration 178, mstep_kernels end: 49053.542535, niter: 11, nfeval: 15
Iteration 178, mstep_indpointslocs start: 49053.542535
Iteration 178, mstep_indpointslocs end: 49053.764930, niter: 20, nfeval: 23
Iteration 179, estep start: 49053.764930
Iteration 179, estep end: 49054.355103, niter: 20, nfeval: 22
Iteration 179, mstep_embedding start: 49054.355103
Iteration 179, mstep_embedding end: 53197.589980, niter: 20, nfeval: 22
Iteration 179, mstep_kernels start: 53197.589980
Iteration 179, mstep_kernels end: 49054.928711, niter: 11, nfeval: 14
Iteration 179, mstep_indpointslocs start: 49054.928711
Iteration 179, mstep_indpointslocs end: 49055.159613, niter: 20, nfeval: 22
Iteration 180, estep start: 49055.159613
Iteration 180, estep end: 49055.748013, niter: 20, nfeval: 22
Iteration 180, mstep_embedding start: 49055.748013
Iteration 180, mstep_embedding end: 53197.882070, niter: 20, nfeval: 23
Iteration 180, mstep_kernels start: 53197.882070
Iteration 180, mstep_kernels end: 49056.299293, niter: 11, nfeval: 14
Iteration 180, mstep_indpointslocs start: 49056.299293
Iteration 180, mstep_indpointslocs end: 49056.561574, niter: 20, nfeval: 23
Iteration 181, estep start: 49056.561574
Iteration 181, estep end: 49057.164072, niter: 20, nfeval: 22
Iteration 181, mstep_embedding start: 49057.164072
Iteration 181, mstep_embedding end: 53198.532470, niter: 20, nfeval: 23
Iteration 181, mstep_kernels start: 53198.532470
Iteration 181, mstep_kernels end: 49057.697734, niter: 10, nfeval: 14
Iteration 181, mstep_indpointslocs start: 49057.697734
Iteration 181, mstep_indpointslocs end: 49057.932771, niter: 20, nfeval: 24
Iteration 182, estep start: 49057.932771
Iteration 182, estep end: 49058.520563, niter: 20, nfeval: 21
Iteration 182, mstep_embedding start: 49058.520563
Iteration 182, mstep_embedding end: 53198.732230, niter: 20, nfeval: 23
Iteration 182, mstep_kernels start: 53198.732230
Iteration 182, mstep_kernels end: 49059.079970, niter: 11, nfeval: 14
Iteration 182, mstep_indpointslocs start: 49059.079970
Iteration 182, mstep_indpointslocs end: 49059.315087, niter: 20, nfeval: 23
Iteration 183, estep start: 49059.315087
Iteration 183, estep end: 49059.898732, niter: 20, nfeval: 21
Iteration 183, mstep_embedding start: 49059.898732
Iteration 183, mstep_embedding end: 53199.106101, niter: 20, nfeval: 23
Iteration 183, mstep_kernels start: 53199.106101
Iteration 183, mstep_kernels end: 49060.436106, niter: 11, nfeval: 14
Iteration 183, mstep_indpointslocs start: 49060.436106
Iteration 183, mstep_indpointslocs end: 49060.688207, niter: 20, nfeval: 23
Iteration 184, estep start: 49060.688207
Iteration 184, estep end: 49061.293606, niter: 20, nfeval: 22
Iteration 184, mstep_embedding start: 49061.293606
Iteration 184, mstep_embedding end: 53199.593091, niter: 20, nfeval: 23
Iteration 184, mstep_kernels start: 53199.593091
Iteration 184, mstep_kernels end: 49061.837606, niter: 11, nfeval: 14
Iteration 184, mstep_indpointslocs start: 49061.837606
Iteration 184, mstep_indpointslocs end: 49062.116283, niter: 20, nfeval: 23
Iteration 185, estep start: 49062.116283
Iteration 185, estep end: 49062.722572, niter: 20, nfeval: 21
Iteration 185, mstep_embedding start: 49062.722572
Iteration 185, mstep_embedding end: 53200.192983, niter: 20, nfeval: 22
Iteration 185, mstep_kernels start: 53200.192983
Iteration 185, mstep_kernels end: 49063.279292, niter: 11, nfeval: 14
Iteration 185, mstep_indpointslocs start: 49063.279292
Iteration 185, mstep_indpointslocs end: 49063.552239, niter: 20, nfeval: 23
Iteration 186, estep start: 49063.552239
Iteration 186, estep end: 49064.139097, niter: 20, nfeval: 21
Iteration 186, mstep_embedding start: 49064.139097
Iteration 186, mstep_embedding end: 53200.647951, niter: 20, nfeval: 22
Iteration 186, mstep_kernels start: 53200.647951
Iteration 186, mstep_kernels end: 49064.681344, niter: 11, nfeval: 14
Iteration 186, mstep_indpointslocs start: 49064.681344
Iteration 186, mstep_indpointslocs end: 49064.940045, niter: 20, nfeval: 23
Iteration 187, estep start: 49064.940045
Iteration 187, estep end: 49065.514538, niter: 20, nfeval: 21
Iteration 187, mstep_embedding start: 49065.514538
Iteration 187, mstep_embedding end: 53201.058245, niter: 20, nfeval: 22
Iteration 187, mstep_kernels start: 53201.058245
Iteration 187, mstep_kernels end: 49066.053801, niter: 11, nfeval: 14
Iteration 187, mstep_indpointslocs start: 49066.053801
Iteration 187, mstep_indpointslocs end: 49066.316551, niter: 20, nfeval: 23
Iteration 188, estep start: 49066.316551
Iteration 188, estep end: 49066.900149, niter: 20, nfeval: 21
Iteration 188, mstep_embedding start: 49066.900149
Iteration 188, mstep_embedding end: 53201.458153, niter: 20, nfeval: 23
Iteration 188, mstep_kernels start: 53201.458153
Iteration 188, mstep_kernels end: 49067.410001, niter: 11, nfeval: 14
Iteration 188, mstep_indpointslocs start: 49067.410001
Iteration 188, mstep_indpointslocs end: 49067.751813, niter: 20, nfeval: 23
Iteration 189, estep start: 49067.751813
Iteration 189, estep end: 49068.361789, niter: 20, nfeval: 22
Iteration 189, mstep_embedding start: 49068.361789
Iteration 189, mstep_embedding end: 53202.091921, niter: 20, nfeval: 24
Iteration 189, mstep_kernels start: 53202.091921
Iteration 189, mstep_kernels end: 49068.861143, niter: 11, nfeval: 14
Iteration 189, mstep_indpointslocs start: 49068.861143
Iteration 189, mstep_indpointslocs end: 49069.224383, niter: 20, nfeval: 22
Iteration 190, estep start: 49069.224383
Iteration 190, estep end: 49069.827078, niter: 20, nfeval: 22
Iteration 190, mstep_embedding start: 49069.827078
Iteration 190, mstep_embedding end: 53203.080237, niter: 20, nfeval: 23
Iteration 190, mstep_kernels start: 53203.080237
Iteration 190, mstep_kernels end: 49070.377585, niter: 11, nfeval: 14
Iteration 190, mstep_indpointslocs start: 49070.377585
Iteration 190, mstep_indpointslocs end: 49070.638786, niter: 20, nfeval: 23
Iteration 191, estep start: 49070.638786
Iteration 191, estep end: 49071.231034, niter: 20, nfeval: 21
Iteration 191, mstep_embedding start: 49071.231034
Iteration 191, mstep_embedding end: 53203.956164, niter: 20, nfeval: 23
Iteration 191, mstep_kernels start: 53203.956164
Iteration 191, mstep_kernels end: 49071.774441, niter: 11, nfeval: 15
Iteration 191, mstep_indpointslocs start: 49071.774441
Iteration 191, mstep_indpointslocs end: 49072.023395, niter: 20, nfeval: 24
Iteration 192, estep start: 49072.023395
Iteration 192, estep end: 49072.602801, niter: 20, nfeval: 21
Iteration 192, mstep_embedding start: 49072.602801
Iteration 192, mstep_embedding end: 53204.674677, niter: 20, nfeval: 22
Iteration 192, mstep_kernels start: 53204.674677
Iteration 192, mstep_kernels end: 49073.145579, niter: 11, nfeval: 15
Iteration 192, mstep_indpointslocs start: 49073.145579
Iteration 192, mstep_indpointslocs end: 49073.376111, niter: 20, nfeval: 24
Iteration 193, estep start: 49073.376111
Iteration 193, estep end: 49073.951633, niter: 20, nfeval: 21
Iteration 193, mstep_embedding start: 49073.951633
Iteration 193, mstep_embedding end: 53205.254146, niter: 20, nfeval: 23
Iteration 193, mstep_kernels start: 53205.254146
Iteration 193, mstep_kernels end: 49074.467649, niter: 11, nfeval: 16
Iteration 193, mstep_indpointslocs start: 49074.467649
Iteration 193, mstep_indpointslocs end: 49074.721925, niter: 20, nfeval: 24
Iteration 194, estep start: 49074.721925
Iteration 194, estep end: 49075.299414, niter: 20, nfeval: 21
Iteration 194, mstep_embedding start: 49075.299414
Iteration 194, mstep_embedding end: 53205.901077, niter: 20, nfeval: 24
Iteration 194, mstep_kernels start: 53205.901077
Iteration 194, mstep_kernels end: 49075.821902, niter: 12, nfeval: 15
Iteration 194, mstep_indpointslocs start: 49075.821902
Iteration 194, mstep_indpointslocs end: 49076.147930, niter: 20, nfeval: 22
Iteration 195, estep start: 49076.147930
Iteration 195, estep end: 49076.760530, niter: 20, nfeval: 21
Iteration 195, mstep_embedding start: 49076.760530
Iteration 195, mstep_embedding end: 53206.752776, niter: 20, nfeval: 23
Iteration 195, mstep_kernels start: 53206.752776
Iteration 195, mstep_kernels end: 49077.241240, niter: 12, nfeval: 15
Iteration 195, mstep_indpointslocs start: 49077.241240
Iteration 195, mstep_indpointslocs end: 49077.668284, niter: 20, nfeval: 23
Iteration 196, estep start: 49077.668284
Iteration 196, estep end: 49078.354742, niter: 20, nfeval: 21
Iteration 196, mstep_embedding start: 49078.354742
Iteration 196, mstep_embedding end: 53207.945481, niter: 20, nfeval: 23
Iteration 196, mstep_kernels start: 53207.945481
Iteration 196, mstep_kernels end: 49078.852875, niter: 12, nfeval: 15
Iteration 196, mstep_indpointslocs start: 49078.852875
Iteration 196, mstep_indpointslocs end: 49079.212617, niter: 20, nfeval: 24
Iteration 197, estep start: 49079.212617
Iteration 197, estep end: 49079.826830, niter: 20, nfeval: 21
Iteration 197, mstep_embedding start: 49079.826830
Iteration 197, mstep_embedding end: 53208.760787, niter: 20, nfeval: 22
Iteration 197, mstep_kernels start: 53208.760787
Iteration 197, mstep_kernels end: 49080.353007, niter: 11, nfeval: 15
Iteration 197, mstep_indpointslocs start: 49080.353007
Iteration 197, mstep_indpointslocs end: 49080.621204, niter: 20, nfeval: 23
Iteration 198, estep start: 49080.621204
Iteration 198, estep end: 49081.193573, niter: 20, nfeval: 22
Iteration 198, mstep_embedding start: 49081.193573
Iteration 198, mstep_embedding end: 53209.533844, niter: 20, nfeval: 22
Iteration 198, mstep_kernels start: 53209.533844
Iteration 198, mstep_kernels end: 49081.734293, niter: 12, nfeval: 15
Iteration 198, mstep_indpointslocs start: 49081.734293
Iteration 198, mstep_indpointslocs end: 49081.939173, niter: 20, nfeval: 23
Iteration 199, estep start: 49081.939173
Iteration 199, estep end: 49082.482361, niter: 20, nfeval: 22
Iteration 199, mstep_embedding start: 49082.482361
Iteration 199, mstep_embedding end: 53210.193716, niter: 20, nfeval: 22
Iteration 199, mstep_kernels start: 53210.193716
Iteration 199, mstep_kernels end: 49083.011913, niter: 11, nfeval: 13
Iteration 199, mstep_indpointslocs start: 49083.011913
Iteration 199, mstep_indpointslocs end: 49083.226022, niter: 20, nfeval: 24
Iteration 200, estep start: 49083.226022
Iteration 200, estep end: 49083.769312, niter: 20, nfeval: 22
Iteration 200, mstep_embedding start: 49083.769312
Iteration 200, mstep_embedding end: 53210.859826, niter: 20, nfeval: 22
Iteration 200, mstep_kernels start: 53210.859826
Iteration 200, mstep_kernels end: 49084.313484, niter: 11, nfeval: 13
Iteration 200, mstep_indpointslocs start: 49084.313484
Iteration 200, mstep_indpointslocs end: 49084.518972, niter: 20, nfeval: 23
Elapsed time 21549.1488 seconds
Saved results to ../results/stiatum_ibl_model.pickle

4.3.5. Goodness-of-fit analysis#

4.3.5.1. Set goodness-of-fit variables#

ks_test_gamma = 10
trial_for_gof = 0
cluster_id_for_gof = 41
n_time_steps_IF = 100

cluster_id_for_gof_index = torch.nonzero(torch.IntTensor(selected_clusters_ids)==cluster_id_for_gof)
trials_times = svGPFA.utils.miscUtils.getTrialsTimes(
    start_times=trials_start_times,
    end_times=trials_end_times,
    n_steps=n_time_steps_IF)

4.3.5.2. Calculate expected intensity function values (for KS test and IF plots)#

with torch.no_grad():
    cif_values = model.computeExpectedPosteriorCIFs(times=trials_times)
cif_values_GOF = cif_values[trial_for_gof][cluster_id_for_gof_index]

4.3.5.3. KS time-rescaling GOF test#

trial_times_GOF = trials_times[trial_for_gof, :, 0]
spikes_times_GOF = spikes_times[trial_for_gof][cluster_id_for_gof_index]
if len(spikes_times_GOF) == 0:
    raise ValueError("No spikes found for goodness-of-fit analysis")

with warnings.catch_warnings():
    warnings.simplefilter("ignore")
    diffECDFsX, diffECDFsY, estECDFx, estECDFy, simECDFx, simECDFy, cb = \
        gcnu_common.stats.pointProcesses.tests.\
        KSTestTimeRescalingNumericalCorrection(spikes_times=spikes_times_GOF,
            cif_times=trial_times_GOF, cif_values=cif_values_GOF,
            gamma=ks_test_gamma)

title = "Trial {:d}, Neuron {:d} ({:d} spikes)".format(
    trial_for_gof, cluster_id_for_gof, len(spikes_times_GOF))
fig = svGPFA.plot.plotUtilsPlotly.getPlotResKSTestTimeRescalingNumericalCorrection(diffECDFsX=diffECDFsX, diffECDFsY=diffECDFsY, estECDFx=estECDFx, estECDFy=estECDFy, simECDFx=simECDFx, simECDFy=simECDFy, cb=cb, title=title)
fig
Processing given ISIs
Processing iter 0/9
Processing iter 1/9
Processing iter 2/9
Processing iter 3/9
Processing iter 4/9
Processing iter 5/9
Processing iter 6/9
Processing iter 7/9
Processing iter 8/9
Processing iter 9/9


4.3.5.4. ROC predictive analysis#

with warnings.catch_warnings():
    warnings.simplefilter("ignore")
    fpr, tpr, roc_auc = svGPFA.utils.miscUtils.computeSpikeClassificationROC(
        spikes_times=spikes_times_GOF,
        cif_times=trial_times_GOF,
        cif_values=cif_values_GOF)
fig = svGPFA.plot.plotUtilsPlotly.getPlotResROCAnalysis(
    fpr=fpr, tpr=tpr, auc=roc_auc, title=title)
fig


4.3.6. Plotting#

4.3.6.1. Imports for plotting#

import numpy as np
import pandas as pd

4.3.6.2. Set plotting variables#

latent_to_plot = 0
latents_to_3D_plot = [0, 2, 4]
cluster_id_to_plot = 41
trial_to_plot = 0
choices_colors_patterns = ["rgba(0,0,255,{:f})", "rgba(255,0,0,{:f})"]
align_event_name = "response_times"
events_names = ["stimOn_times", "response_times", "stimOff_times"]
events_colors = ["magenta", "green", "black"]
events_markers = ["circle", "circle", "circle"]

cluster_id_to_plot_index = torch.nonzero(torch.IntTensor(selected_clusters_ids)==cluster_id_to_plot)


n_trials = len(spikes_times)

trials_choices = [trials["choice"][trial_id] for trial_id in selected_trials_ids]
trials_rewarded = [trials["feedbackType"][trial_id] for trial_id in selected_trials_ids]
trials_contrast = [trials["contrastRight"][trial_id]
                   if not np.isnan(trials["contrastRight"][trial_id])
                   else trials["contrastLeft"][trial_id]
                   for trial_id in selected_trials_ids]
trials_colors_patterns = [choices_colors_patterns[0]
                          if trials_choices[r] == -1
                          else choices_colors_patterns[1]
                          for r in range(n_trials)]
trials_colors = [trial_color_pattern.format(1.0)
                 for trial_color_pattern in trials_colors_patterns]
trials_annotations = {"choice": trials_choices,
                      "rewarded": trials_rewarded,
                      "contrast": trials_contrast,
                      "choice_prev": np.insert(trials_choices[:-1], 0, np.NAN),
                      "rewarded_prev": np.insert(trials_rewarded[:-1], 0,
                                                 np.NAN)}

events_times = []
for event_name in events_names:
    events_times.append([trials[event_name][trial_id]
                         for trial_id in selected_trials_ids])

marked_events_times, marked_events_colors, marked_events_markers = \
    iblUtils.buildMarkedEventsInfo(events_times=events_times,
                                   events_colors=events_colors,
                                   events_markers=events_markers)

align_event_times = [trials[align_event_name][trial_id]
                     for trial_id in selected_trials_ids]

4.3.6.3. Plot lower bound history#

fig = svGPFA.plot.plotUtilsPlotly.getPlotLowerBoundHist(
    elapsedTimeHist=elapsedTimeHist, lowerBoundHist=lowerBoundHist)
fig


4.3.6.4. Plot estimated latent across trials#

testMuK, testVarK = model.predictLatents(times=trials_times)
fig = svGPFA.plot.plotUtilsPlotly.getPlotLatentAcrossTrials(
    times=trials_times.numpy(),
    latentsMeans=testMuK,
    latentsSTDs=torch.sqrt(testVarK),
    trials_ids=selected_trials_ids,
    latentToPlot=latent_to_plot,
    trials_colors_patterns=trials_colors_patterns,
    xlabel="Time (msec)")
fig


4.3.6.5. Plot orthonormalized estimated latent across trials#

testMuK, _ = model.predictLatents(times=trials_times)
test_mu_k_np = [testMuK[r].detach().numpy() for r in range(len(testMuK))]
estimatedC, estimatedD = model.getSVEmbeddingParams()
estimatedC_np = estimatedC.detach().numpy()
fig = svGPFA.plot.plotUtilsPlotly.getPlotOrthonormalizedLatentAcrossTrials(
    trials_times=trials_times, latentsMeans=test_mu_k_np, latentToPlot=latent_to_plot,
    align_event_times=align_event_times,
    marked_events_times=marked_events_times,
    marked_events_colors=marked_events_colors,
    marked_events_markers=marked_events_markers,
    trials_colors=trials_colors,
    trials_annotations=trials_annotations,
    C=estimatedC_np, trials_ids=selected_trials_ids,
    xlabel="Time (msec)")
fig


4.3.6.6. Plot 3D scatter plot of orthonormalized latents#

fig = svGPFA.plot.plotUtilsPlotly.get3DPlotOrthonormalizedLatentsAcrossTrials(
    trials_times=trials_times.numpy(), latentsMeans=test_mu_k_np,
    C=estimatedC_np, trials_ids=selected_trials_ids,
    latentsToPlot=latents_to_3D_plot,
    align_event_times=align_event_times,
    marked_events_times=marked_events_times,
    marked_events_colors=marked_events_colors,
    marked_events_markers=marked_events_markers,
    trials_colors=trials_colors,
    trials_annotations=trials_annotations)
fig


4.3.6.7. Plot embedding#

embeddingMeans, embeddingVars = model.predictEmbedding(times=trials_times)
embeddingMeans = embeddingMeans.detach().numpy()
embeddingVars = embeddingVars.detach().numpy()
title = "Neuron {:d}".format(cluster_id_to_plot)
fig = svGPFA.plot.plotUtilsPlotly.getPlotEmbeddingAcrossTrials(
    times=trials_times.numpy(),
    embeddingsMeans=embeddingMeans[:, :, cluster_id_to_plot_index],
    embeddingsSTDs=np.sqrt(embeddingVars[:, :, cluster_id_to_plot_index]),
    trials_colors_patterns=trials_colors_patterns,
    title=title)
fig


4.3.6.8. Plot intensity functions for one neuron and all trials#

title = f"Cluster ID: {clusters_ids[cluster_id_to_plot_index]}, Region: {locs_for_clusters_ids[cluster_id_to_plot]}"
fig = svGPFA.plot.plotUtilsPlotly.getPlotCIFsOneNeuronAllTrials(
    trials_times=trials_times,
    cif_values=cif_values,
    neuron_index=cluster_id_to_plot_index,
    spikes_times=spikes_times,
    trials_ids=selected_trials_ids,
    align_event_times=align_event_times,
    marked_events_times=marked_events_times,
    marked_events_colors=marked_events_colors,
    marked_events_markers=marked_events_markers,
    trials_annotations=trials_annotations,
    trials_colors=trials_colors,
    title=title)
fig


4.3.6.9. Plot orthonormalized embedding parameters#

hovertemplate = "value: %{y}<br>" + \
                "neuron index: %{x}<br>" + \
                "%{text}"
text = [f"cluster_id: {cluster_id}" for cluster_id in selected_clusters_ids]
estimatedC, estimatedD = model.getSVEmbeddingParams()
fig = svGPFA.plot.plotUtilsPlotly.getPlotOrthonormalizedEmbeddingParams(
    C=estimatedC.numpy(), d=estimatedD.numpy(),
    hovertemplate=hovertemplate, text=text)
fig


4.3.6.10. Plot kernel parameters#

kernelsParams = model.getKernelsParams()
kernelsTypes = [type(kernel).__name__ for kernel in model.getKernels()]
fig = svGPFA.plot.plotUtilsPlotly.getPlotKernelsParams(
    kernelsTypes=kernelsTypes, kernelsParams=kernelsParams)
fig


To run the Python script or Jupyter notebook below, please download them to the examples/sphinx_gallery folder of the repository and execute them from there.

# sphinx_gallery_thumbnail_path = '_static/ibl_logo.png'

Total running time of the script: ( 359 minutes 26.908 seconds)

Gallery generated by Sphinx-Gallery