4.2. Basal ganglia recordings from a mouse performing a bandit task#

In this notebook we use data recorded from the basal ganglia of a mouse performing a bandit task from the to estimate an svGPFA model

4.2.1. Estimate model#

4.2.1.1. Import required packages#

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

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.2.1.2. Get spikes times#

block_types_indices = [0]
region_spikes_times_filename_pattern = "../data/00000000_regionGPe_blockTypeIndices0_spikes_times_epochedaligned__last_center_out.{:s}"
min_nSpikes_perNeuron_perTrial = 1

region_spikes_times_filename = \
    region_spikes_times_filename_pattern.format("pickle")
with open(region_spikes_times_filename, "rb") as f:
    loadRes = pickle.load(f)
spikes_times = loadRes["spikes_times"]
trials_start_times = loadRes["trials_start_times"]
trials_end_times = loadRes["trials_end_times"]


events_times_filename = ("../data/s008_tab_m1113182_LR__20210516_173815__"
                         "probabilistic_switching.df.csv")
events_times = pd.read_csv(events_times_filename)
trials_indices = [r for r in range(len(events_times))
                  if events_times.iloc[r]["block_type_index"]
                  in block_types_indices]
spikes_times, neurons_indices = gcnu_common.utils.neural_data_analysis.\
    removeUnitsWithLessSpikesThanThrInAnyTrial(
        spikes_times=spikes_times,
        min_nSpikes_perNeuron_perTrial=min_nSpikes_perNeuron_perTrial)
spikes_times = [[torch.tensor(spikes_times[r][n])
                 for n in range(len(spikes_times[r]))]
                for r in range(len(spikes_times))]
n_trials = len(spikes_times)
n_neurons = len(spikes_times[0])

4.2.1.3. Check that spikes have been epoched correctly#

4.2.1.3.1. 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.2.1.3.2. 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.2.1.4. Set estimation hyperparameters#

n_latents = 10
em_max_iter_dyn = 200
est_init_number = 40
est_init_config_filename_pattern = "../init/{:08d}_estimation_metaData.ini"
model_save_filename = "../results/basal_ganglia_model.pickle"

4.2.1.5. Get parameters#

Details on how to specify svGPFA parameters are provided here

4.2.1.5.1. Dynamic parameters specification#

dynamic_params_spec = {"optim_params": {"em_max_iter": em_max_iter_dyn}}

4.2.1.5.2. Config file parameters specification#

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.2.1.5.3. Finally, 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 config_file_params_spec[ind_points_locs_params0][common_n_ind_points]=9
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.01
Extracted from config_file ind_points_locs0_layout=equidistant
Extracted from config_file variational_means0_filename=../init/gaussian_loc0.00_scale1.00_len09.csv
Extracted from config_file variational_covs0_filename=../init/identity_scaled1e-2_09x09.csv
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.2.1.6. Create kernels, a model and set its initial parameters#

4.2.1.6.1. 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.2.1.6.2. 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.2.1.6.3. 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.2.1.7. 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: -4068010.681241, niter: 16, nfeval: 25
Iteration 01, mstep_embedding start: -4068010.681241
Iteration 01, mstep_embedding end: 12058.406138, niter: 19, nfeval: 25
Iteration 01, mstep_kernels start: 12058.406138
Iteration 01, mstep_kernels end: -9646.135825, niter: 20, nfeval: 24
Iteration 01, mstep_indpointslocs start: -9646.135825
Iteration 01, mstep_indpointslocs end: -2889.159833, niter: 14, nfeval: 25
Iteration 02, estep start: -2889.159833
Iteration 02, estep end: 1760.241225, niter: 17, nfeval: 25
Iteration 02, mstep_embedding start: 1760.241225
Iteration 02, mstep_embedding end: 22755.731583, niter: 20, nfeval: 21
Iteration 02, mstep_kernels start: 22755.731583
Iteration 02, mstep_kernels end: 7671.842323, niter: 12, nfeval: 14
Iteration 02, mstep_indpointslocs start: 7671.842323
Iteration 02, mstep_indpointslocs end: 9398.193050, niter: 20, nfeval: 21
Iteration 03, estep start: 9398.193050
Iteration 03, estep end: 14459.139990, niter: 20, nfeval: 24
Iteration 03, mstep_embedding start: 14459.139990
Iteration 03, mstep_embedding end: 23934.137353, niter: 20, nfeval: 23
Iteration 03, mstep_kernels start: 23934.137353
Iteration 03, mstep_kernels end: 15130.498009, niter: 11, nfeval: 14
Iteration 03, mstep_indpointslocs start: 15130.498009
Iteration 03, mstep_indpointslocs end: 15745.681467, niter: 20, nfeval: 21
Iteration 04, estep start: 15745.681467
Iteration 04, estep end: 17551.361954, niter: 19, nfeval: 26
Iteration 04, mstep_embedding start: 17551.361954
Iteration 04, mstep_embedding end: 24399.659400, niter: 20, nfeval: 22
Iteration 04, mstep_kernels start: 24399.659400
Iteration 04, mstep_kernels end: 17897.595453, niter: 11, nfeval: 14
Iteration 04, mstep_indpointslocs start: 17897.595453
Iteration 04, mstep_indpointslocs end: 18188.909101, niter: 20, nfeval: 22
Iteration 05, estep start: 18188.909101
Iteration 05, estep end: 19685.073930, niter: 20, nfeval: 22
Iteration 05, mstep_embedding start: 19685.073930
Iteration 05, mstep_embedding end: 24752.255674, niter: 20, nfeval: 21
Iteration 05, mstep_kernels start: 24752.255674
Iteration 05, mstep_kernels end: 19938.069466, niter: 11, nfeval: 14
Iteration 05, mstep_indpointslocs start: 19938.069466
Iteration 05, mstep_indpointslocs end: 20181.872224, niter: 20, nfeval: 22
Iteration 06, estep start: 20181.872224
Iteration 06, estep end: 20892.648217, niter: 18, nfeval: 25
Iteration 06, mstep_embedding start: 20892.648217
Iteration 06, mstep_embedding end: 24912.817708, niter: 20, nfeval: 22
Iteration 06, mstep_kernels start: 24912.817708
Iteration 06, mstep_kernels end: 21048.201014, niter: 11, nfeval: 13
Iteration 06, mstep_indpointslocs start: 21048.201014
Iteration 06, mstep_indpointslocs end: 21155.583330, niter: 20, nfeval: 21
Iteration 07, estep start: 21155.583330
Iteration 07, estep end: 21788.956768, niter: 20, nfeval: 25
Iteration 07, mstep_embedding start: 21788.956768
Iteration 07, mstep_embedding end: 25018.371693, niter: 20, nfeval: 21
Iteration 07, mstep_kernels start: 25018.371693
Iteration 07, mstep_kernels end: 21908.266190, niter: 10, nfeval: 13
Iteration 07, mstep_indpointslocs start: 21908.266190
Iteration 07, mstep_indpointslocs end: 21984.192870, niter: 20, nfeval: 21
Iteration 08, estep start: 21984.192870
Iteration 08, estep end: 22591.286389, niter: 20, nfeval: 24
Iteration 08, mstep_embedding start: 22591.286389
Iteration 08, mstep_embedding end: 25111.409459, niter: 20, nfeval: 22
Iteration 08, mstep_kernels start: 25111.409459
Iteration 08, mstep_kernels end: 22671.630269, niter: 10, nfeval: 12
Iteration 08, mstep_indpointslocs start: 22671.630269
Iteration 08, mstep_indpointslocs end: 22713.988601, niter: 20, nfeval: 22
Iteration 09, estep start: 22713.988601
Iteration 09, estep end: 23066.876904, niter: 20, nfeval: 24
Iteration 09, mstep_embedding start: 23066.876904
Iteration 09, mstep_embedding end: 25168.014591, niter: 20, nfeval: 23
Iteration 09, mstep_kernels start: 25168.014591
Iteration 09, mstep_kernels end: 23111.747539, niter: 9, nfeval: 12
Iteration 09, mstep_indpointslocs start: 23111.747539
Iteration 09, mstep_indpointslocs end: 23137.274219, niter: 20, nfeval: 23
Iteration 10, estep start: 23137.274219
Iteration 10, estep end: 23301.001610, niter: 15, nfeval: 25
Iteration 10, mstep_embedding start: 23301.001610
Iteration 10, mstep_embedding end: 25195.338890, niter: 20, nfeval: 22
Iteration 10, mstep_kernels start: 25195.338890
Iteration 10, mstep_kernels end: 23319.813942, niter: 9, nfeval: 12
Iteration 10, mstep_indpointslocs start: 23319.813942
Iteration 10, mstep_indpointslocs end: 23336.125340, niter: 20, nfeval: 23
Iteration 11, estep start: 23336.125340
Iteration 11, estep end: 23531.379108, niter: 20, nfeval: 23
Iteration 11, mstep_embedding start: 23531.379108
Iteration 11, mstep_embedding end: 25226.237187, niter: 20, nfeval: 23
Iteration 11, mstep_kernels start: 25226.237187
Iteration 11, mstep_kernels end: 23558.334667, niter: 6, nfeval: 7
Iteration 11, mstep_indpointslocs start: 23558.334667
Iteration 11, mstep_indpointslocs end: 23577.268494, niter: 20, nfeval: 22
Iteration 12, estep start: 23577.268494
Iteration 12, estep end: 23757.006699, niter: 20, nfeval: 23
Iteration 12, mstep_embedding start: 23757.006699
Iteration 12, mstep_embedding end: 25245.553760, niter: 20, nfeval: 22
Iteration 12, mstep_kernels start: 25245.553760
Iteration 12, mstep_kernels end: 23777.763108, niter: 5, nfeval: 7
Iteration 12, mstep_indpointslocs start: 23777.763108
Iteration 12, mstep_indpointslocs end: 23793.886179, niter: 20, nfeval: 24
Iteration 13, estep start: 23793.886179
Iteration 13, estep end: 23916.546091, niter: 20, nfeval: 21
Iteration 13, mstep_embedding start: 23916.546091
Iteration 13, mstep_embedding end: 25273.744529, niter: 20, nfeval: 23
Iteration 13, mstep_kernels start: 25273.744529
Iteration 13, mstep_kernels end: 23934.438599, niter: 5, nfeval: 7
Iteration 13, mstep_indpointslocs start: 23934.438599
Iteration 13, mstep_indpointslocs end: 23942.857144, niter: 20, nfeval: 22
Iteration 14, estep start: 23942.857144
Iteration 14, estep end: 24022.907308, niter: 20, nfeval: 22
Iteration 14, mstep_embedding start: 24022.907308
Iteration 14, mstep_embedding end: 25293.009696, niter: 20, nfeval: 23
Iteration 14, mstep_kernels start: 25293.009696
Iteration 14, mstep_kernels end: 24034.939284, niter: 5, nfeval: 7
Iteration 14, mstep_indpointslocs start: 24034.939284
Iteration 14, mstep_indpointslocs end: 24040.696598, niter: 20, nfeval: 22
Iteration 15, estep start: 24040.696598
Iteration 15, estep end: 24106.596714, niter: 20, nfeval: 21
Iteration 15, mstep_embedding start: 24106.596714
Iteration 15, mstep_embedding end: 25317.161909, niter: 20, nfeval: 23
Iteration 15, mstep_kernels start: 25317.161909
Iteration 15, mstep_kernels end: 24121.305149, niter: 6, nfeval: 7
Iteration 15, mstep_indpointslocs start: 24121.305149
Iteration 15, mstep_indpointslocs end: 24127.246793, niter: 20, nfeval: 22
Iteration 16, estep start: 24127.246793
Iteration 16, estep end: 24166.695412, niter: 20, nfeval: 21
Iteration 16, mstep_embedding start: 24166.695412
Iteration 16, mstep_embedding end: 25333.859935, niter: 20, nfeval: 22
Iteration 16, mstep_kernels start: 25333.859935
Iteration 16, mstep_kernels end: 24174.946645, niter: 6, nfeval: 7
Iteration 16, mstep_indpointslocs start: 24174.946645
Iteration 16, mstep_indpointslocs end: 24178.430724, niter: 20, nfeval: 23
Iteration 17, estep start: 24178.430724
Iteration 17, estep end: 24209.885387, niter: 20, nfeval: 22
Iteration 17, mstep_embedding start: 24209.885387
Iteration 17, mstep_embedding end: 25353.764523, niter: 20, nfeval: 22
Iteration 17, mstep_kernels start: 25353.764523
Iteration 17, mstep_kernels end: 24219.932331, niter: 6, nfeval: 7
Iteration 17, mstep_indpointslocs start: 24219.932331
Iteration 17, mstep_indpointslocs end: 24223.602402, niter: 20, nfeval: 22
Iteration 18, estep start: 24223.602402
Iteration 18, estep end: 24250.352600, niter: 20, nfeval: 21
Iteration 18, mstep_embedding start: 24250.352600
Iteration 18, mstep_embedding end: 25366.306316, niter: 20, nfeval: 22
Iteration 18, mstep_kernels start: 25366.306316
Iteration 18, mstep_kernels end: 24257.075659, niter: 5, nfeval: 8
Iteration 18, mstep_indpointslocs start: 24257.075659
Iteration 18, mstep_indpointslocs end: 24260.080634, niter: 20, nfeval: 23
Iteration 19, estep start: 24260.080634
Iteration 19, estep end: 24278.084762, niter: 20, nfeval: 22
Iteration 19, mstep_embedding start: 24278.084762
Iteration 19, mstep_embedding end: 25381.263431, niter: 20, nfeval: 22
Iteration 19, mstep_kernels start: 25381.263431
Iteration 19, mstep_kernels end: 24284.205789, niter: 7, nfeval: 8
Iteration 19, mstep_indpointslocs start: 24284.205789
Iteration 19, mstep_indpointslocs end: 24286.568777, niter: 20, nfeval: 23
Iteration 20, estep start: 24286.568777
Iteration 20, estep end: 24302.074390, niter: 20, nfeval: 21
Iteration 20, mstep_embedding start: 24302.074390
Iteration 20, mstep_embedding end: 25394.566111, niter: 20, nfeval: 23
Iteration 20, mstep_kernels start: 25394.566111
Iteration 20, mstep_kernels end: 24307.716336, niter: 6, nfeval: 7
Iteration 20, mstep_indpointslocs start: 24307.716336
Iteration 20, mstep_indpointslocs end: 24309.833681, niter: 20, nfeval: 23
Iteration 21, estep start: 24309.833681
Iteration 21, estep end: 24322.349464, niter: 20, nfeval: 21
Iteration 21, mstep_embedding start: 24322.349464
Iteration 21, mstep_embedding end: 25406.822828, niter: 20, nfeval: 23
Iteration 21, mstep_kernels start: 25406.822828
Iteration 21, mstep_kernels end: 24326.253823, niter: 7, nfeval: 8
Iteration 21, mstep_indpointslocs start: 24326.253823
Iteration 21, mstep_indpointslocs end: 24327.933011, niter: 20, nfeval: 23
Iteration 22, estep start: 24327.933011
Iteration 22, estep end: 24336.778517, niter: 20, nfeval: 21
Iteration 22, mstep_embedding start: 24336.778517
Iteration 22, mstep_embedding end: 25417.313977, niter: 20, nfeval: 23
Iteration 22, mstep_kernels start: 25417.313977
Iteration 22, mstep_kernels end: 24341.135576, niter: 6, nfeval: 7
Iteration 22, mstep_indpointslocs start: 24341.135576
Iteration 22, mstep_indpointslocs end: 24342.734307, niter: 20, nfeval: 22
Iteration 23, estep start: 24342.734307
Iteration 23, estep end: 24349.867697, niter: 20, nfeval: 21
Iteration 23, mstep_embedding start: 24349.867697
Iteration 23, mstep_embedding end: 25426.424705, niter: 20, nfeval: 23
Iteration 23, mstep_kernels start: 25426.424705
Iteration 23, mstep_kernels end: 24352.995393, niter: 6, nfeval: 7
Iteration 23, mstep_indpointslocs start: 24352.995393
Iteration 23, mstep_indpointslocs end: 24354.187413, niter: 20, nfeval: 22
Iteration 24, estep start: 24354.187413
Iteration 24, estep end: 24360.728246, niter: 20, nfeval: 21
Iteration 24, mstep_embedding start: 24360.728246
Iteration 24, mstep_embedding end: 25435.599042, niter: 20, nfeval: 23
Iteration 24, mstep_kernels start: 25435.599042
Iteration 24, mstep_kernels end: 24363.938153, niter: 6, nfeval: 7
Iteration 24, mstep_indpointslocs start: 24363.938153
Iteration 24, mstep_indpointslocs end: 24365.171995, niter: 20, nfeval: 23
Iteration 25, estep start: 24365.171995
Iteration 25, estep end: 24370.068615, niter: 20, nfeval: 23
Iteration 25, mstep_embedding start: 24370.068615
Iteration 25, mstep_embedding end: 25442.724288, niter: 20, nfeval: 25
Iteration 25, mstep_kernels start: 25442.724288
Iteration 25, mstep_kernels end: 24372.436342, niter: 6, nfeval: 7
Iteration 25, mstep_indpointslocs start: 24372.436342
Iteration 25, mstep_indpointslocs end: 24373.352276, niter: 20, nfeval: 23
Iteration 26, estep start: 24373.352276
Iteration 26, estep end: 24377.415303, niter: 20, nfeval: 21
Iteration 26, mstep_embedding start: 24377.415303
Iteration 26, mstep_embedding end: 25448.854918, niter: 20, nfeval: 24
Iteration 26, mstep_kernels start: 25448.854918
Iteration 26, mstep_kernels end: 24379.562318, niter: 7, nfeval: 8
Iteration 26, mstep_indpointslocs start: 24379.562318
Iteration 26, mstep_indpointslocs end: 24380.320416, niter: 20, nfeval: 22
Iteration 27, estep start: 24380.320416
Iteration 27, estep end: 24383.853611, niter: 20, nfeval: 22
Iteration 27, mstep_embedding start: 24383.853611
Iteration 27, mstep_embedding end: 25455.274802, niter: 20, nfeval: 25
Iteration 27, mstep_kernels start: 25455.274802
Iteration 27, mstep_kernels end: 24386.127277, niter: 6, nfeval: 7
Iteration 27, mstep_indpointslocs start: 24386.127277
Iteration 27, mstep_indpointslocs end: 24387.008463, niter: 20, nfeval: 22
Iteration 28, estep start: 24387.008463
Iteration 28, estep end: 24389.852356, niter: 20, nfeval: 22
Iteration 28, mstep_embedding start: 24389.852356
Iteration 28, mstep_embedding end: 25460.009327, niter: 20, nfeval: 24
Iteration 28, mstep_kernels start: 25460.009327
Iteration 28, mstep_kernels end: 24391.480739, niter: 6, nfeval: 7
Iteration 28, mstep_indpointslocs start: 24391.480739
Iteration 28, mstep_indpointslocs end: 24392.144220, niter: 20, nfeval: 22
Iteration 29, estep start: 24392.144220
Iteration 29, estep end: 24394.628127, niter: 20, nfeval: 21
Iteration 29, mstep_embedding start: 24394.628127
Iteration 29, mstep_embedding end: 25464.802716, niter: 20, nfeval: 24
Iteration 29, mstep_kernels start: 25464.802716
Iteration 29, mstep_kernels end: 24396.232582, niter: 6, nfeval: 7
Iteration 29, mstep_indpointslocs start: 24396.232582
Iteration 29, mstep_indpointslocs end: 24396.857526, niter: 20, nfeval: 23
Iteration 30, estep start: 24396.857526
Iteration 30, estep end: 24398.889041, niter: 20, nfeval: 22
Iteration 30, mstep_embedding start: 24398.889041
Iteration 30, mstep_embedding end: 25468.883083, niter: 20, nfeval: 23
Iteration 30, mstep_kernels start: 25468.883083
Iteration 30, mstep_kernels end: 24400.317371, niter: 6, nfeval: 7
Iteration 30, mstep_indpointslocs start: 24400.317371
Iteration 30, mstep_indpointslocs end: 24400.926785, niter: 20, nfeval: 22
Iteration 31, estep start: 24400.926785
Iteration 31, estep end: 24402.608069, niter: 20, nfeval: 21
Iteration 31, mstep_embedding start: 24402.608069
Iteration 31, mstep_embedding end: 25472.359619, niter: 20, nfeval: 24
Iteration 31, mstep_kernels start: 25472.359619
Iteration 31, mstep_kernels end: 24403.751903, niter: 6, nfeval: 7
Iteration 31, mstep_indpointslocs start: 24403.751903
Iteration 31, mstep_indpointslocs end: 24404.235700, niter: 20, nfeval: 23
Iteration 32, estep start: 24404.235700
Iteration 32, estep end: 24405.745023, niter: 20, nfeval: 22
Iteration 32, mstep_embedding start: 24405.745023
Iteration 32, mstep_embedding end: 25475.798317, niter: 20, nfeval: 24
Iteration 32, mstep_kernels start: 25475.798317
Iteration 32, mstep_kernels end: 24406.881526, niter: 6, nfeval: 7
Iteration 32, mstep_indpointslocs start: 24406.881526
Iteration 32, mstep_indpointslocs end: 24407.359878, niter: 20, nfeval: 23
Iteration 33, estep start: 24407.359878
Iteration 33, estep end: 24408.589241, niter: 20, nfeval: 22
Iteration 33, mstep_embedding start: 24408.589241
Iteration 33, mstep_embedding end: 25478.602737, niter: 20, nfeval: 24
Iteration 33, mstep_kernels start: 25478.602737
Iteration 33, mstep_kernels end: 24409.486707, niter: 6, nfeval: 8
Iteration 33, mstep_indpointslocs start: 24409.486707
Iteration 33, mstep_indpointslocs end: 24409.890096, niter: 20, nfeval: 22
Iteration 34, estep start: 24409.890096
Iteration 34, estep end: 24411.060367, niter: 20, nfeval: 21
Iteration 34, mstep_embedding start: 24411.060367
Iteration 34, mstep_embedding end: 25481.309750, niter: 20, nfeval: 23
Iteration 34, mstep_kernels start: 25481.309750
Iteration 34, mstep_kernels end: 24411.953742, niter: 5, nfeval: 7
Iteration 34, mstep_indpointslocs start: 24411.953742
Iteration 34, mstep_indpointslocs end: 24412.329522, niter: 20, nfeval: 23
Iteration 35, estep start: 24412.329522
Iteration 35, estep end: 24413.315670, niter: 20, nfeval: 21
Iteration 35, mstep_embedding start: 24413.315670
Iteration 35, mstep_embedding end: 25483.705919, niter: 20, nfeval: 22
Iteration 35, mstep_kernels start: 25483.705919
Iteration 35, mstep_kernels end: 24414.101150, niter: 7, nfeval: 8
Iteration 35, mstep_indpointslocs start: 24414.101150
Iteration 35, mstep_indpointslocs end: 24414.432035, niter: 20, nfeval: 23
Iteration 36, estep start: 24414.432035
Iteration 36, estep end: 24415.275284, niter: 20, nfeval: 22
Iteration 36, mstep_embedding start: 24415.275284
Iteration 36, mstep_embedding end: 25485.835949, niter: 19, nfeval: 22
Iteration 36, mstep_kernels start: 25485.835949
Iteration 36, mstep_kernels end: 24415.985605, niter: 5, nfeval: 7
Iteration 36, mstep_indpointslocs start: 24415.985605
Iteration 36, mstep_indpointslocs end: 24416.304118, niter: 20, nfeval: 22
Iteration 37, estep start: 24416.304118
Iteration 37, estep end: 24417.117646, niter: 20, nfeval: 21
Iteration 37, mstep_embedding start: 24417.117646
Iteration 37, mstep_embedding end: 25487.960430, niter: 19, nfeval: 22
Iteration 37, mstep_kernels start: 25487.960430
Iteration 37, mstep_kernels end: 24417.773419, niter: 6, nfeval: 8
Iteration 37, mstep_indpointslocs start: 24417.773419
Iteration 37, mstep_indpointslocs end: 24418.071337, niter: 20, nfeval: 22
Iteration 38, estep start: 24418.071337
Iteration 38, estep end: 24418.769241, niter: 20, nfeval: 22
Iteration 38, mstep_embedding start: 24418.769241
Iteration 38, mstep_embedding end: 25489.803290, niter: 19, nfeval: 23
Iteration 38, mstep_kernels start: 25489.803290
Iteration 38, mstep_kernels end: 24419.404913, niter: 6, nfeval: 8
Iteration 38, mstep_indpointslocs start: 24419.404913
Iteration 38, mstep_indpointslocs end: 24419.690738, niter: 20, nfeval: 22
Iteration 39, estep start: 24419.690738
Iteration 39, estep end: 24420.308658, niter: 20, nfeval: 21
Iteration 39, mstep_embedding start: 24420.308658
Iteration 39, mstep_embedding end: 25491.497068, niter: 19, nfeval: 23
Iteration 39, mstep_kernels start: 25491.497068
Iteration 39, mstep_kernels end: 24420.877312, niter: 5, nfeval: 7
Iteration 39, mstep_indpointslocs start: 24420.877312
Iteration 39, mstep_indpointslocs end: 24421.133016, niter: 20, nfeval: 22
Iteration 40, estep start: 24421.133016
Iteration 40, estep end: 24421.697869, niter: 20, nfeval: 21
Iteration 40, mstep_embedding start: 24421.697869
Iteration 40, mstep_embedding end: 25492.966241, niter: 18, nfeval: 21
Iteration 40, mstep_kernels start: 25492.966241
Iteration 40, mstep_kernels end: 24422.188605, niter: 5, nfeval: 7
Iteration 40, mstep_indpointslocs start: 24422.188605
Iteration 40, mstep_indpointslocs end: 24422.424722, niter: 20, nfeval: 22
Iteration 41, estep start: 24422.424722
Iteration 41, estep end: 24422.936166, niter: 20, nfeval: 21
Iteration 41, mstep_embedding start: 24422.936166
Iteration 41, mstep_embedding end: 25494.388928, niter: 18, nfeval: 21
Iteration 41, mstep_kernels start: 25494.388928
Iteration 41, mstep_kernels end: 24423.385208, niter: 5, nfeval: 8
Iteration 41, mstep_indpointslocs start: 24423.385208
Iteration 41, mstep_indpointslocs end: 24423.609522, niter: 20, nfeval: 23
Iteration 42, estep start: 24423.609522
Iteration 42, estep end: 24424.074229, niter: 20, nfeval: 21
Iteration 42, mstep_embedding start: 24424.074229
Iteration 42, mstep_embedding end: 25495.690099, niter: 16, nfeval: 20
Iteration 42, mstep_kernels start: 25495.690099
Iteration 42, mstep_kernels end: 24424.499754, niter: 5, nfeval: 6
Iteration 42, mstep_indpointslocs start: 24424.499754
Iteration 42, mstep_indpointslocs end: 24424.728395, niter: 20, nfeval: 22
Iteration 43, estep start: 24424.728395
Iteration 43, estep end: 24425.154657, niter: 20, nfeval: 22
Iteration 43, mstep_embedding start: 24425.154657
Iteration 43, mstep_embedding end: 25496.840359, niter: 16, nfeval: 20
Iteration 43, mstep_kernels start: 25496.840359
Iteration 43, mstep_kernels end: 24425.514152, niter: 5, nfeval: 6
Iteration 43, mstep_indpointslocs start: 24425.514152
Iteration 43, mstep_indpointslocs end: 24425.708764, niter: 20, nfeval: 23
Iteration 44, estep start: 24425.708764
Iteration 44, estep end: 24426.117615, niter: 20, nfeval: 22
Iteration 44, mstep_embedding start: 24426.117615
Iteration 44, mstep_embedding end: 25498.043884, niter: 17, nfeval: 21
Iteration 44, mstep_kernels start: 25498.043884
Iteration 44, mstep_kernels end: 24426.453147, niter: 5, nfeval: 6
Iteration 44, mstep_indpointslocs start: 24426.453147
Iteration 44, mstep_indpointslocs end: 24426.652181, niter: 20, nfeval: 23
Iteration 45, estep start: 24426.652181
Iteration 45, estep end: 24427.017064, niter: 20, nfeval: 22
Iteration 45, mstep_embedding start: 24427.017064
Iteration 45, mstep_embedding end: 25499.099032, niter: 16, nfeval: 20
Iteration 45, mstep_kernels start: 25499.099032
Iteration 45, mstep_kernels end: 24427.328777, niter: 4, nfeval: 6
Iteration 45, mstep_indpointslocs start: 24427.328777
Iteration 45, mstep_indpointslocs end: 24427.515492, niter: 20, nfeval: 23
Iteration 46, estep start: 24427.515492
Iteration 46, estep end: 24427.862266, niter: 20, nfeval: 22
Iteration 46, mstep_embedding start: 24427.862266
Iteration 46, mstep_embedding end: 25500.139812, niter: 18, nfeval: 21
Iteration 46, mstep_kernels start: 25500.139812
Iteration 46, mstep_kernels end: 24428.143084, niter: 4, nfeval: 5
Iteration 46, mstep_indpointslocs start: 24428.143084
Iteration 46, mstep_indpointslocs end: 24428.320974, niter: 20, nfeval: 23
Iteration 47, estep start: 24428.320974
Iteration 47, estep end: 24428.642642, niter: 20, nfeval: 22
Iteration 47, mstep_embedding start: 24428.642642
Iteration 47, mstep_embedding end: 25501.064508, niter: 15, nfeval: 18
Iteration 47, mstep_kernels start: 25501.064508
Iteration 47, mstep_kernels end: 24428.899227, niter: 4, nfeval: 5
Iteration 47, mstep_indpointslocs start: 24428.899227
Iteration 47, mstep_indpointslocs end: 24429.070802, niter: 20, nfeval: 22
Iteration 48, estep start: 24429.070802
Iteration 48, estep end: 24429.379110, niter: 20, nfeval: 22
Iteration 48, mstep_embedding start: 24429.379110
Iteration 48, mstep_embedding end: 25502.069025, niter: 17, nfeval: 20
Iteration 48, mstep_kernels start: 25502.069025
Iteration 48, mstep_kernels end: 24429.615673, niter: 4, nfeval: 5
Iteration 48, mstep_indpointslocs start: 24429.615673
Iteration 48, mstep_indpointslocs end: 24429.778434, niter: 20, nfeval: 23
Iteration 49, estep start: 24429.778434
Iteration 49, estep end: 24430.057968, niter: 20, nfeval: 23
Iteration 49, mstep_embedding start: 24430.057968
Iteration 49, mstep_embedding end: 25502.856603, niter: 16, nfeval: 20
Iteration 49, mstep_kernels start: 25502.856603
Iteration 49, mstep_kernels end: 24430.274658, niter: 4, nfeval: 5
Iteration 49, mstep_indpointslocs start: 24430.274658
Iteration 49, mstep_indpointslocs end: 24430.422742, niter: 20, nfeval: 22
Iteration 50, estep start: 24430.422742
Iteration 50, estep end: 24430.700679, niter: 20, nfeval: 22
Iteration 50, mstep_embedding start: 24430.700679
Iteration 50, mstep_embedding end: 25503.837294, niter: 16, nfeval: 20
Iteration 50, mstep_kernels start: 25503.837294
Iteration 50, mstep_kernels end: 24430.913635, niter: 4, nfeval: 5
Iteration 50, mstep_indpointslocs start: 24430.913635
Iteration 50, mstep_indpointslocs end: 24431.072226, niter: 20, nfeval: 22
Iteration 51, estep start: 24431.072226
Iteration 51, estep end: 24431.325712, niter: 20, nfeval: 24
Iteration 51, mstep_embedding start: 24431.325712
Iteration 51, mstep_embedding end: 25504.569092, niter: 16, nfeval: 20
Iteration 51, mstep_kernels start: 25504.569092
Iteration 51, mstep_kernels end: 24431.517219, niter: 4, nfeval: 5
Iteration 51, mstep_indpointslocs start: 24431.517219
Iteration 51, mstep_indpointslocs end: 24431.660178, niter: 20, nfeval: 22
Iteration 52, estep start: 24431.660178
Iteration 52, estep end: 24431.903183, niter: 20, nfeval: 22
Iteration 52, mstep_embedding start: 24431.903183
Iteration 52, mstep_embedding end: 25505.440042, niter: 15, nfeval: 17
Iteration 52, mstep_kernels start: 25505.440042
Iteration 52, mstep_kernels end: 24432.095391, niter: 4, nfeval: 6
Iteration 52, mstep_indpointslocs start: 24432.095391
Iteration 52, mstep_indpointslocs end: 24432.230026, niter: 20, nfeval: 23
Iteration 53, estep start: 24432.230026
Iteration 53, estep end: 24432.479480, niter: 20, nfeval: 23
Iteration 53, mstep_embedding start: 24432.479480
Iteration 53, mstep_embedding end: 25506.182534, niter: 16, nfeval: 20
Iteration 53, mstep_kernels start: 25506.182534
Iteration 53, mstep_kernels end: 24432.648414, niter: 5, nfeval: 6
Iteration 53, mstep_indpointslocs start: 24432.648414
Iteration 53, mstep_indpointslocs end: 24432.769839, niter: 20, nfeval: 22
Iteration 54, estep start: 24432.769839
Iteration 54, estep end: 24432.990078, niter: 20, nfeval: 22
Iteration 54, mstep_embedding start: 24432.990078
Iteration 54, mstep_embedding end: 25507.003641, niter: 16, nfeval: 20
Iteration 54, mstep_kernels start: 25507.003641
Iteration 54, mstep_kernels end: 24433.154757, niter: 5, nfeval: 6
Iteration 54, mstep_indpointslocs start: 24433.154757
Iteration 54, mstep_indpointslocs end: 24433.271639, niter: 20, nfeval: 23
Iteration 55, estep start: 24433.271639
Iteration 55, estep end: 24433.479059, niter: 20, nfeval: 23
Iteration 55, mstep_embedding start: 24433.479059
Iteration 55, mstep_embedding end: 25507.692824, niter: 14, nfeval: 16
Iteration 55, mstep_kernels start: 25507.692824
Iteration 55, mstep_kernels end: 24433.629824, niter: 5, nfeval: 6
Iteration 55, mstep_indpointslocs start: 24433.629824
Iteration 55, mstep_indpointslocs end: 24433.748813, niter: 20, nfeval: 23
Iteration 56, estep start: 24433.748813
Iteration 56, estep end: 24433.943733, niter: 20, nfeval: 22
Iteration 56, mstep_embedding start: 24433.943733
Iteration 56, mstep_embedding end: 25508.373835, niter: 16, nfeval: 20
Iteration 56, mstep_kernels start: 25508.373835
Iteration 56, mstep_kernels end: 24434.085656, niter: 5, nfeval: 6
Iteration 56, mstep_indpointslocs start: 24434.085656
Iteration 56, mstep_indpointslocs end: 24434.191183, niter: 20, nfeval: 23
Iteration 57, estep start: 24434.191183
Iteration 57, estep end: 24434.376495, niter: 20, nfeval: 23
Iteration 57, mstep_embedding start: 24434.376495
Iteration 57, mstep_embedding end: 25508.939845, niter: 14, nfeval: 16
Iteration 57, mstep_kernels start: 25508.939845
Iteration 57, mstep_kernels end: 24434.514439, niter: 5, nfeval: 6
Iteration 57, mstep_indpointslocs start: 24434.514439
Iteration 57, mstep_indpointslocs end: 24434.621663, niter: 20, nfeval: 23
Iteration 58, estep start: 24434.621663
Iteration 58, estep end: 24434.800581, niter: 20, nfeval: 22
Iteration 58, mstep_embedding start: 24434.800581
Iteration 58, mstep_embedding end: 25509.581749, niter: 16, nfeval: 21
Iteration 58, mstep_kernels start: 25509.581749
Iteration 58, mstep_kernels end: 24434.934362, niter: 6, nfeval: 7
Iteration 58, mstep_indpointslocs start: 24434.934362
Iteration 58, mstep_indpointslocs end: 24435.036608, niter: 20, nfeval: 23
Iteration 59, estep start: 24435.036608
Iteration 59, estep end: 24435.205610, niter: 20, nfeval: 23
Iteration 59, mstep_embedding start: 24435.205610
Iteration 59, mstep_embedding end: 25510.155119, niter: 16, nfeval: 21
Iteration 59, mstep_kernels start: 25510.155119
Iteration 59, mstep_kernels end: 24435.331434, niter: 6, nfeval: 7
Iteration 59, mstep_indpointslocs start: 24435.331434
Iteration 59, mstep_indpointslocs end: 24435.429232, niter: 20, nfeval: 23
Iteration 60, estep start: 24435.429232
Iteration 60, estep end: 24435.598062, niter: 20, nfeval: 23
Iteration 60, mstep_embedding start: 24435.598062
Iteration 60, mstep_embedding end: 25510.740745, niter: 16, nfeval: 21
Iteration 60, mstep_kernels start: 25510.740745
Iteration 60, mstep_kernels end: 24435.721993, niter: 6, nfeval: 7
Iteration 60, mstep_indpointslocs start: 24435.721993
Iteration 60, mstep_indpointslocs end: 24435.817526, niter: 20, nfeval: 22
Iteration 61, estep start: 24435.817526
Iteration 61, estep end: 24435.979160, niter: 20, nfeval: 24
Iteration 61, mstep_embedding start: 24435.979160
Iteration 61, mstep_embedding end: 25511.323827, niter: 16, nfeval: 21
Iteration 61, mstep_kernels start: 25511.323827
Iteration 61, mstep_kernels end: 24436.096826, niter: 6, nfeval: 8
Iteration 61, mstep_indpointslocs start: 24436.096826
Iteration 61, mstep_indpointslocs end: 24436.190591, niter: 20, nfeval: 22
Iteration 62, estep start: 24436.190591
Iteration 62, estep end: 24436.348489, niter: 20, nfeval: 23
Iteration 62, mstep_embedding start: 24436.348489
Iteration 62, mstep_embedding end: 25511.857209, niter: 16, nfeval: 21
Iteration 62, mstep_kernels start: 25511.857209
Iteration 62, mstep_kernels end: 24436.462169, niter: 6, nfeval: 7
Iteration 62, mstep_indpointslocs start: 24436.462169
Iteration 62, mstep_indpointslocs end: 24436.545673, niter: 20, nfeval: 23
Iteration 63, estep start: 24436.545673
Iteration 63, estep end: 24436.691012, niter: 20, nfeval: 22
Iteration 63, mstep_embedding start: 24436.691012
Iteration 63, mstep_embedding end: 25512.387382, niter: 15, nfeval: 19
Iteration 63, mstep_kernels start: 25512.387382
Iteration 63, mstep_kernels end: 24436.800399, niter: 6, nfeval: 8
Iteration 63, mstep_indpointslocs start: 24436.800399
Iteration 63, mstep_indpointslocs end: 24436.883861, niter: 20, nfeval: 22
Iteration 64, estep start: 24436.883861
Iteration 64, estep end: 24437.023256, niter: 20, nfeval: 22
Iteration 64, mstep_embedding start: 24437.023256
Iteration 64, mstep_embedding end: 25512.877628, niter: 15, nfeval: 18
Iteration 64, mstep_kernels start: 25512.877628
Iteration 64, mstep_kernels end: 24437.129119, niter: 5, nfeval: 7
Iteration 64, mstep_indpointslocs start: 24437.129119
Iteration 64, mstep_indpointslocs end: 24437.208006, niter: 20, nfeval: 25
Iteration 65, estep start: 24437.208006
Iteration 65, estep end: 24437.339598, niter: 20, nfeval: 23
Iteration 65, mstep_embedding start: 24437.339598
Iteration 65, mstep_embedding end: 25513.339015, niter: 15, nfeval: 19
Iteration 65, mstep_kernels start: 25513.339015
Iteration 65, mstep_kernels end: 24437.440980, niter: 6, nfeval: 8
Iteration 65, mstep_indpointslocs start: 24437.440980
Iteration 65, mstep_indpointslocs end: 24437.518221, niter: 20, nfeval: 23
Iteration 66, estep start: 24437.518221
Iteration 66, estep end: 24437.651830, niter: 20, nfeval: 23
Iteration 66, mstep_embedding start: 24437.651830
Iteration 66, mstep_embedding end: 25513.787388, niter: 12, nfeval: 14
Iteration 66, mstep_kernels start: 25513.787388
Iteration 66, mstep_kernels end: 24437.749564, niter: 5, nfeval: 7
Iteration 66, mstep_indpointslocs start: 24437.749564
Iteration 66, mstep_indpointslocs end: 24437.822935, niter: 20, nfeval: 23
Iteration 67, estep start: 24437.822935
Iteration 67, estep end: 24437.949909, niter: 20, nfeval: 23
Iteration 67, mstep_embedding start: 24437.949909
Iteration 67, mstep_embedding end: 25514.209859, niter: 17, nfeval: 19
Iteration 67, mstep_kernels start: 25514.209859
Iteration 67, mstep_kernels end: 24438.046388, niter: 5, nfeval: 7
Iteration 67, mstep_indpointslocs start: 24438.046388
Iteration 67, mstep_indpointslocs end: 24438.117321, niter: 20, nfeval: 22
Iteration 68, estep start: 24438.117321
Iteration 68, estep end: 24438.244825, niter: 20, nfeval: 22
Iteration 68, mstep_embedding start: 24438.244825
Iteration 68, mstep_embedding end: 25514.667983, niter: 15, nfeval: 16
Iteration 68, mstep_kernels start: 25514.667983
Iteration 68, mstep_kernels end: 24438.338652, niter: 5, nfeval: 7
Iteration 68, mstep_indpointslocs start: 24438.338652
Iteration 68, mstep_indpointslocs end: 24438.411186, niter: 20, nfeval: 22
Iteration 69, estep start: 24438.411186
Iteration 69, estep end: 24438.530162, niter: 20, nfeval: 23
Iteration 69, mstep_embedding start: 24438.530162
Iteration 69, mstep_embedding end: 25515.062258, niter: 13, nfeval: 15
Iteration 69, mstep_kernels start: 25515.062258
Iteration 69, mstep_kernels end: 24438.618645, niter: 5, nfeval: 7
Iteration 69, mstep_indpointslocs start: 24438.618645
Iteration 69, mstep_indpointslocs end: 24438.681993, niter: 20, nfeval: 23
Iteration 70, estep start: 24438.681993
Iteration 70, estep end: 24438.799305, niter: 20, nfeval: 22
Iteration 70, mstep_embedding start: 24438.799305
Iteration 70, mstep_embedding end: 25515.501914, niter: 16, nfeval: 19
Iteration 70, mstep_kernels start: 25515.501914
Iteration 70, mstep_kernels end: 24438.889868, niter: 7, nfeval: 8
Iteration 70, mstep_indpointslocs start: 24438.889868
Iteration 70, mstep_indpointslocs end: 24438.956425, niter: 20, nfeval: 23
Iteration 71, estep start: 24438.956425
Iteration 71, estep end: 24439.072674, niter: 20, nfeval: 22
Iteration 71, mstep_embedding start: 24439.072674
Iteration 71, mstep_embedding end: 25515.888824, niter: 15, nfeval: 16
Iteration 71, mstep_kernels start: 25515.888824
Iteration 71, mstep_kernels end: 24439.163972, niter: 7, nfeval: 8
Iteration 71, mstep_indpointslocs start: 24439.163972
Iteration 71, mstep_indpointslocs end: 24439.229839, niter: 20, nfeval: 24
Iteration 72, estep start: 24439.229839
Iteration 72, estep end: 24439.338802, niter: 20, nfeval: 23
Iteration 72, mstep_embedding start: 24439.338802
Iteration 72, mstep_embedding end: 25516.258164, niter: 16, nfeval: 19
Iteration 72, mstep_kernels start: 25516.258164
Iteration 72, mstep_kernels end: 24439.424592, niter: 6, nfeval: 8
Iteration 72, mstep_indpointslocs start: 24439.424592
Iteration 72, mstep_indpointslocs end: 24439.487584, niter: 20, nfeval: 23
Iteration 73, estep start: 24439.487584
Iteration 73, estep end: 24439.598932, niter: 20, nfeval: 22
Iteration 73, mstep_embedding start: 24439.598932
Iteration 73, mstep_embedding end: 25516.594579, niter: 13, nfeval: 15
Iteration 73, mstep_kernels start: 25516.594579
Iteration 73, mstep_kernels end: 24439.680185, niter: 6, nfeval: 7
Iteration 73, mstep_indpointslocs start: 24439.680185
Iteration 73, mstep_indpointslocs end: 24439.740361, niter: 20, nfeval: 23
Iteration 74, estep start: 24439.740361
Iteration 74, estep end: 24439.849059, niter: 20, nfeval: 22
Iteration 74, mstep_embedding start: 24439.849059
Iteration 74, mstep_embedding end: 25516.991147, niter: 15, nfeval: 18
Iteration 74, mstep_kernels start: 25516.991147
Iteration 74, mstep_kernels end: 24439.930924, niter: 6, nfeval: 8
Iteration 74, mstep_indpointslocs start: 24439.930924
Iteration 74, mstep_indpointslocs end: 24439.989597, niter: 20, nfeval: 23
Iteration 75, estep start: 24439.989597
Iteration 75, estep end: 24440.088172, niter: 20, nfeval: 23
Iteration 75, mstep_embedding start: 24440.088172
Iteration 75, mstep_embedding end: 25517.301318, niter: 13, nfeval: 15
Iteration 75, mstep_kernels start: 25517.301318
Iteration 75, mstep_kernels end: 24440.168426, niter: 6, nfeval: 7
Iteration 75, mstep_indpointslocs start: 24440.168426
Iteration 75, mstep_indpointslocs end: 24440.224241, niter: 20, nfeval: 23
Iteration 76, estep start: 24440.224241
Iteration 76, estep end: 24440.323874, niter: 20, nfeval: 22
Iteration 76, mstep_embedding start: 24440.323874
Iteration 76, mstep_embedding end: 25517.679090, niter: 15, nfeval: 18
Iteration 76, mstep_kernels start: 25517.679090
Iteration 76, mstep_kernels end: 24440.401907, niter: 6, nfeval: 7
Iteration 76, mstep_indpointslocs start: 24440.401907
Iteration 76, mstep_indpointslocs end: 24440.462551, niter: 20, nfeval: 23
Iteration 77, estep start: 24440.462551
Iteration 77, estep end: 24440.561397, niter: 20, nfeval: 23
Iteration 77, mstep_embedding start: 24440.561397
Iteration 77, mstep_embedding end: 25517.978384, niter: 15, nfeval: 16
Iteration 77, mstep_kernels start: 25517.978384
Iteration 77, mstep_kernels end: 24440.635867, niter: 6, nfeval: 8
Iteration 77, mstep_indpointslocs start: 24440.635867
Iteration 77, mstep_indpointslocs end: 24440.691091, niter: 20, nfeval: 22
Iteration 78, estep start: 24440.691091
Iteration 78, estep end: 24440.791252, niter: 20, nfeval: 22
Iteration 78, mstep_embedding start: 24440.791252
Iteration 78, mstep_embedding end: 25518.384881, niter: 16, nfeval: 17
Iteration 78, mstep_kernels start: 25518.384881
Iteration 78, mstep_kernels end: 24440.872310, niter: 6, nfeval: 7
Iteration 78, mstep_indpointslocs start: 24440.872310
Iteration 78, mstep_indpointslocs end: 24440.928301, niter: 20, nfeval: 24
Iteration 79, estep start: 24440.928301
Iteration 79, estep end: 24441.021738, niter: 20, nfeval: 23
Iteration 79, mstep_embedding start: 24441.021738
Iteration 79, mstep_embedding end: 25518.655548, niter: 15, nfeval: 18
Iteration 79, mstep_kernels start: 25518.655548
Iteration 79, mstep_kernels end: 24441.097034, niter: 6, nfeval: 7
Iteration 79, mstep_indpointslocs start: 24441.097034
Iteration 79, mstep_indpointslocs end: 24441.150467, niter: 20, nfeval: 23
Iteration 80, estep start: 24441.150467
Iteration 80, estep end: 24441.240997, niter: 20, nfeval: 23
Iteration 80, mstep_embedding start: 24441.240997
Iteration 80, mstep_embedding end: 25519.005962, niter: 13, nfeval: 15
Iteration 80, mstep_kernels start: 25519.005962
Iteration 80, mstep_kernels end: 24441.313160, niter: 6, nfeval: 7
Iteration 80, mstep_indpointslocs start: 24441.313160
Iteration 80, mstep_indpointslocs end: 24441.364694, niter: 20, nfeval: 23
Iteration 81, estep start: 24441.364694
Iteration 81, estep end: 24441.452378, niter: 20, nfeval: 23
Iteration 81, mstep_embedding start: 24441.452378
Iteration 81, mstep_embedding end: 25519.283955, niter: 15, nfeval: 17
Iteration 81, mstep_kernels start: 25519.283955
Iteration 81, mstep_kernels end: 24441.524952, niter: 6, nfeval: 7
Iteration 81, mstep_indpointslocs start: 24441.524952
Iteration 81, mstep_indpointslocs end: 24441.580183, niter: 20, nfeval: 22
Iteration 82, estep start: 24441.580183
Iteration 82, estep end: 24441.674312, niter: 20, nfeval: 23
Iteration 82, mstep_embedding start: 24441.674312
Iteration 82, mstep_embedding end: 25519.622916, niter: 15, nfeval: 16
Iteration 82, mstep_kernels start: 25519.622916
Iteration 82, mstep_kernels end: 24441.744264, niter: 6, nfeval: 7
Iteration 82, mstep_indpointslocs start: 24441.744264
Iteration 82, mstep_indpointslocs end: 24441.797618, niter: 20, nfeval: 23
Iteration 83, estep start: 24441.797618
Iteration 83, estep end: 24441.888981, niter: 20, nfeval: 23
Iteration 83, mstep_embedding start: 24441.888981
Iteration 83, mstep_embedding end: 25519.914093, niter: 15, nfeval: 16
Iteration 83, mstep_kernels start: 25519.914093
Iteration 83, mstep_kernels end: 24441.961403, niter: 6, nfeval: 7
Iteration 83, mstep_indpointslocs start: 24441.961403
Iteration 83, mstep_indpointslocs end: 24442.017215, niter: 20, nfeval: 23
Iteration 84, estep start: 24442.017215
Iteration 84, estep end: 24442.105621, niter: 20, nfeval: 23
Iteration 84, mstep_embedding start: 24442.105621
Iteration 84, mstep_embedding end: 25520.259757, niter: 15, nfeval: 16
Iteration 84, mstep_kernels start: 25520.259757
Iteration 84, mstep_kernels end: 24442.177069, niter: 6, nfeval: 7
Iteration 84, mstep_indpointslocs start: 24442.177069
Iteration 84, mstep_indpointslocs end: 24442.233519, niter: 20, nfeval: 23
Iteration 85, estep start: 24442.233519
Iteration 85, estep end: 24442.319910, niter: 20, nfeval: 22
Iteration 85, mstep_embedding start: 24442.319910
Iteration 85, mstep_embedding end: 25520.554112, niter: 15, nfeval: 16
Iteration 85, mstep_kernels start: 25520.554112
Iteration 85, mstep_kernels end: 24442.391491, niter: 6, nfeval: 7
Iteration 85, mstep_indpointslocs start: 24442.391491
Iteration 85, mstep_indpointslocs end: 24442.444700, niter: 20, nfeval: 23
Iteration 86, estep start: 24442.444700
Iteration 86, estep end: 24442.531171, niter: 20, nfeval: 22
Iteration 86, mstep_embedding start: 24442.531171
Iteration 86, mstep_embedding end: 25520.865316, niter: 15, nfeval: 16
Iteration 86, mstep_kernels start: 25520.865316
Iteration 86, mstep_kernels end: 24442.600648, niter: 6, nfeval: 7
Iteration 86, mstep_indpointslocs start: 24442.600648
Iteration 86, mstep_indpointslocs end: 24442.651526, niter: 20, nfeval: 24
Iteration 87, estep start: 24442.651526
Iteration 87, estep end: 24442.735655, niter: 20, nfeval: 23
Iteration 87, mstep_embedding start: 24442.735655
Iteration 87, mstep_embedding end: 25521.180416, niter: 15, nfeval: 17
Iteration 87, mstep_kernels start: 25521.180416
Iteration 87, mstep_kernels end: 24442.808128, niter: 6, nfeval: 7
Iteration 87, mstep_indpointslocs start: 24442.808128
Iteration 87, mstep_indpointslocs end: 24442.860771, niter: 20, nfeval: 23
Iteration 88, estep start: 24442.860771
Iteration 88, estep end: 24442.944546, niter: 20, nfeval: 23
Iteration 88, mstep_embedding start: 24442.944546
Iteration 88, mstep_embedding end: 25521.470123, niter: 13, nfeval: 15
Iteration 88, mstep_kernels start: 25521.470123
Iteration 88, mstep_kernels end: 24443.013135, niter: 6, nfeval: 7
Iteration 88, mstep_indpointslocs start: 24443.013135
Iteration 88, mstep_indpointslocs end: 24443.064742, niter: 20, nfeval: 22
Iteration 89, estep start: 24443.064742
Iteration 89, estep end: 24443.148714, niter: 20, nfeval: 23
Iteration 89, mstep_embedding start: 24443.148714
Iteration 89, mstep_embedding end: 25521.812308, niter: 15, nfeval: 18
Iteration 89, mstep_kernels start: 25521.812308
Iteration 89, mstep_kernels end: 24443.220111, niter: 6, nfeval: 7
Iteration 89, mstep_indpointslocs start: 24443.220111
Iteration 89, mstep_indpointslocs end: 24443.272474, niter: 20, nfeval: 23
Iteration 90, estep start: 24443.272474
Iteration 90, estep end: 24443.354413, niter: 20, nfeval: 23
Iteration 90, mstep_embedding start: 24443.354413
Iteration 90, mstep_embedding end: 25522.132282, niter: 15, nfeval: 16
Iteration 90, mstep_kernels start: 25522.132282
Iteration 90, mstep_kernels end: 24443.430652, niter: 6, nfeval: 7
Iteration 90, mstep_indpointslocs start: 24443.430652
Iteration 90, mstep_indpointslocs end: 24443.481609, niter: 20, nfeval: 23
Iteration 91, estep start: 24443.481609
Iteration 91, estep end: 24443.558391, niter: 20, nfeval: 22
Iteration 91, mstep_embedding start: 24443.558391
Iteration 91, mstep_embedding end: 25522.386279, niter: 13, nfeval: 15
Iteration 91, mstep_kernels start: 25522.386279
Iteration 91, mstep_kernels end: 24443.623527, niter: 6, nfeval: 7
Iteration 91, mstep_indpointslocs start: 24443.623527
Iteration 91, mstep_indpointslocs end: 24443.670207, niter: 20, nfeval: 23
Iteration 92, estep start: 24443.670207
Iteration 92, estep end: 24443.749957, niter: 20, nfeval: 22
Iteration 92, mstep_embedding start: 24443.749957
Iteration 92, mstep_embedding end: 25522.684976, niter: 15, nfeval: 17
Iteration 92, mstep_kernels start: 25522.684976
Iteration 92, mstep_kernels end: 24443.816743, niter: 6, nfeval: 7
Iteration 92, mstep_indpointslocs start: 24443.816743
Iteration 92, mstep_indpointslocs end: 24443.864558, niter: 20, nfeval: 23
Iteration 93, estep start: 24443.864558
Iteration 93, estep end: 24443.940658, niter: 20, nfeval: 23
Iteration 93, mstep_embedding start: 24443.940658
Iteration 93, mstep_embedding end: 25522.927101, niter: 15, nfeval: 16
Iteration 93, mstep_kernels start: 25522.927101
Iteration 93, mstep_kernels end: 24444.005114, niter: 6, nfeval: 7
Iteration 93, mstep_indpointslocs start: 24444.005114
Iteration 93, mstep_indpointslocs end: 24444.053850, niter: 20, nfeval: 23
Iteration 94, estep start: 24444.053850
Iteration 94, estep end: 24444.128519, niter: 20, nfeval: 23
Iteration 94, mstep_embedding start: 24444.128519
Iteration 94, mstep_embedding end: 25523.198254, niter: 15, nfeval: 16
Iteration 94, mstep_kernels start: 25523.198254
Iteration 94, mstep_kernels end: 24444.190399, niter: 6, nfeval: 7
Iteration 94, mstep_indpointslocs start: 24444.190399
Iteration 94, mstep_indpointslocs end: 24444.237732, niter: 20, nfeval: 23
Iteration 95, estep start: 24444.237732
Iteration 95, estep end: 24444.314052, niter: 20, nfeval: 23
Iteration 95, mstep_embedding start: 24444.314052
Iteration 95, mstep_embedding end: 25523.494613, niter: 15, nfeval: 16
Iteration 95, mstep_kernels start: 25523.494613
Iteration 95, mstep_kernels end: 24444.379334, niter: 6, nfeval: 7
Iteration 95, mstep_indpointslocs start: 24444.379334
Iteration 95, mstep_indpointslocs end: 24444.428973, niter: 20, nfeval: 22
Iteration 96, estep start: 24444.428973
Iteration 96, estep end: 24444.502109, niter: 20, nfeval: 23
Iteration 96, mstep_embedding start: 24444.502109
Iteration 96, mstep_embedding end: 25523.783339, niter: 15, nfeval: 16
Iteration 96, mstep_kernels start: 25523.783339
Iteration 96, mstep_kernels end: 24444.569485, niter: 6, nfeval: 7
Iteration 96, mstep_indpointslocs start: 24444.569485
Iteration 96, mstep_indpointslocs end: 24444.618509, niter: 20, nfeval: 23
Iteration 97, estep start: 24444.618509
Iteration 97, estep end: 24444.693928, niter: 20, nfeval: 22
Iteration 97, mstep_embedding start: 24444.693928
Iteration 97, mstep_embedding end: 25524.034033, niter: 13, nfeval: 15
Iteration 97, mstep_kernels start: 25524.034033
Iteration 97, mstep_kernels end: 24444.754401, niter: 6, nfeval: 7
Iteration 97, mstep_indpointslocs start: 24444.754401
Iteration 97, mstep_indpointslocs end: 24444.799345, niter: 20, nfeval: 23
Iteration 98, estep start: 24444.799345
Iteration 98, estep end: 24444.872507, niter: 20, nfeval: 22
Iteration 98, mstep_embedding start: 24444.872507
Iteration 98, mstep_embedding end: 25524.326874, niter: 13, nfeval: 15
Iteration 98, mstep_kernels start: 25524.326874
Iteration 98, mstep_kernels end: 24444.937748, niter: 6, nfeval: 7
Iteration 98, mstep_indpointslocs start: 24444.937748
Iteration 98, mstep_indpointslocs end: 24444.984872, niter: 20, nfeval: 22
Iteration 99, estep start: 24444.984872
Iteration 99, estep end: 24445.056436, niter: 20, nfeval: 22
Iteration 99, mstep_embedding start: 24445.056436
Iteration 99, mstep_embedding end: 25524.558709, niter: 13, nfeval: 15
Iteration 99, mstep_kernels start: 25524.558709
Iteration 99, mstep_kernels end: 24445.117776, niter: 6, nfeval: 7
Iteration 99, mstep_indpointslocs start: 24445.117776
Iteration 99, mstep_indpointslocs end: 24445.166754, niter: 20, nfeval: 23
Iteration 100, estep start: 24445.166754
Iteration 100, estep end: 24445.236635, niter: 20, nfeval: 23
Iteration 100, mstep_embedding start: 24445.236635
Iteration 100, mstep_embedding end: 25524.824058, niter: 15, nfeval: 19
Iteration 100, mstep_kernels start: 25524.824058
Iteration 100, mstep_kernels end: 24445.300457, niter: 6, nfeval: 7
Iteration 100, mstep_indpointslocs start: 24445.300457
Iteration 100, mstep_indpointslocs end: 24445.347465, niter: 20, nfeval: 22
Iteration 101, estep start: 24445.347465
Iteration 101, estep end: 24445.417914, niter: 20, nfeval: 22
Iteration 101, mstep_embedding start: 24445.417914
Iteration 101, mstep_embedding end: 25525.080162, niter: 15, nfeval: 17
Iteration 101, mstep_kernels start: 25525.080162
Iteration 101, mstep_kernels end: 24445.479407, niter: 6, nfeval: 7
Iteration 101, mstep_indpointslocs start: 24445.479407
Iteration 101, mstep_indpointslocs end: 24445.525361, niter: 20, nfeval: 22
Iteration 102, estep start: 24445.525361
Iteration 102, estep end: 24445.596746, niter: 20, nfeval: 22
Iteration 102, mstep_embedding start: 24445.596746
Iteration 102, mstep_embedding end: 25525.338764, niter: 15, nfeval: 16
Iteration 102, mstep_kernels start: 25525.338764
Iteration 102, mstep_kernels end: 24445.656768, niter: 6, nfeval: 7
Iteration 102, mstep_indpointslocs start: 24445.656768
Iteration 102, mstep_indpointslocs end: 24445.702175, niter: 20, nfeval: 22
Iteration 103, estep start: 24445.702175
Iteration 103, estep end: 24445.770129, niter: 20, nfeval: 22
Iteration 103, mstep_embedding start: 24445.770129
Iteration 103, mstep_embedding end: 25525.570158, niter: 15, nfeval: 16
Iteration 103, mstep_kernels start: 25525.570158
Iteration 103, mstep_kernels end: 24445.829342, niter: 6, nfeval: 7
Iteration 103, mstep_indpointslocs start: 24445.829342
Iteration 103, mstep_indpointslocs end: 24445.875951, niter: 20, nfeval: 23
Iteration 104, estep start: 24445.875951
Iteration 104, estep end: 24445.944067, niter: 20, nfeval: 22
Iteration 104, mstep_embedding start: 24445.944067
Iteration 104, mstep_embedding end: 25525.816987, niter: 13, nfeval: 15
Iteration 104, mstep_kernels start: 25525.816987
Iteration 104, mstep_kernels end: 24446.003246, niter: 6, nfeval: 7
Iteration 104, mstep_indpointslocs start: 24446.003246
Iteration 104, mstep_indpointslocs end: 24446.048736, niter: 20, nfeval: 22
Iteration 105, estep start: 24446.048736
Iteration 105, estep end: 24446.116228, niter: 20, nfeval: 23
Iteration 105, mstep_embedding start: 24446.116228
Iteration 105, mstep_embedding end: 25526.068526, niter: 15, nfeval: 16
Iteration 105, mstep_kernels start: 25526.068526
Iteration 105, mstep_kernels end: 24446.176220, niter: 6, nfeval: 7
Iteration 105, mstep_indpointslocs start: 24446.176220
Iteration 105, mstep_indpointslocs end: 24446.220492, niter: 20, nfeval: 22
Iteration 106, estep start: 24446.220492
Iteration 106, estep end: 24446.288500, niter: 20, nfeval: 23
Iteration 106, mstep_embedding start: 24446.288500
Iteration 106, mstep_embedding end: 25526.306760, niter: 15, nfeval: 18
Iteration 106, mstep_kernels start: 25526.306760
Iteration 106, mstep_kernels end: 24446.347021, niter: 6, nfeval: 7
Iteration 106, mstep_indpointslocs start: 24446.347021
Iteration 106, mstep_indpointslocs end: 24446.392231, niter: 20, nfeval: 24
Iteration 107, estep start: 24446.392231
Iteration 107, estep end: 24446.459458, niter: 20, nfeval: 22
Iteration 107, mstep_embedding start: 24446.459458
Iteration 107, mstep_embedding end: 25526.516710, niter: 15, nfeval: 18
Iteration 107, mstep_kernels start: 25526.516710
Iteration 107, mstep_kernels end: 24446.515837, niter: 5, nfeval: 7
Iteration 107, mstep_indpointslocs start: 24446.515837
Iteration 107, mstep_indpointslocs end: 24446.561564, niter: 20, nfeval: 23
Iteration 108, estep start: 24446.561564
Iteration 108, estep end: 24446.627972, niter: 20, nfeval: 22
Iteration 108, mstep_embedding start: 24446.627972
Iteration 108, mstep_embedding end: 25526.763253, niter: 15, nfeval: 18
Iteration 108, mstep_kernels start: 25526.763253
Iteration 108, mstep_kernels end: 24446.686662, niter: 6, nfeval: 7
Iteration 108, mstep_indpointslocs start: 24446.686662
Iteration 108, mstep_indpointslocs end: 24446.732202, niter: 20, nfeval: 24
Iteration 109, estep start: 24446.732202
Iteration 109, estep end: 24446.798871, niter: 20, nfeval: 23
Iteration 109, mstep_embedding start: 24446.798871
Iteration 109, mstep_embedding end: 25526.997686, niter: 15, nfeval: 18
Iteration 109, mstep_kernels start: 25526.997686
Iteration 109, mstep_kernels end: 24446.858533, niter: 6, nfeval: 7
Iteration 109, mstep_indpointslocs start: 24446.858533
Iteration 109, mstep_indpointslocs end: 24446.901908, niter: 20, nfeval: 23
Iteration 110, estep start: 24446.901908
Iteration 110, estep end: 24446.967501, niter: 20, nfeval: 22
Iteration 110, mstep_embedding start: 24446.967501
Iteration 110, mstep_embedding end: 25527.218853, niter: 15, nfeval: 18
Iteration 110, mstep_kernels start: 25527.218853
Iteration 110, mstep_kernels end: 24447.027123, niter: 5, nfeval: 7
Iteration 110, mstep_indpointslocs start: 24447.027123
Iteration 110, mstep_indpointslocs end: 24447.070777, niter: 20, nfeval: 23
Iteration 111, estep start: 24447.070777
Iteration 111, estep end: 24447.133647, niter: 20, nfeval: 23
Iteration 111, mstep_embedding start: 24447.133647
Iteration 111, mstep_embedding end: 25527.405403, niter: 15, nfeval: 18
Iteration 111, mstep_kernels start: 25527.405403
Iteration 111, mstep_kernels end: 24447.190083, niter: 5, nfeval: 7
Iteration 111, mstep_indpointslocs start: 24447.190083
Iteration 111, mstep_indpointslocs end: 24447.232820, niter: 20, nfeval: 24
Iteration 112, estep start: 24447.232820
Iteration 112, estep end: 24447.296140, niter: 20, nfeval: 23
Iteration 112, mstep_embedding start: 24447.296140
Iteration 112, mstep_embedding end: 25527.642223, niter: 15, nfeval: 18
Iteration 112, mstep_kernels start: 25527.642223
Iteration 112, mstep_kernels end: 24447.352862, niter: 5, nfeval: 7
Iteration 112, mstep_indpointslocs start: 24447.352862
Iteration 112, mstep_indpointslocs end: 24447.395290, niter: 20, nfeval: 23
Iteration 113, estep start: 24447.395290
Iteration 113, estep end: 24447.456469, niter: 20, nfeval: 22
Iteration 113, mstep_embedding start: 24447.456469
Iteration 113, mstep_embedding end: 25527.815658, niter: 11, nfeval: 13
Iteration 113, mstep_kernels start: 25527.815658
Iteration 113, mstep_kernels end: 24447.509692, niter: 5, nfeval: 7
Iteration 113, mstep_indpointslocs start: 24447.509692
Iteration 113, mstep_indpointslocs end: 24447.550725, niter: 20, nfeval: 23
Iteration 114, estep start: 24447.550725
Iteration 114, estep end: 24447.610827, niter: 20, nfeval: 23
Iteration 114, mstep_embedding start: 24447.610827
Iteration 114, mstep_embedding end: 25528.028800, niter: 15, nfeval: 16
Iteration 114, mstep_kernels start: 25528.028800
Iteration 114, mstep_kernels end: 24447.662979, niter: 5, nfeval: 6
Iteration 114, mstep_indpointslocs start: 24447.662979
Iteration 114, mstep_indpointslocs end: 24447.703013, niter: 20, nfeval: 22
Iteration 115, estep start: 24447.703013
Iteration 115, estep end: 24447.764898, niter: 20, nfeval: 23
Iteration 115, mstep_embedding start: 24447.764898
Iteration 115, mstep_embedding end: 25528.252700, niter: 14, nfeval: 17
Iteration 115, mstep_kernels start: 25528.252700
Iteration 115, mstep_kernels end: 24447.821508, niter: 5, nfeval: 7
Iteration 115, mstep_indpointslocs start: 24447.821508
Iteration 115, mstep_indpointslocs end: 24447.864224, niter: 20, nfeval: 22
Iteration 116, estep start: 24447.864224
Iteration 116, estep end: 24447.922786, niter: 20, nfeval: 23
Iteration 116, mstep_embedding start: 24447.922786
Iteration 116, mstep_embedding end: 25528.429944, niter: 13, nfeval: 15
Iteration 116, mstep_kernels start: 25528.429944
Iteration 116, mstep_kernels end: 24447.974859, niter: 5, nfeval: 6
Iteration 116, mstep_indpointslocs start: 24447.974859
Iteration 116, mstep_indpointslocs end: 24448.014636, niter: 20, nfeval: 22
Iteration 117, estep start: 24448.014636
Iteration 117, estep end: 24448.074627, niter: 20, nfeval: 23
Iteration 117, mstep_embedding start: 24448.074627
Iteration 117, mstep_embedding end: 25528.633482, niter: 15, nfeval: 16
Iteration 117, mstep_kernels start: 25528.633482
Iteration 117, mstep_kernels end: 24448.127705, niter: 5, nfeval: 6
Iteration 117, mstep_indpointslocs start: 24448.127705
Iteration 117, mstep_indpointslocs end: 24448.167336, niter: 20, nfeval: 23
Iteration 118, estep start: 24448.167336
Iteration 118, estep end: 24448.224720, niter: 20, nfeval: 22
Iteration 118, mstep_embedding start: 24448.224720
Iteration 118, mstep_embedding end: 25528.809713, niter: 11, nfeval: 13
Iteration 118, mstep_kernels start: 25528.809713
Iteration 118, mstep_kernels end: 24448.275322, niter: 5, nfeval: 6
Iteration 118, mstep_indpointslocs start: 24448.275322
Iteration 118, mstep_indpointslocs end: 24448.314733, niter: 20, nfeval: 22
Iteration 119, estep start: 24448.314733
Iteration 119, estep end: 24448.373456, niter: 20, nfeval: 23
Iteration 119, mstep_embedding start: 24448.373456
Iteration 119, mstep_embedding end: 25529.013026, niter: 15, nfeval: 17
Iteration 119, mstep_kernels start: 25529.013026
Iteration 119, mstep_kernels end: 24448.423165, niter: 5, nfeval: 6
Iteration 119, mstep_indpointslocs start: 24448.423165
Iteration 119, mstep_indpointslocs end: 24448.462018, niter: 20, nfeval: 22
Iteration 120, estep start: 24448.462018
Iteration 120, estep end: 24448.519236, niter: 20, nfeval: 22
Iteration 120, mstep_embedding start: 24448.519236
Iteration 120, mstep_embedding end: 25529.189366, niter: 13, nfeval: 16
Iteration 120, mstep_kernels start: 25529.189366
Iteration 120, mstep_kernels end: 24448.569005, niter: 5, nfeval: 6
Iteration 120, mstep_indpointslocs start: 24448.569005
Iteration 120, mstep_indpointslocs end: 24448.607766, niter: 20, nfeval: 23
Iteration 121, estep start: 24448.607766
Iteration 121, estep end: 24448.664871, niter: 20, nfeval: 23
Iteration 121, mstep_embedding start: 24448.664871
Iteration 121, mstep_embedding end: 25529.360355, niter: 14, nfeval: 16
Iteration 121, mstep_kernels start: 25529.360355
Iteration 121, mstep_kernels end: 24448.713737, niter: 5, nfeval: 6
Iteration 121, mstep_indpointslocs start: 24448.713737
Iteration 121, mstep_indpointslocs end: 24448.754282, niter: 20, nfeval: 22
Iteration 122, estep start: 24448.754282
Iteration 122, estep end: 24448.812373, niter: 20, nfeval: 22
Iteration 122, mstep_embedding start: 24448.812373
Iteration 122, mstep_embedding end: 25529.574834, niter: 13, nfeval: 16
Iteration 122, mstep_kernels start: 25529.574834
Iteration 122, mstep_kernels end: 24448.860924, niter: 5, nfeval: 6
Iteration 122, mstep_indpointslocs start: 24448.860924
Iteration 122, mstep_indpointslocs end: 24448.899264, niter: 20, nfeval: 22
Iteration 123, estep start: 24448.899264
Iteration 123, estep end: 24448.956479, niter: 20, nfeval: 23
Iteration 123, mstep_embedding start: 24448.956479
Iteration 123, mstep_embedding end: 25529.747515, niter: 14, nfeval: 16
Iteration 123, mstep_kernels start: 25529.747515
Iteration 123, mstep_kernels end: 24449.005449, niter: 5, nfeval: 6
Iteration 123, mstep_indpointslocs start: 24449.005449
Iteration 123, mstep_indpointslocs end: 24449.046944, niter: 20, nfeval: 23
Iteration 124, estep start: 24449.046944
Iteration 124, estep end: 24449.104623, niter: 20, nfeval: 23
Iteration 124, mstep_embedding start: 24449.104623
Iteration 124, mstep_embedding end: 25529.940049, niter: 14, nfeval: 17
Iteration 124, mstep_kernels start: 25529.940049
Iteration 124, mstep_kernels end: 24449.151793, niter: 5, nfeval: 6
Iteration 124, mstep_indpointslocs start: 24449.151793
Iteration 124, mstep_indpointslocs end: 24449.192272, niter: 20, nfeval: 22
Iteration 125, estep start: 24449.192272
Iteration 125, estep end: 24449.249847, niter: 20, nfeval: 23
Iteration 125, mstep_embedding start: 24449.249847
Iteration 125, mstep_embedding end: 25530.131765, niter: 15, nfeval: 17
Iteration 125, mstep_kernels start: 25530.131765
Iteration 125, mstep_kernels end: 24449.298946, niter: 5, nfeval: 6
Iteration 125, mstep_indpointslocs start: 24449.298946
Iteration 125, mstep_indpointslocs end: 24449.341890, niter: 20, nfeval: 23
Iteration 126, estep start: 24449.341890
Iteration 126, estep end: 24449.398587, niter: 20, nfeval: 22
Iteration 126, mstep_embedding start: 24449.398587
Iteration 126, mstep_embedding end: 25530.299724, niter: 14, nfeval: 16
Iteration 126, mstep_kernels start: 25530.299724
Iteration 126, mstep_kernels end: 24449.443489, niter: 5, nfeval: 6
Iteration 126, mstep_indpointslocs start: 24449.443489
Iteration 126, mstep_indpointslocs end: 24449.486018, niter: 20, nfeval: 22
Iteration 127, estep start: 24449.486018
Iteration 127, estep end: 24449.545354, niter: 20, nfeval: 22
Iteration 127, mstep_embedding start: 24449.545354
Iteration 127, mstep_embedding end: 25530.529805, niter: 14, nfeval: 16
Iteration 127, mstep_kernels start: 25530.529805
Iteration 127, mstep_kernels end: 24449.591572, niter: 5, nfeval: 6
Iteration 127, mstep_indpointslocs start: 24449.591572
Iteration 127, mstep_indpointslocs end: 24449.637656, niter: 20, nfeval: 23
Iteration 128, estep start: 24449.637656
Iteration 128, estep end: 24449.695438, niter: 20, nfeval: 23
Iteration 128, mstep_embedding start: 24449.695438
Iteration 128, mstep_embedding end: 25530.706033, niter: 9, nfeval: 11
Iteration 128, mstep_kernels start: 25530.706033
Iteration 128, mstep_kernels end: 24449.739636, niter: 5, nfeval: 6
Iteration 128, mstep_indpointslocs start: 24449.739636
Iteration 128, mstep_indpointslocs end: 24449.785253, niter: 20, nfeval: 22
Iteration 129, estep start: 24449.785253
Iteration 129, estep end: 24449.848073, niter: 20, nfeval: 22
Iteration 129, mstep_embedding start: 24449.848073
Iteration 129, mstep_embedding end: 25530.973594, niter: 15, nfeval: 17
Iteration 129, mstep_kernels start: 25530.973594
Iteration 129, mstep_kernels end: 24449.894770, niter: 5, nfeval: 6
Iteration 129, mstep_indpointslocs start: 24449.894770
Iteration 129, mstep_indpointslocs end: 24449.942920, niter: 20, nfeval: 22
Iteration 130, estep start: 24449.942920
Iteration 130, estep end: 24450.003562, niter: 20, nfeval: 22
Iteration 130, mstep_embedding start: 24450.003562
Iteration 130, mstep_embedding end: 25531.163255, niter: 12, nfeval: 14
Iteration 130, mstep_kernels start: 25531.163255
Iteration 130, mstep_kernels end: 24450.047997, niter: 5, nfeval: 6
Iteration 130, mstep_indpointslocs start: 24450.047997
Iteration 130, mstep_indpointslocs end: 24450.098006, niter: 20, nfeval: 23
Iteration 131, estep start: 24450.098006
Iteration 131, estep end: 24450.158719, niter: 20, nfeval: 22
Iteration 131, mstep_embedding start: 24450.158719
Iteration 131, mstep_embedding end: 25531.399080, niter: 14, nfeval: 15
Iteration 131, mstep_kernels start: 25531.399080
Iteration 131, mstep_kernels end: 24450.203770, niter: 5, nfeval: 6
Iteration 131, mstep_indpointslocs start: 24450.203770
Iteration 131, mstep_indpointslocs end: 24450.254348, niter: 20, nfeval: 22
Iteration 132, estep start: 24450.254348
Iteration 132, estep end: 24450.314272, niter: 20, nfeval: 22
Iteration 132, mstep_embedding start: 24450.314272
Iteration 132, mstep_embedding end: 25531.636857, niter: 14, nfeval: 16
Iteration 132, mstep_kernels start: 25531.636857
Iteration 132, mstep_kernels end: 24450.358662, niter: 5, nfeval: 6
Iteration 132, mstep_indpointslocs start: 24450.358662
Iteration 132, mstep_indpointslocs end: 24450.402147, niter: 20, nfeval: 23
Iteration 133, estep start: 24450.402147
Iteration 133, estep end: 24450.458096, niter: 20, nfeval: 23
Iteration 133, mstep_embedding start: 24450.458096
Iteration 133, mstep_embedding end: 25531.854121, niter: 13, nfeval: 15
Iteration 133, mstep_kernels start: 25531.854121
Iteration 133, mstep_kernels end: 24450.500067, niter: 5, nfeval: 6
Iteration 133, mstep_indpointslocs start: 24450.500067
Iteration 133, mstep_indpointslocs end: 24450.540907, niter: 20, nfeval: 23
Iteration 134, estep start: 24450.540907
Iteration 134, estep end: 24450.596550, niter: 20, nfeval: 22
Iteration 134, mstep_embedding start: 24450.596550
Iteration 134, mstep_embedding end: 25532.120048, niter: 14, nfeval: 16
Iteration 134, mstep_kernels start: 25532.120048
Iteration 134, mstep_kernels end: 24450.642137, niter: 5, nfeval: 6
Iteration 134, mstep_indpointslocs start: 24450.642137
Iteration 134, mstep_indpointslocs end: 24450.681971, niter: 20, nfeval: 22
Iteration 135, estep start: 24450.681971
Iteration 135, estep end: 24450.730938, niter: 20, nfeval: 22
Iteration 135, mstep_embedding start: 24450.730938
Iteration 135, mstep_embedding end: 25532.300659, niter: 13, nfeval: 16
Iteration 135, mstep_kernels start: 25532.300659
Iteration 135, mstep_kernels end: 24450.773108, niter: 5, nfeval: 6
Iteration 135, mstep_indpointslocs start: 24450.773108
Iteration 135, mstep_indpointslocs end: 24450.805704, niter: 20, nfeval: 22
Iteration 136, estep start: 24450.805704
Iteration 136, estep end: 24450.852360, niter: 20, nfeval: 22
Iteration 136, mstep_embedding start: 24450.852360
Iteration 136, mstep_embedding end: 25532.511652, niter: 14, nfeval: 16
Iteration 136, mstep_kernels start: 25532.511652
Iteration 136, mstep_kernels end: 24450.894788, niter: 5, nfeval: 6
Iteration 136, mstep_indpointslocs start: 24450.894788
Iteration 136, mstep_indpointslocs end: 24450.925430, niter: 20, nfeval: 23
Iteration 137, estep start: 24450.925430
Iteration 137, estep end: 24450.969668, niter: 20, nfeval: 22
Iteration 137, mstep_embedding start: 24450.969668
Iteration 137, mstep_embedding end: 25532.684740, niter: 11, nfeval: 12
Iteration 137, mstep_kernels start: 25532.684740
Iteration 137, mstep_kernels end: 24451.010472, niter: 5, nfeval: 6
Iteration 137, mstep_indpointslocs start: 24451.010472
Iteration 137, mstep_indpointslocs end: 24451.039633, niter: 20, nfeval: 22
Iteration 138, estep start: 24451.039633
Iteration 138, estep end: 24451.082962, niter: 20, nfeval: 22
Iteration 138, mstep_embedding start: 24451.082962
Iteration 138, mstep_embedding end: 25532.865825, niter: 11, nfeval: 13
Iteration 138, mstep_kernels start: 25532.865825
Iteration 138, mstep_kernels end: 24451.122952, niter: 5, nfeval: 6
Iteration 138, mstep_indpointslocs start: 24451.122952
Iteration 138, mstep_indpointslocs end: 24451.151872, niter: 20, nfeval: 23
Iteration 139, estep start: 24451.151872
Iteration 139, estep end: 24451.193853, niter: 20, nfeval: 23
Iteration 139, mstep_embedding start: 24451.193853
Iteration 139, mstep_embedding end: 25533.013147, niter: 14, nfeval: 17
Iteration 139, mstep_kernels start: 25533.013147
Iteration 139, mstep_kernels end: 24451.235423, niter: 5, nfeval: 6
Iteration 139, mstep_indpointslocs start: 24451.235423
Iteration 139, mstep_indpointslocs end: 24451.265609, niter: 20, nfeval: 22
Iteration 140, estep start: 24451.265609
Iteration 140, estep end: 24451.307265, niter: 20, nfeval: 22
Iteration 140, mstep_embedding start: 24451.307265
Iteration 140, mstep_embedding end: 25533.155884, niter: 11, nfeval: 13
Iteration 140, mstep_kernels start: 25533.155884
Iteration 140, mstep_kernels end: 24451.345529, niter: 5, nfeval: 6
Iteration 140, mstep_indpointslocs start: 24451.345529
Iteration 140, mstep_indpointslocs end: 24451.374103, niter: 20, nfeval: 23
Iteration 141, estep start: 24451.374103
Iteration 141, estep end: 24451.416304, niter: 20, nfeval: 22
Iteration 141, mstep_embedding start: 24451.416304
Iteration 141, mstep_embedding end: 25533.297970, niter: 14, nfeval: 16
Iteration 141, mstep_kernels start: 25533.297970
Iteration 141, mstep_kernels end: 24451.455820, niter: 5, nfeval: 6
Iteration 141, mstep_indpointslocs start: 24451.455820
Iteration 141, mstep_indpointslocs end: 24451.483262, niter: 20, nfeval: 22
Iteration 142, estep start: 24451.483262
Iteration 142, estep end: 24451.522644, niter: 20, nfeval: 22
Iteration 142, mstep_embedding start: 24451.522644
Iteration 142, mstep_embedding end: 25533.421901, niter: 11, nfeval: 12
Iteration 142, mstep_kernels start: 25533.421901
Iteration 142, mstep_kernels end: 24451.560314, niter: 5, nfeval: 6
Iteration 142, mstep_indpointslocs start: 24451.560314
Iteration 142, mstep_indpointslocs end: 24451.588939, niter: 20, nfeval: 22
Iteration 143, estep start: 24451.588939
Iteration 143, estep end: 24451.629533, niter: 20, nfeval: 23
Iteration 143, mstep_embedding start: 24451.629533
Iteration 143, mstep_embedding end: 25533.553671, niter: 11, nfeval: 13
Iteration 143, mstep_kernels start: 25533.553671
Iteration 143, mstep_kernels end: 24451.667027, niter: 5, nfeval: 6
Iteration 143, mstep_indpointslocs start: 24451.667027
Iteration 143, mstep_indpointslocs end: 24451.694496, niter: 20, nfeval: 22
Iteration 144, estep start: 24451.694496
Iteration 144, estep end: 24451.733837, niter: 20, nfeval: 23
Iteration 144, mstep_embedding start: 24451.733837
Iteration 144, mstep_embedding end: 25533.680431, niter: 14, nfeval: 16
Iteration 144, mstep_kernels start: 25533.680431
Iteration 144, mstep_kernels end: 24451.771844, niter: 5, nfeval: 6
Iteration 144, mstep_indpointslocs start: 24451.771844
Iteration 144, mstep_indpointslocs end: 24451.797913, niter: 20, nfeval: 22
Iteration 145, estep start: 24451.797913
Iteration 145, estep end: 24451.836371, niter: 20, nfeval: 22
Iteration 145, mstep_embedding start: 24451.836371
Iteration 145, mstep_embedding end: 25533.799295, niter: 11, nfeval: 14
Iteration 145, mstep_kernels start: 25533.799295
Iteration 145, mstep_kernels end: 24451.871624, niter: 4, nfeval: 6
Iteration 145, mstep_indpointslocs start: 24451.871624
Iteration 145, mstep_indpointslocs end: 24451.898151, niter: 20, nfeval: 23
Iteration 146, estep start: 24451.898151
Iteration 146, estep end: 24451.935874, niter: 20, nfeval: 22
Iteration 146, mstep_embedding start: 24451.935874
Iteration 146, mstep_embedding end: 25533.912321, niter: 13, nfeval: 16
Iteration 146, mstep_kernels start: 25533.912321
Iteration 146, mstep_kernels end: 24451.971097, niter: 4, nfeval: 6
Iteration 146, mstep_indpointslocs start: 24451.971097
Iteration 146, mstep_indpointslocs end: 24451.996071, niter: 20, nfeval: 23
Iteration 147, estep start: 24451.996071
Iteration 147, estep end: 24452.034053, niter: 20, nfeval: 22
Iteration 147, mstep_embedding start: 24452.034053
Iteration 147, mstep_embedding end: 25534.030088, niter: 11, nfeval: 12
Iteration 147, mstep_kernels start: 25534.030088
Iteration 147, mstep_kernels end: 24452.068918, niter: 4, nfeval: 6
Iteration 147, mstep_indpointslocs start: 24452.068918
Iteration 147, mstep_indpointslocs end: 24452.094001, niter: 20, nfeval: 23
Iteration 148, estep start: 24452.094001
Iteration 148, estep end: 24452.131179, niter: 20, nfeval: 23
Iteration 148, mstep_embedding start: 24452.131179
Iteration 148, mstep_embedding end: 25534.130099, niter: 11, nfeval: 13
Iteration 148, mstep_kernels start: 25534.130099
Iteration 148, mstep_kernels end: 24452.165479, niter: 4, nfeval: 6
Iteration 148, mstep_indpointslocs start: 24452.165479
Iteration 148, mstep_indpointslocs end: 24452.190510, niter: 20, nfeval: 22
Iteration 149, estep start: 24452.190510
Iteration 149, estep end: 24452.226824, niter: 20, nfeval: 23
Iteration 149, mstep_embedding start: 24452.226824
Iteration 149, mstep_embedding end: 25534.236891, niter: 13, nfeval: 16
Iteration 149, mstep_kernels start: 25534.236891
Iteration 149, mstep_kernels end: 24452.262428, niter: 4, nfeval: 6
Iteration 149, mstep_indpointslocs start: 24452.262428
Iteration 149, mstep_indpointslocs end: 24452.289489, niter: 20, nfeval: 23
Iteration 150, estep start: 24452.289489
Iteration 150, estep end: 24452.326608, niter: 20, nfeval: 22
Iteration 150, mstep_embedding start: 24452.326608
Iteration 150, mstep_embedding end: 25534.327322, niter: 11, nfeval: 12
Iteration 150, mstep_kernels start: 25534.327322
Iteration 150, mstep_kernels end: 24452.360189, niter: 4, nfeval: 6
Iteration 150, mstep_indpointslocs start: 24452.360189
Iteration 150, mstep_indpointslocs end: 24452.386550, niter: 20, nfeval: 22
Iteration 151, estep start: 24452.386550
Iteration 151, estep end: 24452.421921, niter: 20, nfeval: 22
Iteration 151, mstep_embedding start: 24452.421921
Iteration 151, mstep_embedding end: 25534.418685, niter: 11, nfeval: 12
Iteration 151, mstep_kernels start: 25534.418685
Iteration 151, mstep_kernels end: 24452.454667, niter: 4, nfeval: 6
Iteration 151, mstep_indpointslocs start: 24452.454667
Iteration 151, mstep_indpointslocs end: 24452.478713, niter: 20, nfeval: 22
Iteration 152, estep start: 24452.478713
Iteration 152, estep end: 24452.514942, niter: 20, nfeval: 22
Iteration 152, mstep_embedding start: 24452.514942
Iteration 152, mstep_embedding end: 25534.536105, niter: 13, nfeval: 16
Iteration 152, mstep_kernels start: 25534.536105
Iteration 152, mstep_kernels end: 24452.548248, niter: 4, nfeval: 6
Iteration 152, mstep_indpointslocs start: 24452.548248
Iteration 152, mstep_indpointslocs end: 24452.572998, niter: 20, nfeval: 23
Iteration 153, estep start: 24452.572998
Iteration 153, estep end: 24452.608692, niter: 20, nfeval: 22
Iteration 153, mstep_embedding start: 24452.608692
Iteration 153, mstep_embedding end: 25534.623259, niter: 13, nfeval: 16
Iteration 153, mstep_kernels start: 25534.623259
Iteration 153, mstep_kernels end: 24452.642896, niter: 4, nfeval: 6
Iteration 153, mstep_indpointslocs start: 24452.642896
Iteration 153, mstep_indpointslocs end: 24452.667844, niter: 20, nfeval: 23
Iteration 154, estep start: 24452.667844
Iteration 154, estep end: 24452.701469, niter: 20, nfeval: 22
Iteration 154, mstep_embedding start: 24452.701469
Iteration 154, mstep_embedding end: 25534.703539, niter: 12, nfeval: 15
Iteration 154, mstep_kernels start: 25534.703539
Iteration 154, mstep_kernels end: 24452.733357, niter: 4, nfeval: 6
Iteration 154, mstep_indpointslocs start: 24452.733357
Iteration 154, mstep_indpointslocs end: 24452.757565, niter: 20, nfeval: 23
Iteration 155, estep start: 24452.757565
Iteration 155, estep end: 24452.790931, niter: 20, nfeval: 22
Iteration 155, mstep_embedding start: 24452.790931
Iteration 155, mstep_embedding end: 25534.793582, niter: 11, nfeval: 14
Iteration 155, mstep_kernels start: 25534.793582
Iteration 155, mstep_kernels end: 24452.821675, niter: 4, nfeval: 6
Iteration 155, mstep_indpointslocs start: 24452.821675
Iteration 155, mstep_indpointslocs end: 24452.845748, niter: 20, nfeval: 23
Iteration 156, estep start: 24452.845748
Iteration 156, estep end: 24452.879330, niter: 20, nfeval: 22
Iteration 156, mstep_embedding start: 24452.879330
Iteration 156, mstep_embedding end: 25534.885909, niter: 11, nfeval: 14
Iteration 156, mstep_kernels start: 25534.885909
Iteration 156, mstep_kernels end: 24452.910948, niter: 4, nfeval: 6
Iteration 156, mstep_indpointslocs start: 24452.910948
Iteration 156, mstep_indpointslocs end: 24452.934729, niter: 20, nfeval: 23
Iteration 157, estep start: 24452.934729
Iteration 157, estep end: 24452.968047, niter: 20, nfeval: 22
Iteration 157, mstep_embedding start: 24452.968047
Iteration 157, mstep_embedding end: 25534.971342, niter: 13, nfeval: 17
Iteration 157, mstep_kernels start: 25534.971342
Iteration 157, mstep_kernels end: 24452.998583, niter: 4, nfeval: 5
Iteration 157, mstep_indpointslocs start: 24452.998583
Iteration 157, mstep_indpointslocs end: 24453.022309, niter: 20, nfeval: 22
Iteration 158, estep start: 24453.022309
Iteration 158, estep end: 24453.055099, niter: 20, nfeval: 23
Iteration 158, mstep_embedding start: 24453.055099
Iteration 158, mstep_embedding end: 25535.055125, niter: 11, nfeval: 14
Iteration 158, mstep_kernels start: 25535.055125
Iteration 158, mstep_kernels end: 24453.086006, niter: 4, nfeval: 5
Iteration 158, mstep_indpointslocs start: 24453.086006
Iteration 158, mstep_indpointslocs end: 24453.110171, niter: 20, nfeval: 22
Iteration 159, estep start: 24453.110171
Iteration 159, estep end: 24453.142373, niter: 20, nfeval: 22
Iteration 159, mstep_embedding start: 24453.142373
Iteration 159, mstep_embedding end: 25535.142288, niter: 11, nfeval: 14
Iteration 159, mstep_kernels start: 25535.142288
Iteration 159, mstep_kernels end: 24453.172925, niter: 4, nfeval: 5
Iteration 159, mstep_indpointslocs start: 24453.172925
Iteration 159, mstep_indpointslocs end: 24453.194812, niter: 20, nfeval: 23
Iteration 160, estep start: 24453.194812
Iteration 160, estep end: 24453.228250, niter: 20, nfeval: 23
Iteration 160, mstep_embedding start: 24453.228250
Iteration 160, mstep_embedding end: 25535.218686, niter: 11, nfeval: 14
Iteration 160, mstep_kernels start: 25535.218686
Iteration 160, mstep_kernels end: 24453.258526, niter: 4, nfeval: 5
Iteration 160, mstep_indpointslocs start: 24453.258526
Iteration 160, mstep_indpointslocs end: 24453.282349, niter: 20, nfeval: 24
Iteration 161, estep start: 24453.282349
Iteration 161, estep end: 24453.314963, niter: 20, nfeval: 23
Iteration 161, mstep_embedding start: 24453.314963
Iteration 161, mstep_embedding end: 25535.299317, niter: 13, nfeval: 17
Iteration 161, mstep_kernels start: 25535.299317
Iteration 161, mstep_kernels end: 24453.344972, niter: 4, nfeval: 5
Iteration 161, mstep_indpointslocs start: 24453.344972
Iteration 161, mstep_indpointslocs end: 24453.367422, niter: 20, nfeval: 23
Iteration 162, estep start: 24453.367422
Iteration 162, estep end: 24453.397860, niter: 20, nfeval: 23
Iteration 162, mstep_embedding start: 24453.397860
Iteration 162, mstep_embedding end: 25535.373575, niter: 11, nfeval: 13
Iteration 162, mstep_kernels start: 25535.373575
Iteration 162, mstep_kernels end: 24453.427559, niter: 4, nfeval: 5
Iteration 162, mstep_indpointslocs start: 24453.427559
Iteration 162, mstep_indpointslocs end: 24453.449882, niter: 20, nfeval: 22
Iteration 163, estep start: 24453.449882
Iteration 163, estep end: 24453.481431, niter: 20, nfeval: 22
Iteration 163, mstep_embedding start: 24453.481431
Iteration 163, mstep_embedding end: 25535.457857, niter: 13, nfeval: 16
Iteration 163, mstep_kernels start: 25535.457857
Iteration 163, mstep_kernels end: 24453.510289, niter: 4, nfeval: 5
Iteration 163, mstep_indpointslocs start: 24453.510289
Iteration 163, mstep_indpointslocs end: 24453.532768, niter: 20, nfeval: 23
Iteration 164, estep start: 24453.532768
Iteration 164, estep end: 24453.564042, niter: 20, nfeval: 22
Iteration 164, mstep_embedding start: 24453.564042
Iteration 164, mstep_embedding end: 25535.529126, niter: 11, nfeval: 14
Iteration 164, mstep_kernels start: 25535.529126
Iteration 164, mstep_kernels end: 24453.593059, niter: 4, nfeval: 5
Iteration 164, mstep_indpointslocs start: 24453.593059
Iteration 164, mstep_indpointslocs end: 24453.615740, niter: 20, nfeval: 23
Iteration 165, estep start: 24453.615740
Iteration 165, estep end: 24453.646650, niter: 20, nfeval: 23
Iteration 165, mstep_embedding start: 24453.646650
Iteration 165, mstep_embedding end: 25535.607102, niter: 11, nfeval: 12
Iteration 165, mstep_kernels start: 25535.607102
Iteration 165, mstep_kernels end: 24453.675961, niter: 4, nfeval: 5
Iteration 165, mstep_indpointslocs start: 24453.675961
Iteration 165, mstep_indpointslocs end: 24453.699214, niter: 20, nfeval: 22
Iteration 166, estep start: 24453.699214
Iteration 166, estep end: 24453.729344, niter: 20, nfeval: 22
Iteration 166, mstep_embedding start: 24453.729344
Iteration 166, mstep_embedding end: 25535.675620, niter: 13, nfeval: 15
Iteration 166, mstep_kernels start: 25535.675620
Iteration 166, mstep_kernels end: 24453.757199, niter: 4, nfeval: 5
Iteration 166, mstep_indpointslocs start: 24453.757199
Iteration 166, mstep_indpointslocs end: 24453.778923, niter: 20, nfeval: 22
Iteration 167, estep start: 24453.778923
Iteration 167, estep end: 24453.809403, niter: 20, nfeval: 22
Iteration 167, mstep_embedding start: 24453.809403
Iteration 167, mstep_embedding end: 25535.746536, niter: 12, nfeval: 14
Iteration 167, mstep_kernels start: 25535.746536
Iteration 167, mstep_kernels end: 24453.837483, niter: 4, nfeval: 5
Iteration 167, mstep_indpointslocs start: 24453.837483
Iteration 167, mstep_indpointslocs end: 24453.859297, niter: 20, nfeval: 23
Iteration 168, estep start: 24453.859297
Iteration 168, estep end: 24453.888863, niter: 20, nfeval: 23
Iteration 168, mstep_embedding start: 24453.888863
Iteration 168, mstep_embedding end: 25535.823028, niter: 12, nfeval: 14
Iteration 168, mstep_kernels start: 25535.823028
Iteration 168, mstep_kernels end: 24453.917805, niter: 4, nfeval: 5
Iteration 168, mstep_indpointslocs start: 24453.917805
Iteration 168, mstep_indpointslocs end: 24453.939977, niter: 20, nfeval: 22
Iteration 169, estep start: 24453.939977
Iteration 169, estep end: 24453.969219, niter: 20, nfeval: 22
Iteration 169, mstep_embedding start: 24453.969219
Iteration 169, mstep_embedding end: 25535.885274, niter: 12, nfeval: 14
Iteration 169, mstep_kernels start: 25535.885274
Iteration 169, mstep_kernels end: 24453.996395, niter: 4, nfeval: 5
Iteration 169, mstep_indpointslocs start: 24453.996395
Iteration 169, mstep_indpointslocs end: 24454.017345, niter: 20, nfeval: 23
Iteration 170, estep start: 24454.017345
Iteration 170, estep end: 24454.046547, niter: 20, nfeval: 22
Iteration 170, mstep_embedding start: 24454.046547
Iteration 170, mstep_embedding end: 25535.961801, niter: 13, nfeval: 16
Iteration 170, mstep_kernels start: 25535.961801
Iteration 170, mstep_kernels end: 24454.074060, niter: 4, nfeval: 5
Iteration 170, mstep_indpointslocs start: 24454.074060
Iteration 170, mstep_indpointslocs end: 24454.094378, niter: 20, nfeval: 23
Iteration 171, estep start: 24454.094378
Iteration 171, estep end: 24454.123382, niter: 20, nfeval: 23
Iteration 171, mstep_embedding start: 24454.123382
Iteration 171, mstep_embedding end: 25536.024322, niter: 12, nfeval: 14
Iteration 171, mstep_kernels start: 25536.024322
Iteration 171, mstep_kernels end: 24454.151394, niter: 4, nfeval: 5
Iteration 171, mstep_indpointslocs start: 24454.151394
Iteration 171, mstep_indpointslocs end: 24454.171865, niter: 20, nfeval: 22
Iteration 172, estep start: 24454.171865
Iteration 172, estep end: 24454.198945, niter: 20, nfeval: 23
Iteration 172, mstep_embedding start: 24454.198945
Iteration 172, mstep_embedding end: 25536.090436, niter: 10, nfeval: 12
Iteration 172, mstep_kernels start: 25536.090436
Iteration 172, mstep_kernels end: 24454.224667, niter: 4, nfeval: 5
Iteration 172, mstep_indpointslocs start: 24454.224667
Iteration 172, mstep_indpointslocs end: 24454.244837, niter: 20, nfeval: 22
Iteration 173, estep start: 24454.244837
Iteration 173, estep end: 24454.272300, niter: 20, nfeval: 22
Iteration 173, mstep_embedding start: 24454.272300
Iteration 173, mstep_embedding end: 25536.153340, niter: 13, nfeval: 15
Iteration 173, mstep_kernels start: 25536.153340
Iteration 173, mstep_kernels end: 24454.297521, niter: 4, nfeval: 5
Iteration 173, mstep_indpointslocs start: 24454.297521
Iteration 173, mstep_indpointslocs end: 24454.317501, niter: 20, nfeval: 23
Iteration 174, estep start: 24454.317501
Iteration 174, estep end: 24454.345432, niter: 20, nfeval: 22
Iteration 174, mstep_embedding start: 24454.345432
Iteration 174, mstep_embedding end: 25536.220116, niter: 10, nfeval: 13
Iteration 174, mstep_kernels start: 25536.220116
Iteration 174, mstep_kernels end: 24454.370971, niter: 4, nfeval: 5
Iteration 174, mstep_indpointslocs start: 24454.370971
Iteration 174, mstep_indpointslocs end: 24454.391426, niter: 20, nfeval: 22
Iteration 175, estep start: 24454.391426
Iteration 175, estep end: 24454.419626, niter: 20, nfeval: 22
Iteration 175, mstep_embedding start: 24454.419626
Iteration 175, mstep_embedding end: 25536.286494, niter: 11, nfeval: 13
Iteration 175, mstep_kernels start: 25536.286494
Iteration 175, mstep_kernels end: 24454.446146, niter: 4, nfeval: 5
Iteration 175, mstep_indpointslocs start: 24454.446146
Iteration 175, mstep_indpointslocs end: 24454.467121, niter: 20, nfeval: 23
Iteration 176, estep start: 24454.467121
Iteration 176, estep end: 24454.493122, niter: 20, nfeval: 23
Iteration 176, mstep_embedding start: 24454.493122
Iteration 176, mstep_embedding end: 25536.343861, niter: 12, nfeval: 14
Iteration 176, mstep_kernels start: 25536.343861
Iteration 176, mstep_kernels end: 24454.518966, niter: 4, nfeval: 5
Iteration 176, mstep_indpointslocs start: 24454.518966
Iteration 176, mstep_indpointslocs end: 24454.538520, niter: 20, nfeval: 23
Iteration 177, estep start: 24454.538520
Iteration 177, estep end: 24454.565951, niter: 20, nfeval: 22
Iteration 177, mstep_embedding start: 24454.565951
Iteration 177, mstep_embedding end: 25536.400630, niter: 12, nfeval: 14
Iteration 177, mstep_kernels start: 25536.400630
Iteration 177, mstep_kernels end: 24454.590991, niter: 4, nfeval: 5
Iteration 177, mstep_indpointslocs start: 24454.590991
Iteration 177, mstep_indpointslocs end: 24454.609671, niter: 20, nfeval: 23
Iteration 178, estep start: 24454.609671
Iteration 178, estep end: 24454.636059, niter: 20, nfeval: 24
Iteration 178, mstep_embedding start: 24454.636059
Iteration 178, mstep_embedding end: 25536.465597, niter: 12, nfeval: 14
Iteration 178, mstep_kernels start: 25536.465597
Iteration 178, mstep_kernels end: 24454.662432, niter: 4, nfeval: 5
Iteration 178, mstep_indpointslocs start: 24454.662432
Iteration 178, mstep_indpointslocs end: 24454.681624, niter: 20, nfeval: 23
Iteration 179, estep start: 24454.681624
Iteration 179, estep end: 24454.708517, niter: 20, nfeval: 23
Iteration 179, mstep_embedding start: 24454.708517
Iteration 179, mstep_embedding end: 25536.521783, niter: 13, nfeval: 16
Iteration 179, mstep_kernels start: 25536.521783
Iteration 179, mstep_kernels end: 24454.734035, niter: 4, nfeval: 5
Iteration 179, mstep_indpointslocs start: 24454.734035
Iteration 179, mstep_indpointslocs end: 24454.752806, niter: 20, nfeval: 23
Iteration 180, estep start: 24454.752806
Iteration 180, estep end: 24454.779088, niter: 20, nfeval: 23
Iteration 180, mstep_embedding start: 24454.779088
Iteration 180, mstep_embedding end: 25536.568458, niter: 11, nfeval: 13
Iteration 180, mstep_kernels start: 25536.568458
Iteration 180, mstep_kernels end: 24454.804842, niter: 4, nfeval: 5
Iteration 180, mstep_indpointslocs start: 24454.804842
Iteration 180, mstep_indpointslocs end: 24454.824209, niter: 20, nfeval: 22
Iteration 181, estep start: 24454.824209
Iteration 181, estep end: 24454.850017, niter: 20, nfeval: 23
Iteration 181, mstep_embedding start: 24454.850017
Iteration 181, mstep_embedding end: 25536.622360, niter: 12, nfeval: 14
Iteration 181, mstep_kernels start: 25536.622360
Iteration 181, mstep_kernels end: 24454.875253, niter: 4, nfeval: 5
Iteration 181, mstep_indpointslocs start: 24454.875253
Iteration 181, mstep_indpointslocs end: 24454.893628, niter: 20, nfeval: 24
Iteration 182, estep start: 24454.893628
Iteration 182, estep end: 24454.919882, niter: 20, nfeval: 22
Iteration 182, mstep_embedding start: 24454.919882
Iteration 182, mstep_embedding end: 25536.675472, niter: 13, nfeval: 15
Iteration 182, mstep_kernels start: 25536.675472
Iteration 182, mstep_kernels end: 24454.944426, niter: 4, nfeval: 5
Iteration 182, mstep_indpointslocs start: 24454.944426
Iteration 182, mstep_indpointslocs end: 24454.963035, niter: 20, nfeval: 23
Iteration 183, estep start: 24454.963035
Iteration 183, estep end: 24454.988383, niter: 20, nfeval: 22
Iteration 183, mstep_embedding start: 24454.988383
Iteration 183, mstep_embedding end: 25536.711472, niter: 11, nfeval: 13
Iteration 183, mstep_kernels start: 25536.711472
Iteration 183, mstep_kernels end: 24455.012157, niter: 4, nfeval: 5
Iteration 183, mstep_indpointslocs start: 24455.012157
Iteration 183, mstep_indpointslocs end: 24455.030441, niter: 20, nfeval: 22
Iteration 184, estep start: 24455.030441
Iteration 184, estep end: 24455.055337, niter: 20, nfeval: 23
Iteration 184, mstep_embedding start: 24455.055337
Iteration 184, mstep_embedding end: 25536.782029, niter: 11, nfeval: 13
Iteration 184, mstep_kernels start: 25536.782029
Iteration 184, mstep_kernels end: 24455.080069, niter: 4, nfeval: 5
Iteration 184, mstep_indpointslocs start: 24455.080069
Iteration 184, mstep_indpointslocs end: 24455.097863, niter: 20, nfeval: 23
Iteration 185, estep start: 24455.097863
Iteration 185, estep end: 24455.122148, niter: 20, nfeval: 23
Iteration 185, mstep_embedding start: 24455.122148
Iteration 185, mstep_embedding end: 25536.830008, niter: 11, nfeval: 12
Iteration 185, mstep_kernels start: 25536.830008
Iteration 185, mstep_kernels end: 24455.146174, niter: 4, nfeval: 5
Iteration 185, mstep_indpointslocs start: 24455.146174
Iteration 185, mstep_indpointslocs end: 24455.163979, niter: 20, nfeval: 22
Iteration 186, estep start: 24455.163979
Iteration 186, estep end: 24455.188916, niter: 20, nfeval: 23
Iteration 186, mstep_embedding start: 24455.188916
Iteration 186, mstep_embedding end: 25536.882926, niter: 11, nfeval: 14
Iteration 186, mstep_kernels start: 25536.882926
Iteration 186, mstep_kernels end: 24455.213034, niter: 4, nfeval: 5
Iteration 186, mstep_indpointslocs start: 24455.213034
Iteration 186, mstep_indpointslocs end: 24455.231753, niter: 20, nfeval: 22
Iteration 187, estep start: 24455.231753
Iteration 187, estep end: 24455.257277, niter: 20, nfeval: 23
Iteration 187, mstep_embedding start: 24455.257277
Iteration 187, mstep_embedding end: 25536.920206, niter: 11, nfeval: 12
Iteration 187, mstep_kernels start: 25536.920206
Iteration 187, mstep_kernels end: 24455.281309, niter: 4, nfeval: 5
Iteration 187, mstep_indpointslocs start: 24455.281309
Iteration 187, mstep_indpointslocs end: 24455.299734, niter: 20, nfeval: 23
Iteration 188, estep start: 24455.299734
Iteration 188, estep end: 24455.323846, niter: 20, nfeval: 22
Iteration 188, mstep_embedding start: 24455.323846
Iteration 188, mstep_embedding end: 25536.972368, niter: 11, nfeval: 14
Iteration 188, mstep_kernels start: 25536.972368
Iteration 188, mstep_kernels end: 24455.347531, niter: 4, nfeval: 5
Iteration 188, mstep_indpointslocs start: 24455.347531
Iteration 188, mstep_indpointslocs end: 24455.365038, niter: 20, nfeval: 23
Iteration 189, estep start: 24455.365038
Iteration 189, estep end: 24455.389567, niter: 20, nfeval: 23
Iteration 189, mstep_embedding start: 24455.389567
Iteration 189, mstep_embedding end: 25537.023954, niter: 11, nfeval: 13
Iteration 189, mstep_kernels start: 25537.023954
Iteration 189, mstep_kernels end: 24455.413389, niter: 4, nfeval: 5
Iteration 189, mstep_indpointslocs start: 24455.413389
Iteration 189, mstep_indpointslocs end: 24455.431361, niter: 20, nfeval: 22
Iteration 190, estep start: 24455.431361
Iteration 190, estep end: 24455.455715, niter: 20, nfeval: 23
Iteration 190, mstep_embedding start: 24455.455715
Iteration 190, mstep_embedding end: 25537.074734, niter: 13, nfeval: 17
Iteration 190, mstep_kernels start: 25537.074734
Iteration 190, mstep_kernels end: 24455.480347, niter: 4, nfeval: 5
Iteration 190, mstep_indpointslocs start: 24455.480347
Iteration 190, mstep_indpointslocs end: 24455.497906, niter: 20, nfeval: 23
Iteration 191, estep start: 24455.497906
Iteration 191, estep end: 24455.521803, niter: 20, nfeval: 22
Iteration 191, mstep_embedding start: 24455.521803
Iteration 191, mstep_embedding end: 25537.112178, niter: 9, nfeval: 11
Iteration 191, mstep_kernels start: 25537.112178
Iteration 191, mstep_kernels end: 24455.544723, niter: 4, nfeval: 5
Iteration 191, mstep_indpointslocs start: 24455.544723
Iteration 191, mstep_indpointslocs end: 24455.561443, niter: 20, nfeval: 23
Iteration 192, estep start: 24455.561443
Iteration 192, estep end: 24455.585805, niter: 20, nfeval: 22
Iteration 192, mstep_embedding start: 24455.585805
Iteration 192, mstep_embedding end: 25537.153765, niter: 12, nfeval: 15
Iteration 192, mstep_kernels start: 25537.153765
Iteration 192, mstep_kernels end: 24455.609377, niter: 4, nfeval: 5
Iteration 192, mstep_indpointslocs start: 24455.609377
Iteration 192, mstep_indpointslocs end: 24455.626488, niter: 20, nfeval: 23
Iteration 193, estep start: 24455.626488
Iteration 193, estep end: 24455.649376, niter: 20, nfeval: 23
Iteration 193, mstep_embedding start: 24455.649376
Iteration 193, mstep_embedding end: 25537.195548, niter: 11, nfeval: 13
Iteration 193, mstep_kernels start: 25537.195548
Iteration 193, mstep_kernels end: 24455.672077, niter: 4, nfeval: 5
Iteration 193, mstep_indpointslocs start: 24455.672077
Iteration 193, mstep_indpointslocs end: 24455.688371, niter: 20, nfeval: 22
Iteration 194, estep start: 24455.688371
Iteration 194, estep end: 24455.713055, niter: 20, nfeval: 22
Iteration 194, mstep_embedding start: 24455.713055
Iteration 194, mstep_embedding end: 25537.246626, niter: 9, nfeval: 11
Iteration 194, mstep_kernels start: 25537.246626
Iteration 194, mstep_kernels end: 24455.735983, niter: 4, nfeval: 5
Iteration 194, mstep_indpointslocs start: 24455.735983
Iteration 194, mstep_indpointslocs end: 24455.752698, niter: 20, nfeval: 23
Iteration 195, estep start: 24455.752698
Iteration 195, estep end: 24455.776111, niter: 20, nfeval: 23
Iteration 195, mstep_embedding start: 24455.776111
Iteration 195, mstep_embedding end: 25537.289352, niter: 12, nfeval: 13
Iteration 195, mstep_kernels start: 25537.289352
Iteration 195, mstep_kernels end: 24455.799300, niter: 4, nfeval: 5
Iteration 195, mstep_indpointslocs start: 24455.799300
Iteration 195, mstep_indpointslocs end: 24455.815236, niter: 20, nfeval: 25
Iteration 196, estep start: 24455.815236
Iteration 196, estep end: 24455.838887, niter: 20, nfeval: 22
Iteration 196, mstep_embedding start: 24455.838887
Iteration 196, mstep_embedding end: 25537.344249, niter: 11, nfeval: 14
Iteration 196, mstep_kernels start: 25537.344249
Iteration 196, mstep_kernels end: 24455.862204, niter: 4, nfeval: 5
Iteration 196, mstep_indpointslocs start: 24455.862204
Iteration 196, mstep_indpointslocs end: 24455.879383, niter: 20, nfeval: 22
Iteration 197, estep start: 24455.879383
Iteration 197, estep end: 24455.903495, niter: 20, nfeval: 23
Iteration 197, mstep_embedding start: 24455.903495
Iteration 197, mstep_embedding end: 25537.380683, niter: 13, nfeval: 16
Iteration 197, mstep_kernels start: 25537.380683
Iteration 197, mstep_kernels end: 24455.926268, niter: 4, nfeval: 5
Iteration 197, mstep_indpointslocs start: 24455.926268
Iteration 197, mstep_indpointslocs end: 24455.942746, niter: 20, nfeval: 23
Iteration 198, estep start: 24455.942746
Iteration 198, estep end: 24455.965752, niter: 20, nfeval: 23
Iteration 198, mstep_embedding start: 24455.965752
Iteration 198, mstep_embedding end: 25537.430599, niter: 9, nfeval: 11
Iteration 198, mstep_kernels start: 25537.430599
Iteration 198, mstep_kernels end: 24455.988556, niter: 4, nfeval: 5
Iteration 198, mstep_indpointslocs start: 24455.988556
Iteration 198, mstep_indpointslocs end: 24456.004368, niter: 20, nfeval: 23
Iteration 199, estep start: 24456.004368
Iteration 199, estep end: 24456.027128, niter: 20, nfeval: 23
Iteration 199, mstep_embedding start: 24456.027128
Iteration 199, mstep_embedding end: 25537.465476, niter: 11, nfeval: 13
Iteration 199, mstep_kernels start: 25537.465476
Iteration 199, mstep_kernels end: 24456.049537, niter: 4, nfeval: 5
Iteration 199, mstep_indpointslocs start: 24456.049537
Iteration 199, mstep_indpointslocs end: 24456.065642, niter: 20, nfeval: 22
Iteration 200, estep start: 24456.065642
Iteration 200, estep end: 24456.088351, niter: 20, nfeval: 23
Iteration 200, mstep_embedding start: 24456.088351
Iteration 200, mstep_embedding end: 25537.513817, niter: 11, nfeval: 13
Iteration 200, mstep_kernels start: 25537.513817
Iteration 200, mstep_kernels end: 24456.110574, niter: 4, nfeval: 5
Iteration 200, mstep_indpointslocs start: 24456.110574
Iteration 200, mstep_indpointslocs end: 24456.126829, niter: 20, nfeval: 23
Elapsed time 9585.1345 seconds
Saved results to ../results/basal_ganglia_model.pickle

4.2.2. Goodness-of-fit analysis#

4.2.2.1. Set goodness-of-fit variables#

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

cluster_id_for_gof_index = 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.2.2.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.2.2.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].numpy()

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.2.2.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.2.3. Plotting#

4.2.3.1. Imports for and plotting#

import numpy as np
import pandas as pd

4.2.3.2. Set plotting parameters#

latent_to_plot = 0
trial_to_plot = 0
ortho_latents_to_plot = (0, 1, 2)
events_times_filename = "../data/s008_tab_m1113182_LR__20210516_173815__probabilistic_switching.df.csv"
trial_choice_column_name = "choice"
trial_rewarded_column_name = "rewarded"
align_times_column_name = "aligned__last_center_out"
centerIn_times_column_name = "aligned__last_center_in"
centerOut_times_column_name = "aligned__last_center_out"
sideIn_times_column_name = "aligned__side_in_after_last_center_out"
marked_events_colors = ["yellow","magenta","cyan","black"]
fig_filename_prefix = "../figures/basal_ganglia_"

events_times = pd.read_csv(events_times_filename)
trials_choices = events_times.iloc[trials_indices][trial_choice_column_name].to_numpy()

trials_ids = np.array([i for i in trials_indices])
choices_colors_patterns = ["rgba(0,0,255,{:f})", "rgba(255,0,0,{:f})"]
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]
align_times = events_times.iloc[trials_indices][align_times_column_name].to_numpy()
centerIn_times = events_times.iloc[trials_indices][centerIn_times_column_name].to_numpy()
centerOut_times = events_times.iloc[trials_indices][centerOut_times_column_name].to_numpy()
sideIn_times = events_times.iloc[trials_indices][sideIn_times_column_name].to_numpy()
trialEnd_times = np.append(centerIn_times[1:], np.NAN)
marked_events_times = np.column_stack((centerIn_times, centerOut_times, sideIn_times, trialEnd_times))

trials_choices = events_times.iloc[trials_indices][trial_choice_column_name].to_numpy()
trials_rewarded = events_times.iloc[trials_indices][trial_rewarded_column_name].to_numpy()
trials_annotations = {"choice": trials_choices,
                      "rewarded": trials_rewarded,
                      "choice_prev": np.insert(trials_choices[:-1], 0,
                                               np.NAN),
                      "rewarded_prev": np.insert(trials_rewarded[:-1], 0,
                                                 np.NAN)}

4.2.3.3. Lower bound history#

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


4.2.3.4. 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=trials_ids,
    latentToPlot=latent_to_plot,
    trials_colors_patterns=trials_colors_patterns,
    xlabel="Time (msec)")
fig


4.2.3.5. Orthonormalized latent across trials#

testMuK, testVarK = model.predictLatents(times=trials_times)
testMuK_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=testMuK_np,
    C=estimatedC_np,
    trials_ids=trials_ids,
    latentToPlot=latent_to_plot,
    align_event_times=align_times, marked_events_times=marked_events_times,
    marked_events_colors=marked_events_colors,
    trials_annotations=trials_annotations,
    trials_colors=trials_colors,
    xlabel="Time (msec)")
fig


4.2.3.6. Joint evolution of first three orthonormalized latents#

fig = svGPFA.plot.plotUtilsPlotly.get3DPlotOrthonormalizedLatentsAcrossTrials(
    trials_times=trials_times.numpy(), latentsMeans=testMuK_np,
    C=estimatedC_np, latentsToPlot=ortho_latents_to_plot,
    align_event_times=align_times, marked_events_times=marked_events_times,
    marked_events_colors=marked_events_colors,
    trials_ids=trials_ids,
    trials_annotations=trials_annotations,
    trials_colors=trials_colors)
fig


4.2.3.7. Embedding#

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


4.2.3.8. Intensity function#

with torch.no_grad():
    cif_values = model.computeExpectedPosteriorCIFs(times=trials_times)
fig = svGPFA.plot.plotUtilsPlotly.getPlotCIFsOneNeuronAllTrials(
    trials_times=trials_times, cif_values=cif_values,
    neuron_index=neuron_to_plot_index, spikes_times=spikes_times,
    align_event_times=centerOut_times, marked_events_times=marked_events_times,
    marked_events_colors=marked_events_colors, trials_ids=trials_ids,
    trials_annotations=trials_annotations,
    trials_colors=trials_colors,
)
fig


4.2.3.9. Embedding parameters#

estimatedC, estimatedD = model.getSVEmbeddingParams()
fig = svGPFA.plot.plotUtilsPlotly.getPlotOrthonormalizedEmbeddingParams(
    C=estimatedC.numpy(), d=estimatedD.numpy())
fig


4.2.3.10. Kernels 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/basal_ganglia.png'

Total running time of the script: ( 159 minutes 48.406 seconds)

Gallery generated by Sphinx-Gallery