3. LBM Step 2: Registration#

3.1. Registration: Correct for rigid/non-rigid movement#

  • Apply the nonrigid motion correction (NoRMCorre) algorithm for motion correction.

  • View pre/most correction movie

  • Use quality metrics to evaluate registration quality

from pathlib import Path
import os
import sys
import numpy as np
# import zarr
import pandas as pd

import logging
import mesmerize_core as mc
from mesmerize_viz import *

from mesmerize_core.caiman_extensions.cnmf import cnmf_cache
from caiman.summary_images import correlation_pnr

# import napari

# import matplotlib.pyplot as plt

sys.path.append('../..')  # TODO: Take this out when we upload to pypi
# import lbm_caiman_python as lcp

if os.name == "nt":
    # disable the cache on windows, this will be automatic in a future version
    cnmf_cache.set_maxsize(0)

pd.options.display.max_colwidth = 120
from mesmerize_core import *
import tifffile
import numpy as np
from matplotlib import pyplot as plt
import seaborn as sns
from copy import deepcopy
import pandas as pd

3.2. Logging#

# set up logging
debug = True

logger = logging.getLogger("caiman")
logger.setLevel(logging.WARNING)
handler = logging.StreamHandler()
log_format = logging.Formatter("%(relativeCreated)12d [%(filename)s:%(funcName)10s():%(lineno)s] [%(process)d] %(message)s")
handler.setFormatter(log_format)
logger.addHandler(handler)

# set env variables
os.environ["MKL_NUM_THREADS"] = "1"
os.environ["OPENBLAS_NUM_THREADS"] = "1"
os.environ["VECLIB_MAXIMUM_THREADS"] = "1"

if debug:
   logging.getLogger("caiman").setLevel(logging.DEBUG)

3.3. (optional): View hardware information#

# !pip install cloudmesh-cmd5
!cms help # dont forget to call it after the install as it sets some defaults
!cms sysinfo
*** No help on # dont forget to call it after the install as it sets some defaults
+------------------+----------------------------------------------------------------------------------------------+
| Attribute        | Value                                                                                        |
+------------------+----------------------------------------------------------------------------------------------+
| cpu              |                                                                                              |
| cpu_cores        | 24                                                                                           |
| cpu_count        | 32                                                                                           |
| cpu_threads      | 32                                                                                           |
| date             | 2024-09-26 12:48:53.444986                                                                   |
| frequency        | scpufreq(current=3200.0, min=0.0, max=3200.0)                                                |
| mem.available    | 97.5 GiB                                                                                     |
| mem.free         | 97.5 GiB                                                                                     |
| mem.percent      | 23.7 %                                                                                       |
| mem.total        | 127.8 GiB                                                                                    |
| mem.used         | 30.3 GiB                                                                                     |
| platform.version | ('10', '10.0.19045', 'SP0', 'Multiprocessor Free')                                           |
| python           | 3.10.8 | packaged by conda-forge | (main, Nov 22 2022, 08:16:53) [MSC v.1929 64 bit (AMD64)] |
| python.pip       | 24.0                                                                                         |
| python.version   | 3.10.8                                                                                       |
| sys.platform     | win32                                                                                        |
| uname.machine    | AMD64                                                                                        |
| uname.node       | RBO-C2                                                                                       |
| uname.processor  | Intel64 Family 6 Model 183 Stepping 1, GenuineIntel                                          |
| uname.release    | 10                                                                                           |
| uname.system     | Windows                                                                                      |
| uname.version    | 10.0.19045                                                                                   |
| user             | RBO                                                                                          |
+------------------+----------------------------------------------------------------------------------------------+

3.4. User input: input data path and plane number#

the same path as pre_processing parent_dir = Path().home() / ‘caiman_data’ / ‘animal_01’ / ‘session_01’

# File locations:
# - batch.pickle parent directory
# - input movie

# parent_path = Path().home() / "caiman_data_org"
parent_path = Path().home() / "caiman_data" / 'animal_01' / 'session_01'
save_path = parent_path / 'motion_correction'

# for TIFF
# tiff_path = parent_path / 'tiff'
# tiff_files = [x for x in Path(tiff_path).glob('*.tif*')]

# for ZARR
movie_path = parent_path
movie = zarr.open(movie_path)['mov']

reg_batch_path = parent_path / 'batch.pickle'
df = mc.load_batch(reg_batch_path)
mc.set_parent_raw_data_path(str(parent_path))
# df = lcp.lbm_load_batch(reg_batch_path, overwrite=False)

df=df.caiman.reload_from_disk()
df
algo item_name input_movie_path params outputs added_time ran_time algo_duration comments uuid
0 mcorr extracted_plane_1 tiff\extracted_plane_1.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': b32f41bf-a9a5-4965-be7c-e6779e854328\b32f41bf-a9a5-4965-be7c-e6779e854328_mean_projection.n... 2024-09-26T11:56:54 2024-09-26T12:02:55 77.3 sec None b32f41bf-a9a5-4965-be7c-e6779e854328
1 cnmf cnmf_1 b32f41bf-a9a5-4965-be7c-e6779e854328\b32f41bf-a9a5-4965-be7c-e6779e854328-extracted_plane_1_els__d1_583_d2_536_d3_1_... {'main': {'fr': 9.62, 'dxy': (1.0, 1.0), 'decay_time': 0.4, 'strides': (48, 48), 'overlaps': (24, 24), 'max_shifts':... {'mean-projection-path': a057e39e-a2df-41d3-8217-83c9cd7ffb6d\a057e39e-a2df-41d3-8217-83c9cd7ffb6d_mean_projection.n... 2024-09-26T16:26:20 2024-09-26T16:28:48 143.18 sec None a057e39e-a2df-41d3-8217-83c9cd7ffb6d
2 cnmf cnmf_1 b32f41bf-a9a5-4965-be7c-e6779e854328\b32f41bf-a9a5-4965-be7c-e6779e854328-extracted_plane_1_els__d1_583_d2_536_d3_1_... {'main': {'fr': 9.62, 'dxy': (1.0, 1.0), 'decay_time': 0.4, 'p': 2, 'nb': 1, 'rf': 40, 'K': 150, 'gSig': [7.5, 7.5],... {'mean-projection-path': 0d8d3234-eab7-4f90-9405-53a2ad7917dc\0d8d3234-eab7-4f90-9405-53a2ad7917dc_mean_projection.n... 2024-10-01T12:09:56 2024-10-01T12:26:42 996.44 sec None 0d8d3234-eab7-4f90-9405-53a2ad7917dc

4. Default registration parameters#

The parameters are passed directly to caiman, this means you need to use the same exact names for the parameters and you can use all the parameters that you can use with caiman - because it’s just passing them to caiman.

The parameters dict for a mesmerize batch item must have the following structure. Put all the parameters in a dict under a key called main. The main dict is then fed directly to caiman.

{"main": {... params directly passed to caiman}}
pix_res = 1

mx = 10/pix_res
max_shifts = (int(mx), int(mx))       # maximum allowed rigid shift in pixels (view the movie to get a sense of motion)
max_deviation_rigid = 3               # maximum deviation allowed for patch with respect to rigid shifts
pw_rigid = True                # flag for performing rigid or piecewise rigid motion correction
shifts_opencv = True        # flag for correcting motion using bicubic interpolation (otherwise FFT interpolation is used)
border_nan = 'copy'                   # replicate values along the boundary (if True, fill in with NaN)

mcorr_params = {
    'main':  # this key is necessary for specifying that these are the "main" params for the algorithm
    {
        'var_name_hdf5': 'mov',
        'max_shifts': max_shifts,
        'strides': [48, 48],
        'overlaps': [24, 24],
        'max_deviation_rigid': 3,
        'border_nan':border_nan,
        'pw_rigid': pw_rigid,
        'gSig_filt': None
    },
}

# # Add a "batch item" to the DataFrame this is the combination of:
# * algorithm to run, `algo`
# * input movie to run the algorithm on, `input_movie_path`
# * parameters for the specified algorithm, `params`
# * a name for you to keep track of things, usually the same as the movie filename, `item_name`
df.caiman.add_item(
    algo='mcorr',
    input_movie_path=movie_path / 'mov',
    params=mcorr_params,
    item_name=movie_path.stem,  # filename of the movie, but can be anything
)
df=df.caiman.reload_from_disk()
df
algo item_name input_movie_path params outputs added_time ran_time algo_duration comments uuid
0 mcorr extracted_plane_1 tiff\extracted_plane_1.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': b32f41bf-a9a5-4965-be7c-e6779e854328\b32f41bf-a9a5-4965-be7c-e6779e854328_mean_projection.n... 2024-09-26T11:56:54 2024-09-26T12:02:55 77.3 sec None b32f41bf-a9a5-4965-be7c-e6779e854328
1 cnmf cnmf_1 b32f41bf-a9a5-4965-be7c-e6779e854328\b32f41bf-a9a5-4965-be7c-e6779e854328-extracted_plane_1_els__d1_583_d2_536_d3_1_... {'main': {'fr': 9.62, 'dxy': (1.0, 1.0), 'decay_time': 0.4, 'strides': (48, 48), 'overlaps': (24, 24), 'max_shifts':... {'mean-projection-path': a057e39e-a2df-41d3-8217-83c9cd7ffb6d\a057e39e-a2df-41d3-8217-83c9cd7ffb6d_mean_projection.n... 2024-09-26T16:26:20 2024-09-26T16:28:48 143.18 sec None a057e39e-a2df-41d3-8217-83c9cd7ffb6d
2 cnmf cnmf_1 b32f41bf-a9a5-4965-be7c-e6779e854328\b32f41bf-a9a5-4965-be7c-e6779e854328-extracted_plane_1_els__d1_583_d2_536_d3_1_... {'main': {'fr': 9.62, 'dxy': (1.0, 1.0), 'decay_time': 0.4, 'p': 2, 'nb': 1, 'rf': 40, 'K': 150, 'gSig': [7.5, 7.5],... {'mean-projection-path': 0d8d3234-eab7-4f90-9405-53a2ad7917dc\0d8d3234-eab7-4f90-9405-53a2ad7917dc_mean_projection.n... 2024-10-01T12:09:56 2024-10-01T12:26:42 996.44 sec None 0d8d3234-eab7-4f90-9405-53a2ad7917dc

5. First registration run: preset with good defaults#

Technical notes: On Linux & Mac it will run in subprocess but on Windows it will run in the local kernel.

df.iloc[1].caiman.run()
Running b32f41bf-a9a5-4965-be7c-e6779e854328 with local backend
starting mc
      838959 [cluster.py:setup_cluster():225] [10504] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
WARNING:caiman.cluster:The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
WARNING:root:In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
ERROR:tifffile:<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
ERROR:tifffile:<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
ERROR:tifffile:<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
ERROR:tifffile:<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
ERROR:tifffile:<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
mc finished successfully!
computing projections
Computing correlation image
      916256 [cluster.py:stop_server():177] [10504] stop_cluster(): done
finished computing correlation image
INFO:caiman.cluster:stop_cluster(): done
<mesmerize_core.caiman_extensions.common.DummyProcess at 0x15a2c71f250>
from ipywidgets import Tab, Text, Button, VBox, interact_manual, interactive
@interact_manual(parent_path=str(parent_path), batch_path=str(batch_path))
def start_widget(parent_path, batch_path):
    mc.set_parent_raw_data_path(parent_path)

    df = mc.load_batch(batch_path)

    tab = Tab()

    # mcorr_container = df.mcorr.viz()
    mcorr_container = df.mcorr.viz(start_index=0)

    tab.children = [mcorr_container.show()]
    tab.titles = ["mcorr"]
    display(tab)

5.1. Preview Motion Correction#

Before running a grid search for the best parameter set, preview your registration results

viz = df.mcorr.viz(data_options=["input", "mcorr", "mean", "corr"], start_index=1)
viz.show()
c:\Users\RBO\anaconda3\envs\mescore\lib\site-packages\ipydatagrid\datagrid.py:512: UserWarning: Index name of 'index' is not round-trippable.
  schema = pd.io.json.build_table_schema(dataframe)
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
c:\Users\RBO\anaconda3\envs\mescore\lib\site-packages\fastplotlib\graphics\_features\_base.py:34: UserWarning: converting float64 array to float32
  warn(f"converting {array.dtype} array to float32")
c:\Users\RBO\anaconda3\envs\mescore\lib\site-packages\fastplotlib\widgets\image.py:78: UserWarning: Invalid 'window size' value for function: <function mean at 0x0000014720A30280>, setting 'window size' = None for this function. Valid values are integers >= 3.
  warn(
viewer = napari.Viewer()
viewer.add_image(mcorr_movie, name=f'plane_2_a')
viewer.add_image(mcorr_movie2, name=f'plane_2_b')

6. Registration Grid Search (if you need it!)#

More runs with varying parameters, stored on disk in the dataframe batch.pickle

# copy the mcorr_params2 dict to make some changes
# some variants of max_shifts
from copy import deepcopy

for shifts in [2,32]:
    for strides in [12,64]:
        overlaps = int(strides / 2)
        # deep copy is the safest way to copy dicts
        new_params = deepcopy(mcorr_params)

        # assign the "max_shifts"
        new_params["main"]["pw_rigid"] = True
        new_params["main"]["max_shifts"] = (shifts, shifts)
        new_params["main"]["strides"] = (strides, strides)
        new_params["main"]["overlaps"] = (overlaps, overlaps)

        df.caiman.add_item(
            algo='mcorr',
            input_movie_path=tiff_files[0],
            params=new_params,
            item_name=tiff_files[0].stem,  # filename of the movie, but can be anything
        )

df.caiman.reload_from_disk()
algo item_name input_movie_path params outputs added_time ran_time algo_duration comments uuid
0 mcorr extracted_plane_1 tiff/extracted_plane_1.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': [48, 48], 'overlaps': [24, 24], 'max_deviation_... {'mean-projection-path': 'e7d6ee76-b236-4fdc-a978-da72abb5b6cd/e7d6ee76-b236-4fdc-a978-da72abb5b6cd_mean_projection.... 2024-09-12T17:38:56 2024-09-13T00:40:44 41.1 sec None e7d6ee76-b236-4fdc-a978-da72abb5b6cd
1 mcorr extracted_plane_1 tiff/extracted_plane_1.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (2, 2), 'strides': (12, 12), 'overlaps': (6, 6), 'max_deviation_rigi... None 2024-09-13T00:53:41 None None None 1ea42667-276d-486f-a63e-0cbbf0744ca8
2 mcorr extracted_plane_1 tiff/extracted_plane_1.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (2, 2), 'strides': (64, 64), 'overlaps': (32, 32), 'max_deviation_ri... None 2024-09-13T00:53:41 None None None 9aa2b5f3-14f0-4fbb-bfed-907c50969918
3 mcorr extracted_plane_1 tiff/extracted_plane_1.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (32, 32), 'strides': (12, 12), 'overlaps': (6, 6), 'max_deviation_ri... None 2024-09-13T00:53:41 None None None 703926de-8926-4613-a9e6-abe5c0cbedeb
4 mcorr extracted_plane_1 tiff/extracted_plane_1.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (32, 32), 'strides': (64, 64), 'overlaps': (32, 32), 'max_deviation_... None 2024-09-13T00:53:41 None None None c0685366-5d8c-4dec-b607-44265f5033cc
for i, row in df.iterrows():
    if row["outputs"] is not None: # item has already been run
        continue # skip

    process = row.caiman.run()

    # on Windows you MUST reload the batch dataframe after every iteration because it uses the `local` backend.
    # this is unnecessary on Linux & Mac
    # "DummyProcess" is used for local backend so this is automatic
    if process.__class__.__name__ == "DummyProcess":
        df = df.caiman.reload_from_disk()
/home/mbo/caiman_data_org/animal_01/session_01/1ea42667-276d-486f-a63e-0cbbf0744ca8.runfile
starting mc
MotionCorrect() called.
/home/mbo/caiman_data_org/animal_01/session_01/tiff/extracted_plane_1.tif
mov
/home/mbo/caiman_data_org/animal_01/session_01/tiff/extracted_plane_1.tif
mov
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image

/home/mbo/caiman_data_org/animal_01/session_01/9aa2b5f3-14f0-4fbb-bfed-907c50969918.runfile
2024-09-13 00:53:48.814012: E external/local_xla/xla/stream_executor/cuda/cuda_dnn.cc:9261] Unable to register cuDNN factory: Attempting to register factory for plugin cuDNN when one has already been registered
2024-09-13 00:53:48.814044: E external/local_xla/xla/stream_executor/cuda/cuda_fft.cc:607] Unable to register cuFFT factory: Attempting to register factory for plugin cuFFT when one has already been registered
2024-09-13 00:53:48.814390: E external/local_xla/xla/stream_executor/cuda/cuda_blas.cc:1515] Unable to register cuBLAS factory: Attempting to register factory for plugin cuBLAS when one has already been registered
2024-09-13 00:53:48.817005: I tensorflow/core/platform/cpu_feature_guard.cc:182] This TensorFlow binary is optimized to use available CPU instructions in performance-critical operations.
To enable the following instructions: SSE4.1 SSE4.2 AVX AVX2 FMA, in other operations, rebuild TensorFlow with the appropriate compiler flags.
The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape

  0%|          | 0/1 [00:00<?, ?it/s]
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00,  1.44it/s]
100%|██████████| 1/1 [00:00<00:00,  1.44it/s]

100%|██████████| 1/1 [00:00<00:00,  1.44it/s]
100%|██████████| 1/1 [00:00<00:00,  1.44it/s]
starting mc
MotionCorrect() called.
/home/mbo/caiman_data_org/animal_01/session_01/tiff/extracted_plane_1.tif
mov
/home/mbo/caiman_data_org/animal_01/session_01/tiff/extracted_plane_1.tif
mov
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image

/home/mbo/caiman_data_org/animal_01/session_01/703926de-8926-4613-a9e6-abe5c0cbedeb.runfile
2024-09-13 00:55:32.175065: E external/local_xla/xla/stream_executor/cuda/cuda_dnn.cc:9261] Unable to register cuDNN factory: Attempting to register factory for plugin cuDNN when one has already been registered
2024-09-13 00:55:32.175096: E external/local_xla/xla/stream_executor/cuda/cuda_fft.cc:607] Unable to register cuFFT factory: Attempting to register factory for plugin cuFFT when one has already been registered
2024-09-13 00:55:32.175457: E external/local_xla/xla/stream_executor/cuda/cuda_blas.cc:1515] Unable to register cuBLAS factory: Attempting to register factory for plugin cuBLAS when one has already been registered
2024-09-13 00:55:32.178227: I tensorflow/core/platform/cpu_feature_guard.cc:182] This TensorFlow binary is optimized to use available CPU instructions in performance-critical operations.
To enable the following instructions: SSE4.1 SSE4.2 AVX AVX2 FMA, in other operations, rebuild TensorFlow with the appropriate compiler flags.
The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape

  0%|          | 0/1 [00:00<?, ?it/s]
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00,  1.63it/s]
100%|██████████| 1/1 [00:00<00:00,  1.63it/s]

100%|██████████| 1/1 [00:00<00:00,  1.62it/s]
100%|██████████| 1/1 [00:00<00:00,  1.62it/s]
starting mc
MotionCorrect() called.
/home/mbo/caiman_data_org/animal_01/session_01/tiff/extracted_plane_1.tif
mov
/home/mbo/caiman_data_org/animal_01/session_01/tiff/extracted_plane_1.tif
mov
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image

/home/mbo/caiman_data_org/animal_01/session_01/c0685366-5d8c-4dec-b607-44265f5033cc.runfile
2024-09-13 00:56:14.293577: E external/local_xla/xla/stream_executor/cuda/cuda_dnn.cc:9261] Unable to register cuDNN factory: Attempting to register factory for plugin cuDNN when one has already been registered
2024-09-13 00:56:14.293616: E external/local_xla/xla/stream_executor/cuda/cuda_fft.cc:607] Unable to register cuFFT factory: Attempting to register factory for plugin cuFFT when one has already been registered
2024-09-13 00:56:14.294074: E external/local_xla/xla/stream_executor/cuda/cuda_blas.cc:1515] Unable to register cuBLAS factory: Attempting to register factory for plugin cuBLAS when one has already been registered
2024-09-13 00:56:14.297998: I tensorflow/core/platform/cpu_feature_guard.cc:182] This TensorFlow binary is optimized to use available CPU instructions in performance-critical operations.
To enable the following instructions: SSE4.1 SSE4.2 AVX AVX2 FMA, in other operations, rebuild TensorFlow with the appropriate compiler flags.
The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape

  0%|          | 0/1 [00:00<?, ?it/s]
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00,  1.65it/s]
100%|██████████| 1/1 [00:00<00:00,  1.65it/s]

100%|██████████| 1/1 [00:00<00:00,  1.65it/s]
100%|██████████| 1/1 [00:00<00:00,  1.65it/s]
starting mc
MotionCorrect() called.
/home/mbo/caiman_data_org/animal_01/session_01/tiff/extracted_plane_1.tif
mov
/home/mbo/caiman_data_org/animal_01/session_01/tiff/extracted_plane_1.tif
mov
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
2024-09-13 00:58:00.267324: E external/local_xla/xla/stream_executor/cuda/cuda_dnn.cc:9261] Unable to register cuDNN factory: Attempting to register factory for plugin cuDNN when one has already been registered
2024-09-13 00:58:00.267357: E external/local_xla/xla/stream_executor/cuda/cuda_fft.cc:607] Unable to register cuFFT factory: Attempting to register factory for plugin cuFFT when one has already been registered
2024-09-13 00:58:00.267712: E external/local_xla/xla/stream_executor/cuda/cuda_blas.cc:1515] Unable to register cuBLAS factory: Attempting to register factory for plugin cuBLAS when one has already been registered
2024-09-13 00:58:00.270576: I tensorflow/core/platform/cpu_feature_guard.cc:182] This TensorFlow binary is optimized to use available CPU instructions in performance-critical operations.
To enable the following instructions: SSE4.1 SSE4.2 AVX AVX2 FMA, in other operations, rebuild TensorFlow with the appropriate compiler flags.
The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape

  0%|          | 0/1 [00:00<?, ?it/s]
  0%|          | 0/1 [00:00<?, ?it/s]
100%|██████████| 1/1 [00:00<00:00,  1.61it/s]
100%|██████████| 1/1 [00:00<00:00,  1.61it/s]

100%|██████████| 1/1 [00:00<00:00,  1.58it/s]
100%|██████████| 1/1 [00:00<00:00,  1.58it/s]

7. Distinguishing parameter variants#

We can see that there are many parameter variants, but it is not easy to see the differences in parameters between the rows that have the same item_name.

We can use the caiman.get_params_diffs() to see the unique parameters between rows with the same item_name

diffs = df.caiman.get_params_diffs(algo="mcorr", item_name=df.iloc[0]["item_name"])
diffs
overlaps max_shifts strides
0 [24, 24] (10, 10) [48, 48]
1 (6, 6) (2, 2) (12, 12)
2 (32, 32) (2, 2) (64, 64)
3 (6, 6) (32, 32) (12, 12)
4 (32, 32) (32, 32) (64, 64)

8. Use the varients to organize results to run multiple batch items.#

df.iterrows() iterates through rows and returns the numerical index and row for each iteration

plane = 1

df = df.caiman.reload_from_disk()

# first item is just the raw movie

movies = [df.iloc[0].caiman.get_input_movie()]

subplot_names = ["raw"]

means = [df.iloc[0].caiman.get_projection("mean")]

# get the param diffs to set plot titles
param_diffs = df.caiman.get_params_diffs("mcorr", item_name=df.iloc[0]["item_name"])

# add all the mcorr outputs to the list
for i, row in df.iterrows():

    if row.algo != 'mcorr':
        continue

    # add to the list of movies to plot
    movies.append(row.mcorr.get_output())

    max_shifts = param_diffs.iloc[i]["max_shifts"][0]
    strides = param_diffs.iloc[i]["strides"][0]
    overlaps = param_diffs.iloc[i]["overlaps"][0]

    # subplot title to show dataframe index
    subplot_names.append(f"ix {i}: max_sh: {max_shifts}, str: {strides}, ove: {overlaps}")

    # mean images which we'll use later
    means.append(row.caiman.get_projection("mean"))
ERROR:tifffile:<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
iw_zfish = fpl.ImageWidget(
    data=[movies[0], movies[1]],
    names=['Raw', 'Corrected'],
    cmap="gray",
    histogram_widget=False
)
iw_zfish.show()
/home/mbo/miniconda3/envs/mbo-caiman/lib/python3.11/site-packages/fastplotlib/graphics/_features/_base.py:34: UserWarning: converting float64 array to float32
  | attribute  | type        | description                                   |
ERROR:wgpu:Draw error: Validation Error (7)
ERROR:wgpu:Present error: present() is called without a preceeding call to get_c… (7)
ERROR:wgpu:Draw error: Validation Error (8)
ERROR:wgpu:Present error: present() is called without a preceeding call to get_c… (8)
/home/mbo/miniconda3/envs/mbo-caiman/lib/python3.11/site-packages/fastplotlib/graphics/_features/_base.py:34: UserWarning: converting float64 array to float32
  | attribute  | type        | description                                   |
napari.view_image(movies[0], name=subplot_names[0])


# mcorr_movie = df.iloc[0].mcorr.get_output()
# mcorr_movie2 = df.iloc[-1].mcorr.get_output()
# corr, pnr = correlation_pnr(mcorr_movie, swap_dim=False)
# corr2, pnr2 = correlation_pnr(mcorr_movie2, swap_dim=False)
Viewer(camera=Camera(center=(0.0, 299.5, 279.5), zoom=1.3079464285714284, angles=(0.0, 0.0, 90.0), perspective=0.0, mouse_pan=True, mouse_zoom=True), cursor=Cursor(position=(864.0, 1.0, 0.0), scaled=True, style=<CursorStyle.STANDARD: 'standard'>, size=1.0), dims=Dims(ndim=3, ndisplay=2, order=(0, 1, 2), axis_labels=('0', '1', '2'), rollable=(True, True, True), range=(RangeTuple(start=0.0, stop=1729.0, step=1.0), RangeTuple(start=0.0, stop=599.0, step=1.0), RangeTuple(start=0.0, stop=559.0, step=1.0)), margin_left=(0.0, 0.0, 0.0), margin_right=(0.0, 0.0, 0.0), point=(864.0, 299.0, 279.0), last_used=0), grid=GridCanvas(stride=1, shape=(-1, -1), enabled=False), layers=[<Image layer 'raw' at 0x7f202c877f50>], help='use <2> for transform', status='Ready', tooltip=Tooltip(visible=False, text=''), theme='dark', title='napari', mouse_over_canvas=False, mouse_move_callbacks=[], mouse_drag_callbacks=[], mouse_double_click_callbacks=[], mouse_wheel_callbacks=[<function dims_scroll at 0x7f22ca409da0>], _persisted_mouse_event={}, _mouse_drag_gen={}, _mouse_wheel_gen={}, _keymap={})
import napari
viewer = napari.Viewer()
viewer.add_image(mcorr_movie, name=f'plane_2_a')
viewer.add_image(mcorr_movie2, name=f'plane_2_b')
viewer.add_image(corr, name="Mean Correlation")
viewer.add_image(corr2, name="Mean Correlation2")
<Image layer 'Mean Correlation2' at 0x7fe77fe5cad0>
napari.view_image(df.iloc[0].mcorr.get_output()[::2, ...])
napari.current_viewer().add_image(df.iloc[0].caiman.get_input_movie()[::2, ...])
ERROR:tifffile:<tifffile.TiffFile 'extracted_plane_21.tif'> shaped series axes do not match shape
<Image layer 'pnr' at 0x7f4cd3c0cc10>

8.1. Correlation metrics#

Create a couple of summary images of the movie, including:

  • maximum projection (the maximum value of each pixel)

  • correlation image (how correlated each pixel is with its neighbors)

If a pixel comes from an active neural component it will tend to be highly correlated with its neighbors.

row_index = i

mean_proj = df.iloc[i].caiman.get_projection("mean")
max_proj = df.iloc[i].caiman.get_projection("max")
std_proj = df.iloc[i].caiman.get_projection("std")
corr_image = df.iloc[i].caiman.get_corr_image()
# viewer.add_image(mcorr_movie, rgb=False, multiscale=False)
# viewer.add_image(input_movie['plane_1'], rgb=False, multiscale=False)

viewer = napari.Viewer()
viewer.add_image(mean_proj)
viewer.add_image(std_proj)
viewer.add_image(max_proj)
viewer.add_image(corr_image)
---------------------------------------------------------------------------
NameError                                 Traceback (most recent call last)
Cell In[5], line 1
----> 1 row_index = i
      3 mean_proj = df.iloc[i].caiman.get_projection("mean")
      4 max_proj = df.iloc[i].caiman.get_projection("max")

NameError: name 'i' is not defined

8.2. Pixel Shifts#

row_idx = 0

shifts = df.iloc[row_idx].mcorr.get_shifts()
shifts = shifts[1]
shiftsx = [x[0] for x in shifts]
shiftsy = [x[1] for x in shifts]
shiftsx_mean = [np.mean(x) for x in shiftsx]
shiftsy_mean = [np.mean(y) for y in shiftsy]
##%%
xr = list(range(1730))
plt.plot(xr, shiftsx_mean)
plt.title('Mean X-Shifts') # TODO: std error bars, napari layer
plt.xlabel("timestep (frames)")
plt.ylabel("# pixels shufted in X dimension")
plt.show()
../_images/82d8bbb8d3af3bc612dff009fe4d87ba891d7103822c03259b910781e5db0a88.png
xr = list(range(1730))

plt.title('Mean Y-Shifts') # TODO: std error bars, napari layer
plt.xlabel("timestep (frames)")
plt.ylabel("# pixels shufted in Y dimension")
plt.plot(xr, shiftsy_mean)
[<matplotlib.lines.Line2D at 0x7fd709740b50>]
../_images/4e5489334469a5e1fcdcec882610e4880d27eb11a3d536bf6f66ad45bffa0147.png

9. Optional, cleanup DataFrame#

Use the index that works best and all other items.

Remove batch items (i.e. rows) using df.caiman.remove_item(<item_uuid>). This also cleans up the output data in the batch directory.

Note: On windows calling remove_item() will raise a PermissionError if you have the memmap file open. The workaround is to shutdown the current kernel and then use df.caiman.remove_item(). For example, you can keep another notebook that you use just for cleaning unwanted mcorr items.

There is currently no way to close a numpy.memmap: https://github.com/numpy/numpy/issues/13510

Indices are always reset when you use caiman.remove_item(). UUIDs are always preserved.

df=df.caiman.reload_from_disk()
df
algo item_name input_movie_path params outputs added_time ran_time algo_duration comments uuid
0 mcorr plane_1 animal_01/session_01/plane_1.zarr {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': '5ed9532f-a5d9-4ecb-bdae-f14b37fc2ef2/5ed9532f-a5d9-4ecb-bdae-f14b37fc2ef2_mean_projection.... 2024-09-09T14:50:33 2024-09-10T09:55:53 42.42 sec None 5ed9532f-a5d9-4ecb-bdae-f14b37fc2ef2
1 mcorr plane_1 animal_01/session_01/plane_1.zarr {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': 'aab79e23-ebcc-45cb-a12b-6f7e3eae935c/aab79e23-ebcc-45cb-a12b-6f7e3eae935c_mean_projection.... 2024-09-09T14:50:49 2024-09-10T09:57:13 42.87 sec None aab79e23-ebcc-45cb-a12b-6f7e3eae935c
2 mcorr plane_1 animal_01/session_01/plane_1.zarr {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': '247620be-d14b-46da-b6ba-6c73bf607b02/247620be-d14b-46da-b6ba-6c73bf607b02_mean_projection.... 2024-09-09T14:55:09 2024-09-10T09:57:59 42.13 sec None 247620be-d14b-46da-b6ba-6c73bf607b02
3 mcorr plane_1 animal_01/session_01/plane_1.zarr {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': [48, 48], 'overlaps': [24, 24], 'max_deviation_... None 2024-09-10T10:46:06 None None None 00dc740c-7cf4-4cbb-b239-4cd8fc0439a2
4 mcorr plane_1 animal_01/session_01/plane_1.zarr {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': [48, 48], 'overlaps': [24, 24], 'max_deviation_... None 2024-09-10T11:05:25 None None None 0b04ece1-0bf1-4d76-8688-f4091e06ca2b
rows_keep = [2]
for i, row in df.iterrows():
    if i not in rows_keep:
        df.caiman.remove_item(row.uuid, safe_removal=False)
df
algo item_name input_movie_path params outputs added_time ran_time algo_duration comments uuid
0 mcorr plane_1 animal_01/session_01/plane_1.zarr {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': '247620be-d14b-46da-b6ba-6c73bf607b02/247620be-d14b-46da-b6ba-6c73bf607b02_mean_projection.... 2024-09-09T14:55:09 2024-09-10T09:57:59 42.13 sec None 247620be-d14b-46da-b6ba-6c73bf607b02
df.caiman.save_to_disk()

9.1. Evaluate Results: Optical Flow#

import caiman as cm
# fnames = [df.iloc[0].mcorr.get_]
# fnames = [str(df.iloc[0].mcorr.get_output_path())]
fnames = str(movie_path)
fnames_rig = str(df.iloc[0].mcorr.get_output_path())

#% compute metrics for the results (TAKES TIME!!)
final_size = np.subtract(movie[1,:,:].shape, 2 * 2) # remove pixels in the boundaries
winsize = 100
swap_dim = False
resize_fact_flow = .2    # downsample for computing ROF
---------------------------------------------------------------------------
NameError                                 Traceback (most recent call last)
Cell In[9], line 7
      4 fnames_rig = str(df.iloc[0].mcorr.get_output_path())
      6 #% compute metrics for the results (TAKES TIME!!)
----> 7 final_size = np.subtract(movie[1,:,:].shape, 2 * 2) # remove pixels in the boundaries
      8 winsize = 100
      9 swap_dim = False

NameError: name 'movie' is not defined
%%capture

tmpl_orig, correlations_orig, flows_orig, norms_orig, crispness_orig = cm.motion_correction.compute_metrics_motion_correction(
    fnames[0], final_size[0], final_size[1], swap_dim, winsize=winsize, play_flow=False, resize_fact_flow=resize_fact_flow)
tmpl_rig, correlations_rig, flows_rig, norms_rig, crispness_rig = cm.motion_correction.compute_metrics_motion_correction(
    fnames_rig[0], final_size[0], final_size[1],
    swap_dim, winsize=winsize, play_flow=False, resize_fact_flow=resize_fact_flow)

# tmpl_els, correlations_els, flows_els, norms_els, crispness_els = cm.motion_correction.compute_metrics_motion_correction(
#     mc.fname_tot_els[0], final_size[0], final_size[1],
#     swap_dim, winsize=winsize, play_flow=False, resize_fact_flow=resize_fact_flow)
fpath = cm.paths.fname_derived_presuffix(str(fnames), 'metrics', swapsuffix='npz')
fpath
'/home/mbo/caiman_data_org/animal_01/session_01/plane_1_metrics.npz'
##%% plot the results of Residual Optical Flow
fls = [cm.paths.fname_derived_presuffix(str(fnames), 'metrics', swapsuffix='npz'), cm.paths.fname_derived_presuffix(str(fnames_rig), 'metrics', swapsuffix='npz')]

plt.figure(figsize = (20,10))
for cnt, fl, metr in zip(range(len(fls)), fls, ['raw','corrected',]):
    print('fl')
    if Path(fl).suffix == '.npz':
        with np.load(str(fl)) as ld:
            print(str(np.mean(ld['norms'])) + '+/-' + str(np.std(ld['norms'])) +
                ' ; ' + str(ld['smoothness']) + ' ; ' + str(ld['smoothness_corr']))
            plt.subplot(len(fls), 3, 1 + 3 * cnt)
            plt.ylabel(metr)
            try:
                mean_img = np.mean(cm.load(fl[:-12] + '.tif'))[12:-12, 12:-12]
            except:
                try:
                    mean_img = np.mean(
                        cm.load(fl[:-12] + '.tif'), 0)[12:-12, 12:-12]
                except:
                    try:
                        mean_img = np.mean(
                            cm.load(fl[:-12] + '.hdf5'), 0)[12:-12, 12:-12]
                    except:
                        try:
                            mean_img = np.mean(cm.load(fl[:-12] + '.zarr'), 0)[12:-12, 12:-12]
                        except:
                            print(fl[:-12] + '.zarr')



            lq, hq = np.nanpercentile(mean_img, [.5, 99.5])
            plt.imshow(mean_img, vmin=lq, vmax=hq)
            plt.title('Mean Optical Flow')
            plt.subplot(len(fls), 3, 3 * cnt + 2)
            plt.imshow(ld['img_corr'], vmin=0, vmax=.35)
            plt.title('Corr image')
            plt.subplot(len(fls), 3, 3 * cnt + 3)
            flows = ld['flows']
            plt.imshow(np.mean(
            np.sqrt(flows[:, :, :, 0]**2 + flows[:, :, :, 1]**2), 0), vmin=0, vmax=0.3)
            plt.colorbar()


            lq, hq = np.nanpercentile(mean_img, [.5, 99.5])
            plt.imshow(mean_img, vmin=lq, vmax=hq)
            plt.title('Mean Optical Flow')
            plt.subplot(len(fls), 3, 3 * cnt + 2)
            plt.imshow(ld['img_corr'], vmin=0, vmax=.35)
            plt.title('Corr image')
            plt.subplot(len(fls), 3, 3 * cnt + 3)
            flows = ld['flows']
            plt.imshow(np.mean(
            np.sqrt(flows[:, :, :, 0]**2 + flows[:, :, :, 1]**2), 0), vmin=0, vmax=0.3)
            plt.colorbar()
---------------------------------------------------------------------------
NameError                                 Traceback (most recent call last)
Cell In[8], line 2
      1 ##%% plot the results of Residual Optical Flow
----> 2 fls = [cm.paths.fname_derived_presuffix(str(fnames), 'metrics', swapsuffix='npz'), cm.paths.fname_derived_presuffix(str(fnames_rig), 'metrics', swapsuffix='npz')]
      4 plt.figure(figsize = (20,10))
      5 for cnt, fl, metr in zip(range(len(fls)), fls, ['raw','corrected',]):

NameError: name 'cm' is not defined
plt.figure(figsize = (20,20))
plt.subplot(211); plt.plot(correlations_orig); plt.plot(correlations_rig);
plt.legend(['Original','Rigid','PW-Rigid'])
plt.subplot(223); plt.scatter(correlations_orig, correlations_rig); plt.xlabel('Original');
plt.ylabel('Rigid'); plt.plot([0.3,0.7],[0.3,0.7],'r--')
axes = plt.gca(); axes.set_xlim([0.3,0.7]); axes.set_ylim([0.3,0.7]); plt.axis('square');
../_images/38e702b66c679186d4ee632f38c86533545447ae359b791d29d1168542c1a61f.png

9.2. Apply registration using the same parameters to the remaining z-planes#

# # Add a "batch item" to the DataFrame this is the combination of:
# * algorithm to run, `algo`
# * input movie to run the algorithm on, `input_movie_path`
# * parameters for the specified algorithm, `params`
# * a name for you to keep track of things, usually the same as the movie filename, `item_name`
for i in range(2, 30):
    movie = parent_path / 'tiff' / f'extracted_plane_{i}.tif'
    df.caiman.add_item(
        algo='mcorr',
        input_movie_path=movie,
        params= df.iloc[0].params,
        item_name=f'plane_{i}',  # filename of the movie, but can be anything
    )
df=df.caiman.reload_from_disk()
df
algo item_name input_movie_path params outputs added_time ran_time algo_duration comments uuid
0 mcorr extracted_plane_1 tiff\extracted_plane_1.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': b32f41bf-a9a5-4965-be7c-e6779e854328\b32f41bf-a9a5-4965-be7c-e6779e854328_mean_projection.n... 2024-09-26T11:56:54 2024-09-26T12:02:55 77.3 sec None b32f41bf-a9a5-4965-be7c-e6779e854328
1 cnmf cnmf_1 b32f41bf-a9a5-4965-be7c-e6779e854328\b32f41bf-a9a5-4965-be7c-e6779e854328-extracted_plane_1_els__d1_583_d2_536_d3_1_... {'main': {'fr': 9.62, 'dxy': (1.0, 1.0), 'decay_time': 0.4, 'strides': (48, 48), 'overlaps': (24, 24), 'max_shifts':... {'mean-projection-path': a057e39e-a2df-41d3-8217-83c9cd7ffb6d\a057e39e-a2df-41d3-8217-83c9cd7ffb6d_mean_projection.n... 2024-09-26T16:26:20 2024-09-26T16:28:48 143.18 sec None a057e39e-a2df-41d3-8217-83c9cd7ffb6d
2 cnmf cnmf_1 b32f41bf-a9a5-4965-be7c-e6779e854328\b32f41bf-a9a5-4965-be7c-e6779e854328-extracted_plane_1_els__d1_583_d2_536_d3_1_... {'main': {'fr': 9.62, 'dxy': (1.0, 1.0), 'decay_time': 0.4, 'p': 2, 'nb': 1, 'rf': 40, 'K': 150, 'gSig': [7.5, 7.5],... {'mean-projection-path': 0d8d3234-eab7-4f90-9405-53a2ad7917dc\0d8d3234-eab7-4f90-9405-53a2ad7917dc_mean_projection.n... 2024-10-01T12:09:56 2024-10-01T12:26:42 996.44 sec None 0d8d3234-eab7-4f90-9405-53a2ad7917dc
3 mcorr plane_1 tiff\extracted_plane_1.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': c220fb8a-cef9-4784-91a2-84f33d760b75\c220fb8a-cef9-4784-91a2-84f33d760b75_mean_projection.n... 2024-10-01T13:24:33 2024-10-01T13:28:06 83.34 sec None c220fb8a-cef9-4784-91a2-84f33d760b75
4 mcorr plane_2 tiff\extracted_plane_2.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': ecdbaa07-8893-4352-8658-19a8357306b8\ecdbaa07-8893-4352-8658-19a8357306b8_mean_projection.n... 2024-10-01T13:24:33 2024-10-01T13:29:29 83.69 sec None ecdbaa07-8893-4352-8658-19a8357306b8
5 mcorr plane_3 tiff\extracted_plane_3.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': 48bad9bd-8a15-4d42-ae64-cb199ff498bc\48bad9bd-8a15-4d42-ae64-cb199ff498bc_mean_projection.n... 2024-10-01T13:24:33 2024-10-01T13:30:53 83.81 sec None 48bad9bd-8a15-4d42-ae64-cb199ff498bc
6 mcorr plane_4 tiff\extracted_plane_4.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': 29217cfc-8575-4c35-b8b0-2fb29a4cb416\29217cfc-8575-4c35-b8b0-2fb29a4cb416_mean_projection.n... 2024-10-01T13:24:33 2024-10-01T13:32:17 82.93 sec None 29217cfc-8575-4c35-b8b0-2fb29a4cb416
7 mcorr plane_5 tiff\extracted_plane_5.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': f9e87c87-913e-4027-a3bd-83c4c7182493\f9e87c87-913e-4027-a3bd-83c4c7182493_mean_projection.n... 2024-10-01T13:24:33 2024-10-01T13:33:39 82.31 sec None f9e87c87-913e-4027-a3bd-83c4c7182493
8 mcorr plane_6 tiff\extracted_plane_6.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': baf9fc6a-9159-46fd-a6b8-603d02c30c99\baf9fc6a-9159-46fd-a6b8-603d02c30c99_mean_projection.n... 2024-10-01T13:24:33 2024-10-01T13:35:02 82.48 sec None baf9fc6a-9159-46fd-a6b8-603d02c30c99
9 mcorr plane_7 tiff\extracted_plane_7.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': 7afd6d4c-7787-4e02-8dfc-fd0ce578164d\7afd6d4c-7787-4e02-8dfc-fd0ce578164d_mean_projection.n... 2024-10-01T13:24:33 2024-10-01T13:36:24 81.99 sec None 7afd6d4c-7787-4e02-8dfc-fd0ce578164d
10 mcorr plane_8 tiff\extracted_plane_8.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': 28a3cd15-7671-4a5e-8744-9e8e73e35ee9\28a3cd15-7671-4a5e-8744-9e8e73e35ee9_mean_projection.n... 2024-10-01T13:24:33 2024-10-01T13:37:48 83.8 sec None 28a3cd15-7671-4a5e-8744-9e8e73e35ee9
11 mcorr plane_9 tiff\extracted_plane_9.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': 379d8c22-52c6-4a6a-ae8e-69ccd1d5c5ed\379d8c22-52c6-4a6a-ae8e-69ccd1d5c5ed_mean_projection.n... 2024-10-01T13:24:33 2024-10-01T13:39:11 83.03 sec None 379d8c22-52c6-4a6a-ae8e-69ccd1d5c5ed
12 mcorr plane_10 tiff\extracted_plane_10.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': 679fe640-ee6c-480c-bc71-e941000b8851\679fe640-ee6c-480c-bc71-e941000b8851_mean_projection.n... 2024-10-01T13:24:33 2024-10-01T13:40:33 82.51 sec None 679fe640-ee6c-480c-bc71-e941000b8851
13 mcorr plane_11 tiff\extracted_plane_11.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': d5f2446a-0f42-472a-b969-735c7980b96b\d5f2446a-0f42-472a-b969-735c7980b96b_mean_projection.n... 2024-10-01T13:24:33 2024-10-01T13:41:56 82.22 sec None d5f2446a-0f42-472a-b969-735c7980b96b
14 mcorr plane_12 tiff\extracted_plane_12.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': 888fa033-522f-4fec-bbd6-607f93fffc11\888fa033-522f-4fec-bbd6-607f93fffc11_mean_projection.n... 2024-10-01T13:24:33 2024-10-01T13:43:19 82.73 sec None 888fa033-522f-4fec-bbd6-607f93fffc11
15 mcorr plane_13 tiff\extracted_plane_13.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': 9c53c1bc-e865-4977-89da-1c1bff7d4d21\9c53c1bc-e865-4977-89da-1c1bff7d4d21_mean_projection.n... 2024-10-01T13:24:33 2024-10-01T13:44:41 81.82 sec None 9c53c1bc-e865-4977-89da-1c1bff7d4d21
16 mcorr plane_14 tiff\extracted_plane_14.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': 6f3101c4-9792-497a-939f-5a4780848a0d\6f3101c4-9792-497a-939f-5a4780848a0d_mean_projection.n... 2024-10-01T13:24:33 2024-10-01T13:46:03 82.3 sec None 6f3101c4-9792-497a-939f-5a4780848a0d
17 mcorr plane_15 tiff\extracted_plane_15.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': 41ed61cb-4b3e-4117-9db6-e054b1d8c697\41ed61cb-4b3e-4117-9db6-e054b1d8c697_mean_projection.n... 2024-10-01T13:24:33 2024-10-01T13:47:26 82.44 sec None 41ed61cb-4b3e-4117-9db6-e054b1d8c697
18 mcorr plane_16 tiff\extracted_plane_16.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': 625b34c3-eae3-4ad8-8015-5cc48122c7ec\625b34c3-eae3-4ad8-8015-5cc48122c7ec_mean_projection.n... 2024-10-01T13:24:33 2024-10-01T13:48:48 82.0 sec None 625b34c3-eae3-4ad8-8015-5cc48122c7ec
19 mcorr plane_17 tiff\extracted_plane_17.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': e6a54884-a8a8-447b-be78-70957a62f161\e6a54884-a8a8-447b-be78-70957a62f161_mean_projection.n... 2024-10-01T13:24:33 2024-10-01T13:50:11 83.41 sec None e6a54884-a8a8-447b-be78-70957a62f161
20 mcorr plane_18 tiff\extracted_plane_18.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': c21edffc-96ae-4103-b0e7-9ae4af82a6a7\c21edffc-96ae-4103-b0e7-9ae4af82a6a7_mean_projection.n... 2024-10-01T13:24:33 2024-10-01T13:51:33 81.7 sec None c21edffc-96ae-4103-b0e7-9ae4af82a6a7
21 mcorr plane_19 tiff\extracted_plane_19.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': bbcf4810-f29e-4fde-a425-fa81a34e7c14\bbcf4810-f29e-4fde-a425-fa81a34e7c14_mean_projection.n... 2024-10-01T13:24:33 2024-10-01T13:52:56 82.56 sec None bbcf4810-f29e-4fde-a425-fa81a34e7c14
22 mcorr plane_20 tiff\extracted_plane_20.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': 3f1399d9-951f-46b7-8424-8a5019984015\3f1399d9-951f-46b7-8424-8a5019984015_mean_projection.n... 2024-10-01T13:24:33 2024-10-01T13:54:19 83.5 sec None 3f1399d9-951f-46b7-8424-8a5019984015
23 mcorr plane_21 tiff\extracted_plane_21.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': 666389a4-64ae-48e1-bcb0-381a48cff336\666389a4-64ae-48e1-bcb0-381a48cff336_mean_projection.n... 2024-10-01T13:24:33 2024-10-01T13:55:42 82.36 sec None 666389a4-64ae-48e1-bcb0-381a48cff336
24 mcorr plane_22 tiff\extracted_plane_22.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': 09e7e82e-3365-409d-b961-33e51d022ba5\09e7e82e-3365-409d-b961-33e51d022ba5_mean_projection.n... 2024-10-01T13:24:33 2024-10-01T13:57:06 83.45 sec None 09e7e82e-3365-409d-b961-33e51d022ba5
25 mcorr plane_23 tiff\extracted_plane_23.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': 450d0648-35c0-4528-b199-c448b4b3de7a\450d0648-35c0-4528-b199-c448b4b3de7a_mean_projection.n... 2024-10-01T13:24:33 2024-10-01T13:58:28 82.03 sec None 450d0648-35c0-4528-b199-c448b4b3de7a
26 mcorr plane_24 tiff\extracted_plane_24.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': 31b2befb-4833-4a1e-83ef-4c177244bd33\31b2befb-4833-4a1e-83ef-4c177244bd33_mean_projection.n... 2024-10-01T13:24:33 2024-10-01T13:59:51 82.94 sec None 31b2befb-4833-4a1e-83ef-4c177244bd33
27 mcorr plane_25 tiff\extracted_plane_25.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': b60dc323-4e70-4c7f-88f8-f7255e9252c5\b60dc323-4e70-4c7f-88f8-f7255e9252c5_mean_projection.n... 2024-10-01T13:24:33 2024-10-01T14:01:15 83.64 sec None b60dc323-4e70-4c7f-88f8-f7255e9252c5
28 mcorr plane_26 tiff\extracted_plane_26.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': 6edd066c-6801-4c96-b71e-a34f3f446514\6edd066c-6801-4c96-b71e-a34f3f446514_mean_projection.n... 2024-10-01T13:24:33 2024-10-01T14:02:36 80.91 sec None 6edd066c-6801-4c96-b71e-a34f3f446514
29 mcorr plane_27 tiff\extracted_plane_27.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': df55466a-8e2e-44d7-93d6-bc2ba0c5ab01\df55466a-8e2e-44d7-93d6-bc2ba0c5ab01_mean_projection.n... 2024-10-01T13:24:33 2024-10-01T14:03:58 81.79 sec None df55466a-8e2e-44d7-93d6-bc2ba0c5ab01
30 mcorr plane_28 tiff\extracted_plane_28.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': 2f2fa5da-3177-42ac-967c-240a46091e79\2f2fa5da-3177-42ac-967c-240a46091e79_mean_projection.n... 2024-10-01T13:24:33 2024-10-01T14:05:20 82.38 sec None 2f2fa5da-3177-42ac-967c-240a46091e79
31 mcorr plane_2 tiff\extracted_plane_2.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': 18c557b7-916c-4ba8-bf46-063123d3c29b\18c557b7-916c-4ba8-bf46-063123d3c29b_mean_projection.n... 2024-10-01T13:25:30 2024-10-01T14:06:42 81.43 sec None 18c557b7-916c-4ba8-bf46-063123d3c29b
32 mcorr plane_3 tiff\extracted_plane_3.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': d70524da-a75c-46b7-9acc-3641c13dddf2\d70524da-a75c-46b7-9acc-3641c13dddf2_mean_projection.n... 2024-10-01T13:25:30 2024-10-01T14:08:04 82.03 sec None d70524da-a75c-46b7-9acc-3641c13dddf2
33 mcorr plane_4 tiff\extracted_plane_4.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': 1fde15f9-7508-4151-a3f7-abbfb049de5e\1fde15f9-7508-4151-a3f7-abbfb049de5e_mean_projection.n... 2024-10-01T13:25:30 2024-10-01T14:09:25 80.73 sec None 1fde15f9-7508-4151-a3f7-abbfb049de5e
34 mcorr plane_5 tiff\extracted_plane_5.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': 835e0530-9996-4f09-b468-4c711ab1a2be\835e0530-9996-4f09-b468-4c711ab1a2be_mean_projection.n... 2024-10-01T13:25:30 2024-10-01T14:10:46 80.85 sec None 835e0530-9996-4f09-b468-4c711ab1a2be
35 mcorr plane_6 tiff\extracted_plane_6.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': 9ab637ab-1599-42b0-8a8f-bb916078334f\9ab637ab-1599-42b0-8a8f-bb916078334f_mean_projection.n... 2024-10-01T13:25:30 2024-10-01T14:12:09 82.83 sec None 9ab637ab-1599-42b0-8a8f-bb916078334f
36 mcorr plane_7 tiff\extracted_plane_7.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': bbc4d279-ff99-47ce-b19a-573caca031a4\bbc4d279-ff99-47ce-b19a-573caca031a4_mean_projection.n... 2024-10-01T13:25:30 2024-10-01T14:13:30 81.64 sec None bbc4d279-ff99-47ce-b19a-573caca031a4
37 mcorr plane_8 tiff\extracted_plane_8.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': cca66748-953a-40e6-b632-93504557308e\cca66748-953a-40e6-b632-93504557308e_mean_projection.n... 2024-10-01T13:25:30 2024-10-01T14:14:51 80.73 sec None cca66748-953a-40e6-b632-93504557308e
38 mcorr plane_9 tiff\extracted_plane_9.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': 815119b9-1134-49fb-8474-4802b87c34db\815119b9-1134-49fb-8474-4802b87c34db_mean_projection.n... 2024-10-01T13:25:30 2024-10-01T14:16:13 81.25 sec None 815119b9-1134-49fb-8474-4802b87c34db
39 mcorr plane_10 tiff\extracted_plane_10.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': 2b934ad5-c218-4d5a-88a9-7c3ef36ea834\2b934ad5-c218-4d5a-88a9-7c3ef36ea834_mean_projection.n... 2024-10-01T13:25:30 2024-10-01T14:17:35 81.96 sec None 2b934ad5-c218-4d5a-88a9-7c3ef36ea834
40 mcorr plane_11 tiff\extracted_plane_11.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': b0a5619f-2e53-421d-8e4a-2c132f52402b\b0a5619f-2e53-421d-8e4a-2c132f52402b_mean_projection.n... 2024-10-01T13:25:30 2024-10-01T14:18:58 82.94 sec None b0a5619f-2e53-421d-8e4a-2c132f52402b
41 mcorr plane_12 tiff\extracted_plane_12.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': b200d246-0e9d-4139-9d7e-99cfaf6570db\b200d246-0e9d-4139-9d7e-99cfaf6570db_mean_projection.n... 2024-10-01T13:25:30 2024-10-01T14:20:20 82.28 sec None b200d246-0e9d-4139-9d7e-99cfaf6570db
42 mcorr plane_13 tiff\extracted_plane_13.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': 83c32466-e08e-4095-a759-a0ce150ad42a\83c32466-e08e-4095-a759-a0ce150ad42a_mean_projection.n... 2024-10-01T13:25:30 2024-10-01T14:21:43 82.69 sec None 83c32466-e08e-4095-a759-a0ce150ad42a
43 mcorr plane_14 tiff\extracted_plane_14.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': 9a3d5048-d6f2-46e8-b869-e9306ecde5e3\9a3d5048-d6f2-46e8-b869-e9306ecde5e3_mean_projection.n... 2024-10-01T13:25:30 2024-10-01T14:23:05 82.31 sec None 9a3d5048-d6f2-46e8-b869-e9306ecde5e3
44 mcorr plane_15 tiff\extracted_plane_15.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': 0eac92e7-a207-4253-887d-67d43cd95113\0eac92e7-a207-4253-887d-67d43cd95113_mean_projection.n... 2024-10-01T13:25:30 2024-10-01T14:24:28 82.7 sec None 0eac92e7-a207-4253-887d-67d43cd95113
45 mcorr plane_16 tiff\extracted_plane_16.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': 0dea60c2-2f90-4dc4-9a89-908a832e24c6\0dea60c2-2f90-4dc4-9a89-908a832e24c6_mean_projection.n... 2024-10-01T13:25:30 2024-10-01T14:25:52 83.52 sec None 0dea60c2-2f90-4dc4-9a89-908a832e24c6
46 mcorr plane_17 tiff\extracted_plane_17.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': 7d540ed9-c9f3-499a-a121-a268271c95f6\7d540ed9-c9f3-499a-a121-a268271c95f6_mean_projection.n... 2024-10-01T13:25:30 2024-10-01T14:27:14 81.68 sec None 7d540ed9-c9f3-499a-a121-a268271c95f6
47 mcorr plane_18 tiff\extracted_plane_18.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': 81e688aa-2e5b-4fc5-87e3-e67ab2c44d20\81e688aa-2e5b-4fc5-87e3-e67ab2c44d20_mean_projection.n... 2024-10-01T13:25:30 2024-10-01T14:28:35 80.68 sec None 81e688aa-2e5b-4fc5-87e3-e67ab2c44d20
48 mcorr plane_19 tiff\extracted_plane_19.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': 494267f7-3659-4e00-bd1b-13a682d64c3a\494267f7-3659-4e00-bd1b-13a682d64c3a_mean_projection.n... 2024-10-01T13:25:30 2024-10-01T14:29:58 83.17 sec None 494267f7-3659-4e00-bd1b-13a682d64c3a
49 mcorr plane_20 tiff\extracted_plane_20.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': 91e15f4e-4a24-4359-b46a-4f940f43a5f2\91e15f4e-4a24-4359-b46a-4f940f43a5f2_mean_projection.n... 2024-10-01T13:25:30 2024-10-01T14:31:20 81.91 sec None 91e15f4e-4a24-4359-b46a-4f940f43a5f2
50 mcorr plane_21 tiff\extracted_plane_21.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': ce3ddb5f-6eb5-405d-9709-64ddca398408\ce3ddb5f-6eb5-405d-9709-64ddca398408_mean_projection.n... 2024-10-01T13:25:30 2024-10-01T14:32:42 82.2 sec None ce3ddb5f-6eb5-405d-9709-64ddca398408
51 mcorr plane_22 tiff\extracted_plane_22.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': 1808716b-35a5-4bb7-a7d3-62778918084d\1808716b-35a5-4bb7-a7d3-62778918084d_mean_projection.n... 2024-10-01T13:25:30 2024-10-01T14:34:04 81.48 sec None 1808716b-35a5-4bb7-a7d3-62778918084d
52 mcorr plane_23 tiff\extracted_plane_23.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': 5784d042-f190-4105-b015-04f40130dc18\5784d042-f190-4105-b015-04f40130dc18_mean_projection.n... 2024-10-01T13:25:30 2024-10-01T14:35:25 81.39 sec None 5784d042-f190-4105-b015-04f40130dc18
53 mcorr plane_24 tiff\extracted_plane_24.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': dd42d981-b7a7-48c5-8c8c-45d58501d47d\dd42d981-b7a7-48c5-8c8c-45d58501d47d_mean_projection.n... 2024-10-01T13:25:30 2024-10-01T14:36:47 81.92 sec None dd42d981-b7a7-48c5-8c8c-45d58501d47d
54 mcorr plane_25 tiff\extracted_plane_25.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': fe332115-db88-4765-b7d8-bb7d123483d6\fe332115-db88-4765-b7d8-bb7d123483d6_mean_projection.n... 2024-10-01T13:25:30 2024-10-01T14:38:12 84.54 sec None fe332115-db88-4765-b7d8-bb7d123483d6
55 mcorr plane_26 tiff\extracted_plane_26.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': c3383064-ae07-4fe6-af82-a907d69ad79d\c3383064-ae07-4fe6-af82-a907d69ad79d_mean_projection.n... 2024-10-01T13:25:30 2024-10-01T14:39:33 81.21 sec None c3383064-ae07-4fe6-af82-a907d69ad79d
56 mcorr plane_27 tiff\extracted_plane_27.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': 47e076e1-6c2c-48d2-96c0-e7f48c3b6155\47e076e1-6c2c-48d2-96c0-e7f48c3b6155_mean_projection.n... 2024-10-01T13:25:30 2024-10-01T14:40:57 82.91 sec None 47e076e1-6c2c-48d2-96c0-e7f48c3b6155
57 mcorr plane_28 tiff\extracted_plane_28.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': ee1c326b-1718-4e69-b6b2-36726b3acc18\ee1c326b-1718-4e69-b6b2-36726b3acc18_mean_projection.n... 2024-10-01T13:25:30 2024-10-01T14:42:20 83.01 sec None ee1c326b-1718-4e69-b6b2-36726b3acc18
58 mcorr plane_29 tiff\extracted_plane_29.tif {'main': {'var_name_hdf5': 'mov', 'max_shifts': (10, 10), 'strides': (48, 48), 'overlaps': (24, 24), 'max_deviation_... {'mean-projection-path': 5f1223e3-6473-43b8-9e86-cd03792053d1\5f1223e3-6473-43b8-9e86-cd03792053d1_mean_projection.n... 2024-10-01T13:25:30 2024-10-01T14:43:42 82.39 sec None 5f1223e3-6473-43b8-9e86-cd03792053d1
for i in range(2, 30):
    movie = parent_path / 'tiff' / f'extracted_plane_{i}.tif'
    df.caiman.run(
        algo='mcorr',
        input_movie_path=movie,
        params= df.iloc[0].params,
        item_name=f'plane_{i}',  # filename of the movie, but can be anything
    )
for i, row in df.iterrows():
    if row["outputs"] is not None: # item has already been run
        continue # skip

    process = row.caiman.run()

    # on Windows you MUST reload the batch dataframe after every iteration because it uses the `local` backend.
    # this is unnecessary on Linux & Mac
    # "DummyProcess" is used for local backend so this is automatic
    if process.__class__.__name__ == "DummyProcess":
        df = df.caiman.reload_from_disk()
Running c220fb8a-cef9-4784-91a2-84f33d760b75 with local backend
starting mc
      879795 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
      879910 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
      880745 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
      880746 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
      880746 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-50.0
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
      881246 [movies.py:apply_shifts():424] [29072] cubic interpolation
      881799 [movies.py:apply_shifts():424] [29072] cubic interpolation
      882402 [movies.py:apply_shifts():424] [29072] cubic interpolation
      882603 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 50.0
      882603 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
      882604 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
      882609 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
      882609 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
      882610 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
      882611 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
      882612 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
      882612 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
      882613 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
      882613 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
      882614 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
      882614 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
      882615 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
      882616 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
      882616 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
      882617 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
      882617 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
      882618 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
      882619 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
      906861 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
      906987 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 50.0
      906987 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
      906988 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_1.tif
<tifffile.TiffFile 'extracted_plane_1.tif'> shaped series axes do not match shape
      906992 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
      906993 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\c220fb8a-cef9-4784-91a2-84f33d760b75\extracted_plane_1_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
      906994 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
      906995 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
      906995 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
      906996 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
      906996 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
      906997 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
      906997 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
      906997 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
      906998 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
      906998 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
      906999 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
      906999 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
      907000 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
      907000 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
      907001 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
      907001 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
      939460 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
      963129 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running ecdbaa07-8893-4352-8658-19a8357306b8 with local backend
starting mc
      963290 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
      963395 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_2.tif'> shaped series axes do not match shape
      964435 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
      964435 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
      964436 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-45.0
<tifffile.TiffFile 'extracted_plane_2.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_2.tif'> shaped series axes do not match shape
      964921 [movies.py:apply_shifts():424] [29072] cubic interpolation
      965466 [movies.py:apply_shifts():424] [29072] cubic interpolation
      966010 [movies.py:apply_shifts():424] [29072] cubic interpolation
      966204 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 45.0
      966205 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
      966206 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_2.tif'> shaped series axes do not match shape
      966214 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
      966214 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
      966215 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
      966216 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
      966216 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
      966216 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
      966217 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
      966218 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
      966218 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
      966219 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
      966219 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
      966220 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
      966220 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
      966221 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
      966221 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
      966222 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
      966222 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
      990836 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
      990957 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 45.0
      990958 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
      990958 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_2.tif
<tifffile.TiffFile 'extracted_plane_2.tif'> shaped series axes do not match shape
      990963 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
      990965 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\ecdbaa07-8893-4352-8658-19a8357306b8\extracted_plane_2_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
      990965 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
      990965 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
      990966 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
      990966 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
      990967 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
      990967 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
      990968 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
      990968 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
      990968 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
      990969 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
      990969 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
      990970 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
      990970 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
      990971 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
      990971 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
      990972 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     1023864 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     1046975 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running 48bad9bd-8a15-4d42-ae64-cb199ff498bc with local backend
starting mc
     1047142 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     1047259 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_3.tif'> shaped series axes do not match shape
     1048963 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     1048963 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     1048964 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-66.0
<tifffile.TiffFile 'extracted_plane_3.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_3.tif'> shaped series axes do not match shape
     1049455 [movies.py:apply_shifts():424] [29072] cubic interpolation
     1050055 [movies.py:apply_shifts():424] [29072] cubic interpolation
     1050660 [movies.py:apply_shifts():424] [29072] cubic interpolation
     1050863 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 66.0
     1050864 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     1050864 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_3.tif'> shaped series axes do not match shape
     1050868 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     1050869 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     1050869 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     1050870 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     1050870 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     1050871 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     1050871 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     1050872 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     1050872 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     1050873 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     1050873 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     1050873 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     1050874 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     1050874 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     1050875 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     1050875 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     1050875 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     1076106 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     1076219 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 66.0
     1076220 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     1076220 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_3.tif
<tifffile.TiffFile 'extracted_plane_3.tif'> shaped series axes do not match shape
     1076224 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     1076226 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\48bad9bd-8a15-4d42-ae64-cb199ff498bc\extracted_plane_3_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     1076226 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     1076226 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     1076227 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     1076227 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     1076228 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     1076228 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     1076228 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     1076229 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     1076229 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     1076230 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     1076230 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     1076230 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     1076231 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     1076231 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     1076232 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     1076232 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     1108012 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     1130946 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running 29217cfc-8575-4c35-b8b0-2fb29a4cb416 with local backend
starting mc
     1131125 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     1131248 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_4.tif'> shaped series axes do not match shape
     1132367 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     1132368 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     1132368 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-92.0
<tifffile.TiffFile 'extracted_plane_4.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_4.tif'> shaped series axes do not match shape
     1132618 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -20.0
     1132619 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     1132919 [movies.py:apply_shifts():424] [29072] cubic interpolation
     1133180 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -20.0
     1133181 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     1133493 [movies.py:apply_shifts():424] [29072] cubic interpolation
     1133772 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -20.0
     1133772 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     1134050 [movies.py:apply_shifts():424] [29072] cubic interpolation
     1134249 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 92.0
     1134250 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     1134251 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_4.tif'> shaped series axes do not match shape
     1134255 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     1134256 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     1134257 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     1134258 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     1134259 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     1134260 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     1134261 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     1134262 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     1134263 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     1134264 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     1134264 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     1134265 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     1134266 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     1134267 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     1134267 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     1134268 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     1134268 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     1158729 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     1158845 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 92.0
     1158846 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     1158846 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_4.tif
<tifffile.TiffFile 'extracted_plane_4.tif'> shaped series axes do not match shape
     1158850 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     1158851 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\29217cfc-8575-4c35-b8b0-2fb29a4cb416\extracted_plane_4_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     1158852 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     1158852 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     1158853 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     1158853 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     1158854 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     1158854 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     1158854 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     1158855 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     1158856 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     1158856 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     1158857 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     1158857 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     1158858 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     1158858 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     1158859 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     1158859 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     1191011 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     1214055 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running f9e87c87-913e-4027-a3bd-83c4c7182493 with local backend
starting mc
     1214175 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     1214284 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_5.tif'> shaped series axes do not match shape
     1215324 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     1215324 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     1215324 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-41.0
<tifffile.TiffFile 'extracted_plane_5.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_5.tif'> shaped series axes do not match shape
     1215822 [movies.py:apply_shifts():424] [29072] cubic interpolation
     1216393 [movies.py:apply_shifts():424] [29072] cubic interpolation
     1216914 [movies.py:apply_shifts():424] [29072] cubic interpolation
     1217122 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 41.0
     1217123 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     1217123 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_5.tif'> shaped series axes do not match shape
     1217128 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     1217129 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     1217130 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     1217131 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     1217131 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     1217132 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     1217132 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     1217133 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     1217133 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     1217134 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     1217135 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     1217135 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     1217135 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     1217136 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     1217137 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     1217137 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     1217137 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     1241513 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     1241642 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 41.0
     1241642 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     1241643 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_5.tif
<tifffile.TiffFile 'extracted_plane_5.tif'> shaped series axes do not match shape
     1241647 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     1241649 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\f9e87c87-913e-4027-a3bd-83c4c7182493\extracted_plane_5_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     1241649 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     1241650 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     1241651 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     1241651 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     1241652 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     1241652 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     1241653 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     1241653 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     1241654 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     1241654 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     1241654 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     1241655 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     1241655 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     1241656 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     1241656 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     1241657 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     1273635 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     1296479 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running baf9fc6a-9159-46fd-a6b8-603d02c30c99 with local backend
starting mc
     1296619 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     1296729 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_6.tif'> shaped series axes do not match shape
     1297672 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     1297673 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     1297673 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-52.0
<tifffile.TiffFile 'extracted_plane_6.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_6.tif'> shaped series axes do not match shape
     1298125 [movies.py:apply_shifts():424] [29072] cubic interpolation
     1298731 [movies.py:apply_shifts():424] [29072] cubic interpolation
     1299268 [movies.py:apply_shifts():424] [29072] cubic interpolation
     1299473 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 52.0
     1299474 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     1299474 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_6.tif'> shaped series axes do not match shape
     1299479 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     1299479 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     1299479 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     1299480 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     1299481 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     1299482 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     1299482 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     1299483 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     1299483 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     1299484 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     1299484 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     1299485 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     1299485 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     1299486 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     1299487 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     1299487 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     1299487 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     1324082 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     1324195 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 52.0
     1324195 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     1324196 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_6.tif
<tifffile.TiffFile 'extracted_plane_6.tif'> shaped series axes do not match shape
     1324200 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     1324202 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\baf9fc6a-9159-46fd-a6b8-603d02c30c99\extracted_plane_6_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     1324202 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     1324203 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     1324203 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     1324204 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     1324204 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     1324205 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     1324205 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     1324206 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     1324206 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     1324207 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     1324207 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     1324208 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     1324208 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     1324209 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     1324210 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     1324210 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     1355974 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     1379091 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running 7afd6d4c-7787-4e02-8dfc-fd0ce578164d with local backend
starting mc
     1379252 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     1379357 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_7.tif'> shaped series axes do not match shape
     1380396 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     1380397 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     1380398 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-48.0
<tifffile.TiffFile 'extracted_plane_7.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_7.tif'> shaped series axes do not match shape
     1380965 [movies.py:apply_shifts():424] [29072] cubic interpolation
     1381518 [movies.py:apply_shifts():424] [29072] cubic interpolation
     1382087 [movies.py:apply_shifts():424] [29072] cubic interpolation
     1382282 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 48.0
     1382282 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     1382283 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_7.tif'> shaped series axes do not match shape
     1382286 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     1382287 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     1382287 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     1382288 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     1382288 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     1382289 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     1382289 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     1382289 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     1382290 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     1382290 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     1382291 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     1382291 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     1382292 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     1382292 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     1382292 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     1382293 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     1382293 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     1406895 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     1407019 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 48.0
     1407020 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     1407021 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_7.tif
<tifffile.TiffFile 'extracted_plane_7.tif'> shaped series axes do not match shape
     1407025 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     1407026 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\7afd6d4c-7787-4e02-8dfc-fd0ce578164d\extracted_plane_7_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     1407027 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     1407028 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     1407028 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     1407029 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     1407030 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     1407030 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     1407031 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     1407032 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     1407033 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     1407033 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     1407034 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     1407034 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     1407035 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     1407035 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     1407036 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     1407036 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     1438968 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     1461240 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running 28a3cd15-7671-4a5e-8744-9e8e73e35ee9 with local backend
starting mc
     1461368 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     1461484 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_8.tif'> shaped series axes do not match shape
     1463309 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     1463309 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     1463310 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-35.0
<tifffile.TiffFile 'extracted_plane_8.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_8.tif'> shaped series axes do not match shape
     1464137 [movies.py:apply_shifts():424] [29072] cubic interpolation
     1464711 [movies.py:apply_shifts():424] [29072] cubic interpolation
     1465251 [movies.py:apply_shifts():424] [29072] cubic interpolation
     1465465 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 35.0
     1465465 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     1465466 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_8.tif'> shaped series axes do not match shape
     1465470 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     1465470 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     1465471 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     1465471 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     1465472 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     1465473 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     1465473 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     1465474 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     1465474 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     1465475 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     1465475 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     1465476 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     1465476 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     1465476 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     1465477 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     1465477 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     1465477 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     1489731 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     1489847 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 35.0
     1489848 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     1489848 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_8.tif
<tifffile.TiffFile 'extracted_plane_8.tif'> shaped series axes do not match shape
     1489852 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     1489853 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\28a3cd15-7671-4a5e-8744-9e8e73e35ee9\extracted_plane_8_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     1489854 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     1489854 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     1489855 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     1489855 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     1489856 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     1489856 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     1489857 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     1489857 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     1489858 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     1489858 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     1489859 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     1489859 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     1489860 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     1489860 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     1489861 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     1489861 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     1522112 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     1545166 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running 379d8c22-52c6-4a6a-ae8e-69ccd1d5c5ed with local backend
starting mc
     1545308 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     1545407 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_9.tif'> shaped series axes do not match shape
     1546796 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     1546797 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     1546797 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-37.0
<tifffile.TiffFile 'extracted_plane_9.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_9.tif'> shaped series axes do not match shape
     1547263 [movies.py:apply_shifts():424] [29072] cubic interpolation
     1547855 [movies.py:apply_shifts():424] [29072] cubic interpolation
     1548472 [movies.py:apply_shifts():424] [29072] cubic interpolation
     1548680 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 37.0
     1548680 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     1548681 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_9.tif'> shaped series axes do not match shape
     1548687 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     1548688 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     1548688 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     1548689 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     1548689 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     1548690 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     1548691 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     1548691 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     1548692 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     1548693 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     1548693 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     1548694 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     1548695 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     1548695 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     1548696 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     1548697 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     1548697 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     1573056 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     1573168 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 37.0
     1573168 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     1573169 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_9.tif
<tifffile.TiffFile 'extracted_plane_9.tif'> shaped series axes do not match shape
     1573173 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     1573174 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\379d8c22-52c6-4a6a-ae8e-69ccd1d5c5ed\extracted_plane_9_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     1573175 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     1573175 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     1573175 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     1573176 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     1573177 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     1573177 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     1573178 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     1573178 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     1573179 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     1573179 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     1573180 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     1573180 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     1573180 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     1573181 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     1573181 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     1573182 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     1605226 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     1628331 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running 679fe640-ee6c-480c-bc71-e941000b8851 with local backend
starting mc
     1628474 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     1628575 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_10.tif'> shaped series axes do not match shape
     1629520 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     1629521 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     1629521 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-40.0
<tifffile.TiffFile 'extracted_plane_10.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_10.tif'> shaped series axes do not match shape
     1629989 [movies.py:apply_shifts():424] [29072] cubic interpolation
     1630539 [movies.py:apply_shifts():424] [29072] cubic interpolation
     1631105 [movies.py:apply_shifts():424] [29072] cubic interpolation
     1631320 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 40.0
     1631321 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     1631322 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_10.tif'> shaped series axes do not match shape
     1631326 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     1631326 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     1631327 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     1631327 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     1631328 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     1631328 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     1631329 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     1631329 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     1631330 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     1631330 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     1631331 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     1631331 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     1631332 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     1631332 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     1631332 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     1631333 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     1631333 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     1654914 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     1655027 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 40.0
     1655027 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     1655028 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_10.tif
<tifffile.TiffFile 'extracted_plane_10.tif'> shaped series axes do not match shape
     1655032 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     1655033 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\679fe640-ee6c-480c-bc71-e941000b8851\extracted_plane_10_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     1655034 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     1655034 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     1655034 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     1655035 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     1655035 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     1655036 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     1655037 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     1655038 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     1655039 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     1655039 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     1655040 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     1655041 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     1655042 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     1655042 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     1655043 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     1655043 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     1687403 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     1710981 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running d5f2446a-0f42-472a-b969-735c7980b96b with local backend
starting mc
     1711130 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     1711230 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_11.tif'> shaped series axes do not match shape
     1712173 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     1712173 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     1712174 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-47.0
<tifffile.TiffFile 'extracted_plane_11.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_11.tif'> shaped series axes do not match shape
     1712682 [movies.py:apply_shifts():424] [29072] cubic interpolation
     1713248 [movies.py:apply_shifts():424] [29072] cubic interpolation
     1713837 [movies.py:apply_shifts():424] [29072] cubic interpolation
     1714056 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 47.0
     1714056 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     1714057 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_11.tif'> shaped series axes do not match shape
     1714062 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     1714062 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     1714063 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     1714063 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     1714064 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     1714064 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     1714065 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     1714066 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     1714066 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     1714067 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     1714068 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     1714069 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     1714069 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     1714070 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     1714070 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     1714071 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     1714071 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     1738361 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     1738491 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 47.0
     1738491 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     1738492 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_11.tif
<tifffile.TiffFile 'extracted_plane_11.tif'> shaped series axes do not match shape
     1738496 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     1738498 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\d5f2446a-0f42-472a-b969-735c7980b96b\extracted_plane_11_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     1738498 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     1738498 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     1738499 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     1738500 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     1738500 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     1738501 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     1738501 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     1738502 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     1738502 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     1738503 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     1738503 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     1738504 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     1738504 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     1738505 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     1738505 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     1738505 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     1770224 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     1793345 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running 888fa033-522f-4fec-bbd6-607f93fffc11 with local backend
starting mc
     1793465 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     1793565 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_12.tif'> shaped series axes do not match shape
     1794446 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     1794446 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     1794447 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-57.0
<tifffile.TiffFile 'extracted_plane_12.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_12.tif'> shaped series axes do not match shape
     1794967 [movies.py:apply_shifts():424] [29072] cubic interpolation
     1795533 [movies.py:apply_shifts():424] [29072] cubic interpolation
     1796117 [movies.py:apply_shifts():424] [29072] cubic interpolation
     1796340 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 57.0
     1796340 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     1796341 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_12.tif'> shaped series axes do not match shape
     1796345 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     1796346 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     1796347 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     1796347 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     1796348 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     1796348 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     1796349 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     1796349 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     1796350 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     1796350 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     1796350 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     1796351 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     1796351 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     1796352 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     1796352 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     1796352 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     1796353 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     1820291 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     1820411 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 57.0
     1820412 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     1820413 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_12.tif
<tifffile.TiffFile 'extracted_plane_12.tif'> shaped series axes do not match shape
     1820418 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     1820419 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\888fa033-522f-4fec-bbd6-607f93fffc11\extracted_plane_12_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     1820419 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     1820420 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     1820420 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     1820421 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     1820421 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     1820422 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     1820422 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     1820423 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     1820424 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     1820424 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     1820425 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     1820426 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     1820426 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     1820427 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     1820427 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     1820428 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     1853209 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     1876196 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running 9c53c1bc-e865-4977-89da-1c1bff7d4d21 with local backend
starting mc
     1876340 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     1876457 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_13.tif'> shaped series axes do not match shape
     1877364 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     1877364 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     1877365 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-53.0
<tifffile.TiffFile 'extracted_plane_13.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_13.tif'> shaped series axes do not match shape
     1877620 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -5.0
     1877620 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     1877906 [movies.py:apply_shifts():424] [29072] cubic interpolation
     1878201 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -5.0
     1878201 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     1878482 [movies.py:apply_shifts():424] [29072] cubic interpolation
     1878750 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -5.0
     1878750 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     1879024 [movies.py:apply_shifts():424] [29072] cubic interpolation
     1879212 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 53.0
     1879213 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     1879214 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_13.tif'> shaped series axes do not match shape
     1879219 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     1879219 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     1879220 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     1879220 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     1879220 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     1879221 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     1879221 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     1879222 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     1879223 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     1879223 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     1879223 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     1879224 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     1879224 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     1879225 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     1879225 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     1879226 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     1879226 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     1903495 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     1903622 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 53.0
     1903623 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     1903624 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_13.tif
<tifffile.TiffFile 'extracted_plane_13.tif'> shaped series axes do not match shape
     1903628 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     1903630 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\9c53c1bc-e865-4977-89da-1c1bff7d4d21\extracted_plane_13_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     1903630 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     1903630 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     1903631 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     1903632 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     1903633 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     1903633 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     1903633 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     1903634 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     1903635 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     1903635 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     1903636 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     1903636 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     1903637 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     1903637 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     1903638 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     1903638 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     1935614 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     1958160 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running 6f3101c4-9792-497a-939f-5a4780848a0d with local backend
starting mc
     1958282 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     1958408 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_14.tif'> shaped series axes do not match shape
     1959336 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     1959336 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     1959337 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-56.0
<tifffile.TiffFile 'extracted_plane_14.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_14.tif'> shaped series axes do not match shape
     1959604 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -11.0
     1959605 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     1959884 [movies.py:apply_shifts():424] [29072] cubic interpolation
     1960163 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -11.0
     1960163 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     1960434 [movies.py:apply_shifts():424] [29072] cubic interpolation
     1960695 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -11.0
     1960695 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     1960983 [movies.py:apply_shifts():424] [29072] cubic interpolation
     1961170 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 56.0
     1961170 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     1961171 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_14.tif'> shaped series axes do not match shape
     1961175 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     1961176 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     1961176 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     1961177 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     1961177 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     1961178 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     1961178 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     1961179 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     1961179 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     1961180 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     1961181 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     1961181 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     1961182 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     1961182 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     1961183 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     1961183 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     1961184 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     1985861 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     1985989 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 56.0
     1985989 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     1985991 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_14.tif
<tifffile.TiffFile 'extracted_plane_14.tif'> shaped series axes do not match shape
     1985996 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     1985997 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\6f3101c4-9792-497a-939f-5a4780848a0d\extracted_plane_14_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     1985998 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     1985998 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     1985999 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     1985999 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     1986000 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     1986000 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     1986001 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     1986001 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     1986002 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     1986002 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     1986003 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     1986004 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     1986004 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     1986005 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     1986005 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     1986005 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     2017873 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     2040584 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running 41ed61cb-4b3e-4117-9db6-e054b1d8c697 with local backend
starting mc
     2040726 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     2040841 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_15.tif'> shaped series axes do not match shape
     2041726 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     2041727 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     2041727 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-60.0
<tifffile.TiffFile 'extracted_plane_15.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_15.tif'> shaped series axes do not match shape
     2041977 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -15.0
     2041977 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     2042241 [movies.py:apply_shifts():424] [29072] cubic interpolation
     2042548 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -15.0
     2042549 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     2042818 [movies.py:apply_shifts():424] [29072] cubic interpolation
     2043103 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -15.0
     2043103 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     2043380 [movies.py:apply_shifts():424] [29072] cubic interpolation
     2043571 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 60.0
     2043571 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     2043572 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_15.tif'> shaped series axes do not match shape
     2043577 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     2043578 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     2043578 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     2043579 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     2043579 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     2043580 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     2043580 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     2043581 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     2043582 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     2043582 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     2043583 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     2043583 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     2043584 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     2043585 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     2043585 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     2043586 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     2043586 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     2067548 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     2067660 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 60.0
     2067660 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     2067661 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_15.tif
<tifffile.TiffFile 'extracted_plane_15.tif'> shaped series axes do not match shape
     2067665 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     2067666 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\41ed61cb-4b3e-4117-9db6-e054b1d8c697\extracted_plane_15_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     2067667 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     2067667 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     2067668 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     2067668 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     2067669 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     2067669 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     2067670 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     2067670 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     2067671 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     2067671 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     2067672 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     2067672 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     2067673 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     2067673 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     2067674 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     2067674 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     2099924 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     2123161 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running 625b34c3-eae3-4ad8-8015-5cc48122c7ec with local backend
starting mc
     2123281 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     2123383 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_16.tif'> shaped series axes do not match shape
     2124381 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     2124382 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     2124382 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-83.0
<tifffile.TiffFile 'extracted_plane_16.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_16.tif'> shaped series axes do not match shape
     2124626 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -19.0
     2124627 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     2124897 [movies.py:apply_shifts():424] [29072] cubic interpolation
     2125151 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -19.0
     2125152 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     2125441 [movies.py:apply_shifts():424] [29072] cubic interpolation
     2125685 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -19.0
     2125686 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     2125963 [movies.py:apply_shifts():424] [29072] cubic interpolation
     2126154 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 83.0
     2126155 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     2126156 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_16.tif'> shaped series axes do not match shape
     2126160 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     2126161 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     2126162 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     2126162 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     2126163 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     2126163 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     2126164 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     2126164 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     2126165 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     2126166 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     2126166 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     2126167 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     2126168 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     2126168 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     2126169 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     2126169 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     2126170 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     2150468 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     2150582 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 83.0
     2150583 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     2150583 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_16.tif
<tifffile.TiffFile 'extracted_plane_16.tif'> shaped series axes do not match shape
     2150588 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     2150589 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\625b34c3-eae3-4ad8-8015-5cc48122c7ec\extracted_plane_16_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     2150590 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     2150590 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     2150591 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     2150591 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     2150591 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     2150592 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     2150593 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     2150593 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     2150594 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     2150594 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     2150595 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     2150596 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     2150596 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     2150597 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     2150597 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     2150598 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     2182036 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     2205274 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running e6a54884-a8a8-447b-be78-70957a62f161 with local backend
starting mc
     2205425 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     2205550 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_17.tif'> shaped series axes do not match shape
     2206462 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     2206463 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     2206463 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-71.0
<tifffile.TiffFile 'extracted_plane_17.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_17.tif'> shaped series axes do not match shape
     2206674 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -23.0
     2206675 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     2206935 [movies.py:apply_shifts():424] [29072] cubic interpolation
     2207188 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -23.0
     2207189 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     2207473 [movies.py:apply_shifts():424] [29072] cubic interpolation
     2207733 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -23.0
     2207733 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     2207998 [movies.py:apply_shifts():424] [29072] cubic interpolation
     2208183 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 71.0
     2208183 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     2208184 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_17.tif'> shaped series axes do not match shape
     2208192 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     2208192 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     2208193 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     2208194 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     2208194 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     2208195 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     2208195 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     2208196 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     2208197 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     2208197 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     2208198 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     2208199 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     2208199 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     2208200 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     2208201 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     2208201 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     2208202 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     2232723 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     2232850 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 71.0
     2232851 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     2232851 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_17.tif
<tifffile.TiffFile 'extracted_plane_17.tif'> shaped series axes do not match shape
     2232855 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     2232856 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\e6a54884-a8a8-447b-be78-70957a62f161\extracted_plane_17_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     2232857 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     2232857 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     2232858 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     2232858 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     2232859 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     2232859 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     2232860 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     2232860 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     2232861 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     2232861 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     2232862 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     2232863 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     2232863 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     2232864 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     2232864 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     2232864 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     2265437 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     2288831 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running c21edffc-96ae-4103-b0e7-9ae4af82a6a7 with local backend
starting mc
     2288980 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     2289091 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_18.tif'> shaped series axes do not match shape
     2290054 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     2290055 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     2290055 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-110.0
<tifffile.TiffFile 'extracted_plane_18.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_18.tif'> shaped series axes do not match shape
     2290622 [movies.py:apply_shifts():424] [29072] cubic interpolation
     2291151 [movies.py:apply_shifts():424] [29072] cubic interpolation
     2291691 [movies.py:apply_shifts():424] [29072] cubic interpolation
     2291883 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 110.0
     2291884 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     2291885 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_18.tif'> shaped series axes do not match shape
     2291889 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     2291889 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     2291890 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     2291891 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     2291891 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     2291892 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     2291892 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     2291893 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     2291893 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     2291894 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     2291895 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     2291895 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     2291897 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     2291898 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     2291898 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     2291899 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     2291899 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     2316231 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     2316372 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 110.0
     2316373 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     2316373 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_18.tif
<tifffile.TiffFile 'extracted_plane_18.tif'> shaped series axes do not match shape
     2316377 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     2316378 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\c21edffc-96ae-4103-b0e7-9ae4af82a6a7\extracted_plane_18_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     2316379 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     2316379 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     2316380 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     2316380 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     2316381 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     2316381 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     2316382 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     2316382 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     2316383 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     2316383 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     2316383 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     2316384 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     2316385 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     2316385 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     2316386 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     2316386 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     2348106 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     2370675 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running bbcf4810-f29e-4fde-a425-fa81a34e7c14 with local backend
starting mc
     2370815 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     2370931 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_19.tif'> shaped series axes do not match shape
     2371885 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     2371886 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     2371886 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-73.0
<tifffile.TiffFile 'extracted_plane_19.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_19.tif'> shaped series axes do not match shape
     2372445 [movies.py:apply_shifts():424] [29072] cubic interpolation
     2373007 [movies.py:apply_shifts():424] [29072] cubic interpolation
     2373590 [movies.py:apply_shifts():424] [29072] cubic interpolation
     2373775 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 73.0
     2373775 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     2373776 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_19.tif'> shaped series axes do not match shape
     2373780 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     2373781 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     2373781 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     2373782 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     2373782 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     2373783 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     2373784 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     2373784 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     2373785 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     2373786 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     2373786 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     2373787 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     2373788 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     2373788 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     2373789 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     2373789 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     2373790 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     2398027 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     2398154 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 73.0
     2398155 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     2398155 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_19.tif
<tifffile.TiffFile 'extracted_plane_19.tif'> shaped series axes do not match shape
     2398159 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     2398160 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\bbcf4810-f29e-4fde-a425-fa81a34e7c14\extracted_plane_19_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     2398161 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     2398161 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     2398162 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     2398162 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     2398162 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     2398163 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     2398164 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     2398164 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     2398165 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     2398165 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     2398166 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     2398166 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     2398167 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     2398167 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     2398168 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     2398168 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     2430417 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     2453373 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running 3f1399d9-951f-46b7-8424-8a5019984015 with local backend
starting mc
     2453506 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     2453606 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_20.tif'> shaped series axes do not match shape
     2454696 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     2454697 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     2454698 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-71.0
<tifffile.TiffFile 'extracted_plane_20.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_20.tif'> shaped series axes do not match shape
     2455208 [movies.py:apply_shifts():424] [29072] cubic interpolation
     2455779 [movies.py:apply_shifts():424] [29072] cubic interpolation
     2456327 [movies.py:apply_shifts():424] [29072] cubic interpolation
     2456583 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 71.0
     2456583 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     2456584 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_20.tif'> shaped series axes do not match shape
     2456588 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     2456589 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     2456589 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     2456590 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     2456590 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     2456591 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     2456591 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     2456592 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     2456592 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     2456593 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     2456593 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     2456594 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     2456594 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     2456594 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     2456595 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     2456596 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     2456596 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     2482221 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     2482333 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 71.0
     2482334 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     2482334 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_20.tif
<tifffile.TiffFile 'extracted_plane_20.tif'> shaped series axes do not match shape
     2482339 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     2482341 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\3f1399d9-951f-46b7-8424-8a5019984015\extracted_plane_20_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     2482341 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     2482342 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     2482342 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     2482342 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     2482343 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     2482344 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     2482344 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     2482345 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     2482345 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     2482346 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     2482346 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     2482347 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     2482348 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     2482348 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     2482348 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     2482348 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     2514365 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     2536999 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running 666389a4-64ae-48e1-bcb0-381a48cff336 with local backend
starting mc
     2537150 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     2537279 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_21.tif'> shaped series axes do not match shape
     2538144 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     2538145 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     2538145 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-79.0
<tifffile.TiffFile 'extracted_plane_21.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_21.tif'> shaped series axes do not match shape
     2538372 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -9.0
     2538373 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     2538707 [movies.py:apply_shifts():424] [29072] cubic interpolation
     2539021 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -9.0
     2539022 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     2539354 [movies.py:apply_shifts():424] [29072] cubic interpolation
     2539612 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -9.0
     2539613 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     2539911 [movies.py:apply_shifts():424] [29072] cubic interpolation
     2540123 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 79.0
     2540123 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     2540124 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_21.tif'> shaped series axes do not match shape
     2540128 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     2540128 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     2540129 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     2540130 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     2540130 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     2540131 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     2540131 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     2540132 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     2540132 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     2540132 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     2540133 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     2540134 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     2540134 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     2540135 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     2540135 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     2540136 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     2540136 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     2564196 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     2564317 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 79.0
     2564318 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     2564319 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_21.tif
<tifffile.TiffFile 'extracted_plane_21.tif'> shaped series axes do not match shape
     2564323 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     2564325 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\666389a4-64ae-48e1-bcb0-381a48cff336\extracted_plane_21_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     2564325 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     2564326 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     2564326 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     2564326 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     2564327 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     2564328 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     2564328 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     2564329 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     2564329 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     2564330 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     2564330 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     2564331 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     2564331 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     2564332 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     2564332 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     2564333 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     2596553 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     2619507 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running 09e7e82e-3365-409d-b961-33e51d022ba5 with local backend
starting mc
     2619656 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     2619765 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_22.tif'> shaped series axes do not match shape
     2621226 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     2621226 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     2621227 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-84.0
<tifffile.TiffFile 'extracted_plane_22.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_22.tif'> shaped series axes do not match shape
     2621516 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -15.0
     2621517 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     2621827 [movies.py:apply_shifts():424] [29072] cubic interpolation
     2622184 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -15.0
     2622185 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     2622489 [movies.py:apply_shifts():424] [29072] cubic interpolation
     2622797 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -15.0
     2622798 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     2623058 [movies.py:apply_shifts():424] [29072] cubic interpolation
     2623250 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 84.0
     2623250 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     2623251 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_22.tif'> shaped series axes do not match shape
     2623255 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     2623256 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     2623256 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     2623257 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     2623258 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     2623258 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     2623259 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     2623259 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     2623260 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     2623261 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     2623261 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     2623262 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     2623262 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     2623263 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     2623264 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     2623264 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     2623265 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     2647781 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     2647895 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 84.0
     2647895 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     2647896 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_22.tif
<tifffile.TiffFile 'extracted_plane_22.tif'> shaped series axes do not match shape
     2647900 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     2647901 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\09e7e82e-3365-409d-b961-33e51d022ba5\extracted_plane_22_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     2647901 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     2647902 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     2647902 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     2647903 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     2647903 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     2647904 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     2647904 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     2647905 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     2647905 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     2647906 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     2647906 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     2647907 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     2647908 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     2647908 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     2647908 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     2647909 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     2679862 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     2703103 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running 450d0648-35c0-4528-b199-c448b4b3de7a with local backend
starting mc
     2703247 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     2703362 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_23.tif'> shaped series axes do not match shape
     2704265 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     2704265 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     2704266 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-91.0
<tifffile.TiffFile 'extracted_plane_23.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_23.tif'> shaped series axes do not match shape
     2704467 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -18.0
     2704467 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     2704729 [movies.py:apply_shifts():424] [29072] cubic interpolation
     2704982 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -18.0
     2704982 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     2705258 [movies.py:apply_shifts():424] [29072] cubic interpolation
     2705502 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -18.0
     2705503 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     2705787 [movies.py:apply_shifts():424] [29072] cubic interpolation
     2705984 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 91.0
     2705985 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     2705986 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_23.tif'> shaped series axes do not match shape
     2705991 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     2705992 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     2705993 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     2705993 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     2705994 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     2705994 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     2705995 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     2705995 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     2705996 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     2705996 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     2705997 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     2705998 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     2705998 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     2705999 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     2705999 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     2705999 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     2706000 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     2730186 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     2730305 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 91.0
     2730305 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     2730306 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_23.tif
<tifffile.TiffFile 'extracted_plane_23.tif'> shaped series axes do not match shape
     2730311 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     2730312 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\450d0648-35c0-4528-b199-c448b4b3de7a\extracted_plane_23_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     2730312 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     2730313 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     2730313 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     2730314 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     2730314 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     2730315 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     2730316 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     2730316 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     2730317 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     2730317 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     2730318 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     2730318 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     2730319 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     2730319 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     2730319 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     2730320 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     2762200 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     2785269 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running 31b2befb-4833-4a1e-83ef-4c177244bd33 with local backend
starting mc
     2785420 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     2785522 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_24.tif'> shaped series axes do not match shape
     2786580 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     2786580 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     2786580 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-101.0
<tifffile.TiffFile 'extracted_plane_24.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_24.tif'> shaped series axes do not match shape
     2786790 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -23.0
     2786790 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     2787054 [movies.py:apply_shifts():424] [29072] cubic interpolation
     2787346 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -23.0
     2787346 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     2787634 [movies.py:apply_shifts():424] [29072] cubic interpolation
     2787900 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -23.0
     2787900 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     2788156 [movies.py:apply_shifts():424] [29072] cubic interpolation
     2788347 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 101.0
     2788347 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     2788348 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_24.tif'> shaped series axes do not match shape
     2788352 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     2788353 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     2788353 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     2788354 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     2788354 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     2788355 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     2788356 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     2788356 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     2788357 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     2788357 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     2788358 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     2788359 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     2788360 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     2788360 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     2788361 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     2788361 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     2788361 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     2812816 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     2812932 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 101.0
     2812932 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     2812933 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_24.tif
<tifffile.TiffFile 'extracted_plane_24.tif'> shaped series axes do not match shape
     2812937 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     2812938 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\31b2befb-4833-4a1e-83ef-4c177244bd33\extracted_plane_24_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     2812938 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     2812939 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     2812939 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     2812940 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     2812940 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     2812940 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     2812941 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     2812941 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     2812942 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     2812942 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     2812943 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     2812943 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     2812944 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     2812944 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     2812945 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     2812945 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     2844894 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     2868347 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running b60dc323-4e70-4c7f-88f8-f7255e9252c5 with local backend
starting mc
     2868466 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     2868581 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_25.tif'> shaped series axes do not match shape
     2869422 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     2869422 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     2869422 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-89.0
<tifffile.TiffFile 'extracted_plane_25.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_25.tif'> shaped series axes do not match shape
     2869654 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -22.0
     2869655 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     2869943 [movies.py:apply_shifts():424] [29072] cubic interpolation
     2870230 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -22.0
     2870230 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     2870543 [movies.py:apply_shifts():424] [29072] cubic interpolation
     2870821 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -22.0
     2870821 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     2871093 [movies.py:apply_shifts():424] [29072] cubic interpolation
     2871313 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 89.0
     2871314 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     2871314 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_25.tif'> shaped series axes do not match shape
     2871319 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     2871320 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     2871320 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     2871321 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     2871321 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     2871322 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     2871323 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     2871323 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     2871323 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     2871324 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     2871324 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     2871325 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     2871325 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     2871326 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     2871327 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     2871327 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     2871328 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     2895528 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     2895660 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 89.0
     2895661 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     2895662 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_25.tif
<tifffile.TiffFile 'extracted_plane_25.tif'> shaped series axes do not match shape
     2895667 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     2895669 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\b60dc323-4e70-4c7f-88f8-f7255e9252c5\extracted_plane_25_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     2895669 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     2895670 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     2895671 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     2895671 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     2895672 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     2895672 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     2895673 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     2895673 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     2895674 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     2895675 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     2895675 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     2895676 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     2895677 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     2895677 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     2895678 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     2895678 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     2928967 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     2952107 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running 6edd066c-6801-4c96-b71e-a34f3f446514 with local backend
starting mc
     2952254 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     2952373 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_26.tif'> shaped series axes do not match shape
     2953222 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     2953223 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     2953224 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-86.0
<tifffile.TiffFile 'extracted_plane_26.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_26.tif'> shaped series axes do not match shape
     2953443 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -25.0
     2953444 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     2953739 [movies.py:apply_shifts():424] [29072] cubic interpolation
     2954017 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -25.0
     2954018 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     2954329 [movies.py:apply_shifts():424] [29072] cubic interpolation
     2954594 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -25.0
     2954594 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     2954864 [movies.py:apply_shifts():424] [29072] cubic interpolation
     2955065 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 86.0
     2955065 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     2955066 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_26.tif'> shaped series axes do not match shape
     2955070 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     2955071 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     2955071 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     2955072 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     2955072 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     2955073 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     2955074 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     2955075 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     2955075 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     2955076 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     2955076 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     2955077 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     2955077 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     2955077 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     2955078 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     2955078 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     2955078 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     2979647 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     2979774 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 86.0
     2979775 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     2979775 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_26.tif
<tifffile.TiffFile 'extracted_plane_26.tif'> shaped series axes do not match shape
     2979779 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     2979780 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\6edd066c-6801-4c96-b71e-a34f3f446514\extracted_plane_26_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     2979781 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     2979781 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     2979781 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     2979782 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     2979782 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     2979783 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     2979783 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     2979783 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     2979784 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     2979784 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     2979785 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     2979785 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     2979786 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     2979786 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     2979786 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     2979787 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     3011031 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     3033160 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running df55466a-8e2e-44d7-93d6-bc2ba0c5ab01 with local backend
starting mc
     3033318 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     3033429 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_27.tif'> shaped series axes do not match shape
     3034363 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     3034364 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     3034364 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-102.0
<tifffile.TiffFile 'extracted_plane_27.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_27.tif'> shaped series axes do not match shape
     3034647 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -27.0
     3034647 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     3034939 [movies.py:apply_shifts():424] [29072] cubic interpolation
     3035259 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -27.0
     3035260 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     3035571 [movies.py:apply_shifts():424] [29072] cubic interpolation
     3035902 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -27.0
     3035903 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     3036204 [movies.py:apply_shifts():424] [29072] cubic interpolation
     3036436 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 102.0
     3036436 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     3036437 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_27.tif'> shaped series axes do not match shape
     3036440 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     3036441 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     3036441 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     3036442 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     3036442 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     3036443 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     3036443 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     3036444 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     3036444 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     3036445 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     3036445 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     3036445 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     3036446 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     3036446 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     3036447 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     3036447 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     3036448 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     3060518 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     3060639 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 102.0
     3060640 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     3060640 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_27.tif
<tifffile.TiffFile 'extracted_plane_27.tif'> shaped series axes do not match shape
     3060645 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     3060646 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\df55466a-8e2e-44d7-93d6-bc2ba0c5ab01\extracted_plane_27_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     3060647 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     3060647 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     3060648 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     3060648 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     3060649 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     3060649 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     3060650 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     3060650 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     3060651 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     3060652 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     3060652 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     3060653 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     3060653 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     3060654 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     3060654 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     3060654 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     3092245 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     3115089 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running 2f2fa5da-3177-42ac-967c-240a46091e79 with local backend
starting mc
     3115254 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     3115384 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_28.tif'> shaped series axes do not match shape
     3116388 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     3116389 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     3116389 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-90.0
<tifffile.TiffFile 'extracted_plane_28.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_28.tif'> shaped series axes do not match shape
     3116670 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -26.0
     3116670 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     3116929 [movies.py:apply_shifts():424] [29072] cubic interpolation
     3117242 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -26.0
     3117243 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     3117506 [movies.py:apply_shifts():424] [29072] cubic interpolation
     3117807 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -26.0
     3117807 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     3118055 [movies.py:apply_shifts():424] [29072] cubic interpolation
     3118238 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 90.0
     3118238 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     3118239 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_28.tif'> shaped series axes do not match shape
     3118243 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     3118244 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     3118244 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     3118245 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     3118245 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     3118246 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     3118246 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     3118246 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     3118247 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     3118247 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     3118248 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     3118248 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     3118250 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     3118251 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     3118251 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     3118252 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     3118252 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     3142444 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     3142575 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 90.0
     3142576 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     3142576 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_28.tif
<tifffile.TiffFile 'extracted_plane_28.tif'> shaped series axes do not match shape
     3142580 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     3142582 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\2f2fa5da-3177-42ac-967c-240a46091e79\extracted_plane_28_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     3142582 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     3142582 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     3142583 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     3142583 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     3142584 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     3142585 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     3142585 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     3142586 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     3142586 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     3142587 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     3142587 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     3142587 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     3142588 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     3142588 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     3142589 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     3142589 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     3174859 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     3197626 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running 18c557b7-916c-4ba8-bf46-063123d3c29b with local backend
starting mc
     3197779 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     3197904 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_2.tif'> shaped series axes do not match shape
     3198850 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     3198850 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     3198851 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-45.0
<tifffile.TiffFile 'extracted_plane_2.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_2.tif'> shaped series axes do not match shape
     3199408 [movies.py:apply_shifts():424] [29072] cubic interpolation
     3200023 [movies.py:apply_shifts():424] [29072] cubic interpolation
     3200638 [movies.py:apply_shifts():424] [29072] cubic interpolation
     3200839 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 45.0
     3200839 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     3200840 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_2.tif'> shaped series axes do not match shape
     3200844 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     3200845 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     3200845 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     3200846 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     3200846 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     3200847 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     3200847 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     3200848 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     3200848 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     3200848 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     3200849 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     3200850 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     3200850 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     3200851 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     3200851 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     3200852 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     3200852 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     3224855 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     3224975 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 45.0
     3224976 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     3224977 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_2.tif
<tifffile.TiffFile 'extracted_plane_2.tif'> shaped series axes do not match shape
     3224981 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     3224982 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\18c557b7-916c-4ba8-bf46-063123d3c29b\extracted_plane_2_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     3224982 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     3224983 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     3224983 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     3224984 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     3224984 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     3224985 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     3224985 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     3224986 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     3224986 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     3224987 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     3224987 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     3224988 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     3224988 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     3224989 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     3224989 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     3224990 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     3256851 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     3279211 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running d70524da-a75c-46b7-9acc-3641c13dddf2 with local backend
starting mc
     3279350 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     3279463 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_3.tif'> shaped series axes do not match shape
     3280474 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     3280475 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     3280476 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-66.0
<tifffile.TiffFile 'extracted_plane_3.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_3.tif'> shaped series axes do not match shape
     3281010 [movies.py:apply_shifts():424] [29072] cubic interpolation
     3281542 [movies.py:apply_shifts():424] [29072] cubic interpolation
     3282058 [movies.py:apply_shifts():424] [29072] cubic interpolation
     3282265 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 66.0
     3282266 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     3282267 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_3.tif'> shaped series axes do not match shape
     3282272 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     3282272 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     3282273 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     3282274 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     3282274 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     3282275 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     3282276 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     3282276 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     3282277 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     3282277 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     3282278 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     3282278 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     3282279 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     3282279 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     3282280 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     3282280 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     3282281 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     3306414 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     3306541 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 66.0
     3306541 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     3306542 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_3.tif
<tifffile.TiffFile 'extracted_plane_3.tif'> shaped series axes do not match shape
     3306546 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     3306547 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\d70524da-a75c-46b7-9acc-3641c13dddf2\extracted_plane_3_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     3306547 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     3306548 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     3306549 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     3306549 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     3306550 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     3306550 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     3306550 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     3306551 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     3306551 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     3306552 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     3306552 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     3306553 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     3306553 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     3306554 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     3306554 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     3306555 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     3338389 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     3361374 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running 1fde15f9-7508-4151-a3f7-abbfb049de5e with local backend
starting mc
     3361494 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     3361617 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_4.tif'> shaped series axes do not match shape
     3362644 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     3362645 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     3362645 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-92.0
<tifffile.TiffFile 'extracted_plane_4.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_4.tif'> shaped series axes do not match shape
     3362881 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -20.0
     3362881 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     3363162 [movies.py:apply_shifts():424] [29072] cubic interpolation
     3363454 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -20.0
     3363455 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     3363776 [movies.py:apply_shifts():424] [29072] cubic interpolation
     3364043 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -20.0
     3364044 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     3364341 [movies.py:apply_shifts():424] [29072] cubic interpolation
     3364569 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 92.0
     3364570 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     3364570 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_4.tif'> shaped series axes do not match shape
     3364574 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     3364575 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     3364575 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     3364576 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     3364576 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     3364577 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     3364577 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     3364578 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     3364578 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     3364579 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     3364579 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     3364580 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     3364580 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     3364580 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     3364581 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     3364582 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     3364582 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     3388231 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     3388349 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 92.0
     3388350 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     3388351 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_4.tif
<tifffile.TiffFile 'extracted_plane_4.tif'> shaped series axes do not match shape
     3388355 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     3388357 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\1fde15f9-7508-4151-a3f7-abbfb049de5e\extracted_plane_4_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     3388357 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     3388358 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     3388358 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     3388359 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     3388359 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     3388360 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     3388360 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     3388361 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     3388361 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     3388362 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     3388363 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     3388363 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     3388364 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     3388364 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     3388365 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     3388365 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     3419835 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     3442218 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running 835e0530-9996-4f09-b468-4c711ab1a2be with local backend
starting mc
     3442364 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     3442478 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_5.tif'> shaped series axes do not match shape
     3443465 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     3443465 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     3443465 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-41.0
<tifffile.TiffFile 'extracted_plane_5.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_5.tif'> shaped series axes do not match shape
     3443966 [movies.py:apply_shifts():424] [29072] cubic interpolation
     3444547 [movies.py:apply_shifts():424] [29072] cubic interpolation
     3445109 [movies.py:apply_shifts():424] [29072] cubic interpolation
     3445314 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 41.0
     3445314 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     3445315 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_5.tif'> shaped series axes do not match shape
     3445319 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     3445319 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     3445320 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     3445321 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     3445321 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     3445322 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     3445322 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     3445323 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     3445323 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     3445324 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     3445324 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     3445325 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     3445325 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     3445325 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     3445326 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     3445327 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     3445327 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     3469511 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     3469639 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 41.0
     3469640 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     3469640 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_5.tif
<tifffile.TiffFile 'extracted_plane_5.tif'> shaped series axes do not match shape
     3469644 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     3469646 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\835e0530-9996-4f09-b468-4c711ab1a2be\extracted_plane_5_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     3469646 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     3469647 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     3469647 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     3469648 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     3469648 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     3469649 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     3469649 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     3469650 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     3469651 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     3469651 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     3469652 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     3469652 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     3469653 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     3469653 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     3469654 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     3469654 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     3501253 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     3523211 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running 9ab637ab-1599-42b0-8a8f-bb916078334f with local backend
starting mc
     3523355 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     3523483 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_6.tif'> shaped series axes do not match shape
     3524403 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     3524404 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     3524404 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-52.0
<tifffile.TiffFile 'extracted_plane_6.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_6.tif'> shaped series axes do not match shape
     3524900 [movies.py:apply_shifts():424] [29072] cubic interpolation
     3525416 [movies.py:apply_shifts():424] [29072] cubic interpolation
     3525990 [movies.py:apply_shifts():424] [29072] cubic interpolation
     3526246 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 52.0
     3526247 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     3526247 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_6.tif'> shaped series axes do not match shape
     3526251 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     3526252 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     3526252 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     3526253 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     3526253 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     3526254 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     3526254 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     3526254 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     3526255 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     3526255 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     3526256 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     3526256 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     3526257 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     3526257 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     3526258 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     3526258 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     3526258 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     3550442 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     3550572 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 52.0
     3550572 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     3550573 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_6.tif
<tifffile.TiffFile 'extracted_plane_6.tif'> shaped series axes do not match shape
     3550577 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     3550578 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\9ab637ab-1599-42b0-8a8f-bb916078334f\extracted_plane_6_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     3550579 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     3550579 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     3550580 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     3550580 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     3550581 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     3550581 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     3550581 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     3550582 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     3550582 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     3550583 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     3550583 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     3550584 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     3550585 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     3550585 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     3550586 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     3550586 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     3583150 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     3606183 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running bbc4d279-ff99-47ce-b19a-573caca031a4 with local backend
starting mc
     3606313 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     3606431 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_7.tif'> shaped series axes do not match shape
     3607288 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     3607289 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     3607289 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-48.0
<tifffile.TiffFile 'extracted_plane_7.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_7.tif'> shaped series axes do not match shape
     3607781 [movies.py:apply_shifts():424] [29072] cubic interpolation
     3608328 [movies.py:apply_shifts():424] [29072] cubic interpolation
     3608885 [movies.py:apply_shifts():424] [29072] cubic interpolation
     3609082 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 48.0
     3609083 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     3609083 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_7.tif'> shaped series axes do not match shape
     3609088 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     3609088 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     3609089 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     3609089 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     3609090 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     3609091 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     3609091 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     3609092 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     3609092 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     3609093 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     3609093 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     3609094 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     3609094 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     3609095 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     3609095 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     3609096 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     3609096 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     3633504 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     3633616 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 48.0
     3633617 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     3633617 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_7.tif
<tifffile.TiffFile 'extracted_plane_7.tif'> shaped series axes do not match shape
     3633621 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     3633622 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\bbc4d279-ff99-47ce-b19a-573caca031a4\extracted_plane_7_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     3633623 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     3633623 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     3633624 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     3633624 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     3633625 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     3633625 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     3633626 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     3633626 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     3633627 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     3633627 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     3633628 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     3633628 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     3633629 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     3633629 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     3633629 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     3633630 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     3665227 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     3687952 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running cca66748-953a-40e6-b632-93504557308e with local backend
starting mc
     3688074 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     3688196 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_8.tif'> shaped series axes do not match shape
     3689075 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     3689075 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     3689076 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-35.0
<tifffile.TiffFile 'extracted_plane_8.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_8.tif'> shaped series axes do not match shape
     3689635 [movies.py:apply_shifts():424] [29072] cubic interpolation
     3690214 [movies.py:apply_shifts():424] [29072] cubic interpolation
     3690755 [movies.py:apply_shifts():424] [29072] cubic interpolation
     3690959 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 35.0
     3690959 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     3690961 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_8.tif'> shaped series axes do not match shape
     3690965 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     3690965 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     3690966 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     3690967 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     3690968 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     3690968 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     3690968 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     3690969 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     3690970 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     3690970 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     3690971 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     3690972 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     3690972 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     3690973 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     3690973 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     3690974 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     3690974 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     3714872 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     3714984 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 35.0
     3714985 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     3714986 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_8.tif
<tifffile.TiffFile 'extracted_plane_8.tif'> shaped series axes do not match shape
     3714990 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     3714992 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\cca66748-953a-40e6-b632-93504557308e\extracted_plane_8_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     3714992 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     3714993 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     3714994 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     3714994 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     3714995 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     3714996 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     3714996 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     3714997 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     3714997 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     3714998 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     3714999 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     3714999 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     3715000 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     3715000 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     3715001 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     3715002 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     3745952 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     3768796 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running 815119b9-1134-49fb-8474-4802b87c34db with local backend
starting mc
     3768938 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     3769062 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_9.tif'> shaped series axes do not match shape
     3769917 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     3769917 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     3769918 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-37.0
<tifffile.TiffFile 'extracted_plane_9.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_9.tif'> shaped series axes do not match shape
     3770381 [movies.py:apply_shifts():424] [29072] cubic interpolation
     3770959 [movies.py:apply_shifts():424] [29072] cubic interpolation
     3771506 [movies.py:apply_shifts():424] [29072] cubic interpolation
     3771706 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 37.0
     3771706 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     3771707 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_9.tif'> shaped series axes do not match shape
     3771712 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     3771713 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     3771713 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     3771714 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     3771714 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     3771715 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     3771715 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     3771716 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     3771717 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     3771717 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     3771718 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     3771718 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     3771718 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     3771719 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     3771720 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     3771720 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     3771720 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     3795732 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     3795860 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 37.0
     3795860 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     3795860 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_9.tif
<tifffile.TiffFile 'extracted_plane_9.tif'> shaped series axes do not match shape
     3795865 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     3795866 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\815119b9-1134-49fb-8474-4802b87c34db\extracted_plane_9_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     3795866 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     3795866 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     3795867 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     3795867 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     3795868 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     3795868 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     3795869 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     3795869 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     3795870 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     3795870 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     3795870 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     3795871 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     3795871 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     3795872 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     3795872 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     3795872 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     3827911 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     3850179 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running 2b934ad5-c218-4d5a-88a9-7c3ef36ea834 with local backend
starting mc
     3850322 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     3850439 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_10.tif'> shaped series axes do not match shape
     3851456 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     3851456 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     3851456 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-40.0
<tifffile.TiffFile 'extracted_plane_10.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_10.tif'> shaped series axes do not match shape
     3851955 [movies.py:apply_shifts():424] [29072] cubic interpolation
     3852463 [movies.py:apply_shifts():424] [29072] cubic interpolation
     3852937 [movies.py:apply_shifts():424] [29072] cubic interpolation
     3853122 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 40.0
     3853122 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     3853123 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_10.tif'> shaped series axes do not match shape
     3853128 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     3853129 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     3853130 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     3853130 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     3853131 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     3853131 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     3853132 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     3853133 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     3853133 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     3853133 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     3853134 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     3853134 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     3853135 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     3853135 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     3853136 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     3853136 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     3853136 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     3876950 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     3877075 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 40.0
     3877076 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     3877077 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_10.tif
<tifffile.TiffFile 'extracted_plane_10.tif'> shaped series axes do not match shape
     3877081 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     3877082 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\2b934ad5-c218-4d5a-88a9-7c3ef36ea834\extracted_plane_10_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     3877083 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     3877083 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     3877084 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     3877085 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     3877085 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     3877086 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     3877086 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     3877087 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     3877087 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     3877088 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     3877088 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     3877089 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     3877089 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     3877090 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     3877091 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     3877091 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     3909236 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     3932283 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running b0a5619f-2e53-421d-8e4a-2c132f52402b with local backend
starting mc
     3932422 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     3932540 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_11.tif'> shaped series axes do not match shape
     3934190 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     3934190 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     3934191 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-47.0
<tifffile.TiffFile 'extracted_plane_11.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_11.tif'> shaped series axes do not match shape
     3934676 [movies.py:apply_shifts():424] [29072] cubic interpolation
     3935219 [movies.py:apply_shifts():424] [29072] cubic interpolation
     3935860 [movies.py:apply_shifts():424] [29072] cubic interpolation
     3936057 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 47.0
     3936057 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     3936058 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_11.tif'> shaped series axes do not match shape
     3936062 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     3936063 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     3936063 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     3936064 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     3936064 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     3936065 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     3936065 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     3936066 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     3936066 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     3936067 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     3936068 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     3936069 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     3936069 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     3936070 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     3936070 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     3936070 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     3936071 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     3960141 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     3960271 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 47.0
     3960271 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     3960272 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_11.tif
<tifffile.TiffFile 'extracted_plane_11.tif'> shaped series axes do not match shape
     3960276 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     3960277 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\b0a5619f-2e53-421d-8e4a-2c132f52402b\extracted_plane_11_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     3960278 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     3960278 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     3960278 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     3960279 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     3960279 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     3960280 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     3960280 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     3960281 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     3960281 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     3960281 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     3960282 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     3960282 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     3960283 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     3960283 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     3960284 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     3960284 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     3992406 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     4015355 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running b200d246-0e9d-4139-9d7e-99cfaf6570db with local backend
starting mc
     4015497 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     4015611 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_12.tif'> shaped series axes do not match shape
     4016562 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     4016562 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     4016563 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-57.0
<tifffile.TiffFile 'extracted_plane_12.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_12.tif'> shaped series axes do not match shape
     4017077 [movies.py:apply_shifts():424] [29072] cubic interpolation
     4017605 [movies.py:apply_shifts():424] [29072] cubic interpolation
     4018126 [movies.py:apply_shifts():424] [29072] cubic interpolation
     4018333 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 57.0
     4018333 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     4018334 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_12.tif'> shaped series axes do not match shape
     4018339 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     4018339 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     4018340 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     4018340 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     4018340 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     4018341 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     4018341 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     4018342 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     4018342 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     4018342 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     4018343 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     4018343 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     4018344 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     4018345 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     4018345 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     4018345 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     4018346 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     4042523 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     4042653 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 57.0
     4042653 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     4042654 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_12.tif
<tifffile.TiffFile 'extracted_plane_12.tif'> shaped series axes do not match shape
     4042659 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     4042660 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\b200d246-0e9d-4139-9d7e-99cfaf6570db\extracted_plane_12_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     4042661 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     4042661 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     4042662 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     4042662 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     4042663 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     4042663 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     4042664 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     4042665 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     4042665 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     4042665 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     4042667 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     4042667 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     4042668 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     4042668 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     4042668 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     4042669 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     4074936 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     4097770 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running 83c32466-e08e-4095-a759-a0ce150ad42a with local backend
starting mc
     4097915 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     4098019 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_13.tif'> shaped series axes do not match shape
     4099031 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     4099032 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     4099032 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-53.0
<tifffile.TiffFile 'extracted_plane_13.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_13.tif'> shaped series axes do not match shape
     4099317 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -5.0
     4099317 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     4099628 [movies.py:apply_shifts():424] [29072] cubic interpolation
     4099922 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -5.0
     4099922 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     4100208 [movies.py:apply_shifts():424] [29072] cubic interpolation
     4100467 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -5.0
     4100468 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     4100723 [movies.py:apply_shifts():424] [29072] cubic interpolation
     4100907 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 53.0
     4100907 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     4100908 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_13.tif'> shaped series axes do not match shape
     4100912 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     4100912 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     4100913 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     4100914 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     4100915 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     4100915 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     4100916 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     4100916 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     4100917 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     4100917 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     4100918 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     4100918 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     4100919 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     4100919 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     4100920 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     4100920 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     4100921 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     4125582 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     4125700 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 53.0
     4125700 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     4125701 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_13.tif
<tifffile.TiffFile 'extracted_plane_13.tif'> shaped series axes do not match shape
     4125705 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     4125706 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\83c32466-e08e-4095-a759-a0ce150ad42a\extracted_plane_13_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     4125707 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     4125707 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     4125708 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     4125708 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     4125708 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     4125709 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     4125709 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     4125710 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     4125710 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     4125711 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     4125711 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     4125712 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     4125712 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     4125713 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     4125713 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     4125713 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     4157743 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     4180600 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running 9a3d5048-d6f2-46e8-b869-e9306ecde5e3 with local backend
starting mc
     4180740 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     4180850 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_14.tif'> shaped series axes do not match shape
     4181828 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     4181829 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     4181829 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-56.0
<tifffile.TiffFile 'extracted_plane_14.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_14.tif'> shaped series axes do not match shape
     4182071 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -11.0
     4182071 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     4182366 [movies.py:apply_shifts():424] [29072] cubic interpolation
     4182649 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -11.0
     4182649 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     4182927 [movies.py:apply_shifts():424] [29072] cubic interpolation
     4183194 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -11.0
     4183195 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     4183463 [movies.py:apply_shifts():424] [29072] cubic interpolation
     4183648 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 56.0
     4183649 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     4183650 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_14.tif'> shaped series axes do not match shape
     4183654 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     4183655 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     4183655 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     4183656 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     4183657 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     4183657 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     4183658 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     4183658 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     4183660 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     4183660 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     4183661 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     4183662 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     4183662 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     4183662 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     4183663 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     4183664 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     4183664 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     4207504 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     4207633 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 56.0
     4207633 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     4207634 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_14.tif
<tifffile.TiffFile 'extracted_plane_14.tif'> shaped series axes do not match shape
     4207638 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     4207639 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\9a3d5048-d6f2-46e8-b869-e9306ecde5e3\extracted_plane_14_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     4207639 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     4207640 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     4207640 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     4207641 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     4207641 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     4207642 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     4207642 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     4207643 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     4207643 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     4207643 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     4207644 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     4207644 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     4207645 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     4207645 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     4207646 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     4207646 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     4239773 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     4263048 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running 0eac92e7-a207-4253-887d-67d43cd95113 with local backend
starting mc
     4263196 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     4263302 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_15.tif'> shaped series axes do not match shape
     4264271 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     4264272 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     4264272 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-60.0
<tifffile.TiffFile 'extracted_plane_15.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_15.tif'> shaped series axes do not match shape
     4264542 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -15.0
     4264542 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     4264809 [movies.py:apply_shifts():424] [29072] cubic interpolation
     4265098 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -15.0
     4265099 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     4265362 [movies.py:apply_shifts():424] [29072] cubic interpolation
     4265638 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -15.0
     4265639 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     4265914 [movies.py:apply_shifts():424] [29072] cubic interpolation
     4266110 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 60.0
     4266110 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     4266111 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_15.tif'> shaped series axes do not match shape
     4266116 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     4266116 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     4266117 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     4266117 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     4266118 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     4266118 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     4266119 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     4266119 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     4266120 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     4266120 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     4266121 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     4266121 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     4266122 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     4266122 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     4266123 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     4266123 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     4266124 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     4290519 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     4290679 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 60.0
     4290680 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     4290680 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_15.tif
<tifffile.TiffFile 'extracted_plane_15.tif'> shaped series axes do not match shape
     4290685 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     4290686 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\0eac92e7-a207-4253-887d-67d43cd95113\extracted_plane_15_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     4290687 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     4290688 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     4290689 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     4290690 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     4290690 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     4290691 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     4290692 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     4290692 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     4290693 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     4290694 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     4290695 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     4290695 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     4290696 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     4290696 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     4290697 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     4290697 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     4323567 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     4345896 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running 0dea60c2-2f90-4dc4-9a89-908a832e24c6 with local backend
starting mc
     4346025 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     4346129 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_16.tif'> shaped series axes do not match shape
     4347176 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     4347176 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     4347176 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-83.0
<tifffile.TiffFile 'extracted_plane_16.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_16.tif'> shaped series axes do not match shape
     4347383 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -19.0
     4347384 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     4347685 [movies.py:apply_shifts():424] [29072] cubic interpolation
     4347952 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -19.0
     4347953 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     4348259 [movies.py:apply_shifts():424] [29072] cubic interpolation
     4348577 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -19.0
     4348577 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     4348885 [movies.py:apply_shifts():424] [29072] cubic interpolation
     4349092 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 83.0
     4349093 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     4349094 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_16.tif'> shaped series axes do not match shape
     4349098 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     4349099 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     4349099 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     4349100 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     4349101 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     4349101 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     4349102 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     4349103 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     4349103 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     4349104 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     4349105 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     4349105 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     4349106 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     4349106 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     4349107 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     4349107 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     4349107 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     4374794 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     4374933 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 83.0
     4374933 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     4374934 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_16.tif
<tifffile.TiffFile 'extracted_plane_16.tif'> shaped series axes do not match shape
     4374938 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     4374940 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\0dea60c2-2f90-4dc4-9a89-908a832e24c6\extracted_plane_16_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     4374940 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     4374941 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     4374941 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     4374942 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     4374942 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     4374942 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     4374943 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     4374943 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     4374944 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     4374944 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     4374945 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     4374945 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     4374946 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     4374946 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     4374947 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     4374947 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     4407006 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     4429531 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running 7d540ed9-c9f3-499a-a121-a268271c95f6 with local backend
starting mc
     4429677 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     4429806 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_17.tif'> shaped series axes do not match shape
     4430781 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     4430782 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     4430782 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-71.0
<tifffile.TiffFile 'extracted_plane_17.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_17.tif'> shaped series axes do not match shape
     4431000 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -23.0
     4431001 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     4431260 [movies.py:apply_shifts():424] [29072] cubic interpolation
     4431562 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -23.0
     4431563 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     4431826 [movies.py:apply_shifts():424] [29072] cubic interpolation
     4432072 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -23.0
     4432073 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     4432342 [movies.py:apply_shifts():424] [29072] cubic interpolation
     4432531 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 71.0
     4432531 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     4432532 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_17.tif'> shaped series axes do not match shape
     4432537 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     4432538 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     4432539 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     4432539 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     4432540 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     4432540 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     4432541 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     4432542 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     4432542 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     4432543 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     4432544 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     4432544 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     4432545 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     4432545 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     4432546 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     4432546 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     4432547 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     4456999 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     4457115 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 71.0
     4457116 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     4457116 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_17.tif
<tifffile.TiffFile 'extracted_plane_17.tif'> shaped series axes do not match shape
     4457121 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     4457122 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\7d540ed9-c9f3-499a-a121-a268271c95f6\extracted_plane_17_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     4457123 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     4457123 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     4457124 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     4457124 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     4457125 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     4457125 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     4457127 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     4457127 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     4457128 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     4457128 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     4457129 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     4457130 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     4457130 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     4457131 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     4457131 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     4457131 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     4488633 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     4511352 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running 81e688aa-2e5b-4fc5-87e3-e67ab2c44d20 with local backend
starting mc
     4511503 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     4511610 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_18.tif'> shaped series axes do not match shape
     4512556 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     4512557 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     4512557 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-110.0
<tifffile.TiffFile 'extracted_plane_18.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_18.tif'> shaped series axes do not match shape
     4513163 [movies.py:apply_shifts():424] [29072] cubic interpolation
     4513705 [movies.py:apply_shifts():424] [29072] cubic interpolation
     4514235 [movies.py:apply_shifts():424] [29072] cubic interpolation
     4514434 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 110.0
     4514435 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     4514436 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_18.tif'> shaped series axes do not match shape
     4514441 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     4514441 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     4514442 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     4514443 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     4514443 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     4514444 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     4514445 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     4514445 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     4514446 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     4514447 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     4514447 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     4514448 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     4514449 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     4514449 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     4514450 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     4514451 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     4514451 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     4537980 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     4538092 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 110.0
     4538092 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     4538093 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_18.tif
<tifffile.TiffFile 'extracted_plane_18.tif'> shaped series axes do not match shape
     4538097 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     4538098 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\81e688aa-2e5b-4fc5-87e3-e67ab2c44d20\extracted_plane_18_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     4538098 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     4538099 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     4538099 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     4538100 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     4538100 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     4538101 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     4538101 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     4538102 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     4538103 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     4538103 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     4538104 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     4538104 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     4538105 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     4538106 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     4538106 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     4538106 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     4569664 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     4592174 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running 494267f7-3659-4e00-bd1b-13a682d64c3a with local backend
starting mc
     4592330 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     4592433 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_19.tif'> shaped series axes do not match shape
     4593453 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     4593454 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     4593454 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-73.0
<tifffile.TiffFile 'extracted_plane_19.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_19.tif'> shaped series axes do not match shape
     4593959 [movies.py:apply_shifts():424] [29072] cubic interpolation
     4594555 [movies.py:apply_shifts():424] [29072] cubic interpolation
     4595129 [movies.py:apply_shifts():424] [29072] cubic interpolation
     4595344 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 73.0
     4595345 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     4595345 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_19.tif'> shaped series axes do not match shape
     4595349 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     4595350 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     4595350 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     4595351 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     4595351 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     4595352 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     4595352 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     4595353 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     4595353 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     4595354 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     4595354 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     4595355 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     4595355 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     4595356 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     4595356 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     4595356 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     4595357 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     4619442 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     4619557 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 73.0
     4619558 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     4619558 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_19.tif
<tifffile.TiffFile 'extracted_plane_19.tif'> shaped series axes do not match shape
     4619563 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     4619564 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\494267f7-3659-4e00-bd1b-13a682d64c3a\extracted_plane_19_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     4619564 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     4619564 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     4619565 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     4619566 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     4619566 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     4619567 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     4619567 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     4619567 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     4619568 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     4619568 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     4619569 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     4619570 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     4619571 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     4619571 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     4619571 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     4619572 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     4652771 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     4675499 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running 91e15f4e-4a24-4359-b46a-4f940f43a5f2 with local backend
starting mc
     4675618 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     4675717 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_20.tif'> shaped series axes do not match shape
     4676585 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     4676585 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     4676586 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-71.0
<tifffile.TiffFile 'extracted_plane_20.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_20.tif'> shaped series axes do not match shape
     4677004 [movies.py:apply_shifts():424] [29072] cubic interpolation
     4677501 [movies.py:apply_shifts():424] [29072] cubic interpolation
     4678098 [movies.py:apply_shifts():424] [29072] cubic interpolation
     4678309 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 71.0
     4678310 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     4678311 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_20.tif'> shaped series axes do not match shape
     4678314 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     4678315 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     4678315 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     4678316 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     4678316 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     4678317 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     4678317 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     4678318 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     4678318 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     4678319 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     4678319 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     4678320 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     4678320 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     4678320 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     4678321 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     4678322 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     4678323 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     4702781 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     4702896 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 71.0
     4702897 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     4702897 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_20.tif
<tifffile.TiffFile 'extracted_plane_20.tif'> shaped series axes do not match shape
     4702901 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     4702902 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\91e15f4e-4a24-4359-b46a-4f940f43a5f2\extracted_plane_20_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     4702903 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     4702903 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     4702903 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     4702904 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     4702905 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     4702905 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     4702906 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     4702906 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     4702906 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     4702907 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     4702907 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     4702908 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     4702909 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     4702909 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     4702909 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     4702910 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     4734786 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     4757522 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running ce3ddb5f-6eb5-405d-9709-64ddca398408 with local backend
starting mc
     4757671 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     4757775 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_21.tif'> shaped series axes do not match shape
     4759547 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     4759548 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     4759548 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-79.0
<tifffile.TiffFile 'extracted_plane_21.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_21.tif'> shaped series axes do not match shape
     4759799 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -9.0
     4759799 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     4760092 [movies.py:apply_shifts():424] [29072] cubic interpolation
     4760372 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -9.0
     4760372 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     4760644 [movies.py:apply_shifts():424] [29072] cubic interpolation
     4760877 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -9.0
     4760877 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     4761140 [movies.py:apply_shifts():424] [29072] cubic interpolation
     4761333 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 79.0
     4761334 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     4761335 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_21.tif'> shaped series axes do not match shape
     4761338 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     4761339 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     4761340 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     4761340 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     4761341 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     4761341 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     4761341 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     4761342 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     4761343 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     4761343 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     4761344 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     4761344 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     4761345 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     4761345 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     4761345 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     4761346 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     4761346 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     4785405 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     4785541 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 79.0
     4785542 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     4785542 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_21.tif
<tifffile.TiffFile 'extracted_plane_21.tif'> shaped series axes do not match shape
     4785547 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     4785548 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\ce3ddb5f-6eb5-405d-9709-64ddca398408\extracted_plane_21_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     4785549 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     4785549 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     4785550 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     4785550 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     4785551 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     4785551 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     4785552 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     4785552 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     4785553 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     4785553 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     4785554 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     4785554 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     4785555 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     4785555 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     4785555 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     4785556 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     4817174 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     4839858 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running 1808716b-35a5-4bb7-a7d3-62778918084d with local backend
starting mc
     4839977 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     4840086 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_22.tif'> shaped series axes do not match shape
     4840953 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     4840954 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     4840954 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-84.0
<tifffile.TiffFile 'extracted_plane_22.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_22.tif'> shaped series axes do not match shape
     4841244 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -15.0
     4841245 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     4841597 [movies.py:apply_shifts():424] [29072] cubic interpolation
     4841921 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -15.0
     4841921 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     4842211 [movies.py:apply_shifts():424] [29072] cubic interpolation
     4842536 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -15.0
     4842536 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     4842844 [movies.py:apply_shifts():424] [29072] cubic interpolation
     4843035 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 84.0
     4843035 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     4843036 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_22.tif'> shaped series axes do not match shape
     4843041 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     4843042 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     4843042 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     4843043 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     4843044 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     4843044 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     4843045 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     4843045 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     4843046 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     4843046 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     4843047 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     4843047 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     4843048 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     4843049 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     4843049 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     4843049 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     4843050 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     4867156 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     4867279 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 84.0
     4867280 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     4867281 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_22.tif
<tifffile.TiffFile 'extracted_plane_22.tif'> shaped series axes do not match shape
     4867286 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     4867287 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\1808716b-35a5-4bb7-a7d3-62778918084d\extracted_plane_22_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     4867287 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     4867288 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     4867288 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     4867289 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     4867289 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     4867290 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     4867290 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     4867291 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     4867291 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     4867292 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     4867292 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     4867293 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     4867293 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     4867294 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     4867294 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     4867295 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     4898978 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     4921453 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running 5784d042-f190-4105-b015-04f40130dc18 with local backend
starting mc
     4921573 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     4921671 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_23.tif'> shaped series axes do not match shape
     4922690 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     4922690 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     4922690 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-91.0
<tifffile.TiffFile 'extracted_plane_23.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_23.tif'> shaped series axes do not match shape
     4922898 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -18.0
     4922899 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     4923162 [movies.py:apply_shifts():424] [29072] cubic interpolation
     4923420 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -18.0
     4923421 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     4923693 [movies.py:apply_shifts():424] [29072] cubic interpolation
     4923940 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -18.0
     4923940 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     4924208 [movies.py:apply_shifts():424] [29072] cubic interpolation
     4924420 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 91.0
     4924421 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     4924421 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_23.tif'> shaped series axes do not match shape
     4924425 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     4924426 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     4924427 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     4924427 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     4924428 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     4924429 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     4924429 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     4924430 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     4924430 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     4924431 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     4924431 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     4924432 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     4924432 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     4924433 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     4924433 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     4924434 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     4924434 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     4948438 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     4948553 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 91.0
     4948554 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     4948554 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_23.tif
<tifffile.TiffFile 'extracted_plane_23.tif'> shaped series axes do not match shape
     4948558 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     4948559 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\5784d042-f190-4105-b015-04f40130dc18\extracted_plane_23_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     4948560 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     4948560 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     4948560 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     4948561 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     4948562 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     4948562 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     4948563 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     4948563 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     4948564 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     4948564 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     4948564 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     4948565 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     4948565 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     4948566 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     4948566 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     4948566 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     4980437 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     5002959 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running dd42d981-b7a7-48c5-8c8c-45d58501d47d with local backend
starting mc
     5003117 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     5003230 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_24.tif'> shaped series axes do not match shape
     5004104 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     5004105 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     5004105 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-101.0
<tifffile.TiffFile 'extracted_plane_24.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_24.tif'> shaped series axes do not match shape
     5004319 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -23.0
     5004320 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     5004576 [movies.py:apply_shifts():424] [29072] cubic interpolation
     5004821 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -23.0
     5004822 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     5005082 [movies.py:apply_shifts():424] [29072] cubic interpolation
     5005362 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -23.0
     5005363 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     5005645 [movies.py:apply_shifts():424] [29072] cubic interpolation
     5005848 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 101.0
     5005849 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     5005849 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_24.tif'> shaped series axes do not match shape
     5005854 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     5005854 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     5005855 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     5005855 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     5005856 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     5005856 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     5005857 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     5005857 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     5005858 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     5005859 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     5005859 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     5005860 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     5005860 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     5005860 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     5005861 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     5005861 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     5005861 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     5029900 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     5030032 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 101.0
     5030032 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     5030033 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_24.tif
<tifffile.TiffFile 'extracted_plane_24.tif'> shaped series axes do not match shape
     5030037 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     5030038 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\dd42d981-b7a7-48c5-8c8c-45d58501d47d\extracted_plane_24_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     5030039 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     5030039 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     5030040 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     5030040 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     5030041 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     5030041 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     5030042 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     5030042 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     5030043 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     5030043 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     5030044 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     5030044 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     5030045 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     5030046 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     5030047 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     5030047 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     5061484 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     5085024 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running fe332115-db88-4765-b7d8-bb7d123483d6 with local backend
starting mc
     5085175 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     5085308 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_25.tif'> shaped series axes do not match shape
     5086237 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     5086238 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     5086238 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-89.0
<tifffile.TiffFile 'extracted_plane_25.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_25.tif'> shaped series axes do not match shape
     5086462 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -22.0
     5086462 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     5086721 [movies.py:apply_shifts():424] [29072] cubic interpolation
     5086984 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -22.0
     5086985 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     5087251 [movies.py:apply_shifts():424] [29072] cubic interpolation
     5087532 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -22.0
     5087533 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     5087817 [movies.py:apply_shifts():424] [29072] cubic interpolation
     5088006 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 89.0
     5088007 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     5088007 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_25.tif'> shaped series axes do not match shape
     5088011 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     5088011 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     5088012 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     5088013 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     5088013 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     5088013 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     5088014 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     5088014 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     5088015 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     5088016 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     5088016 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     5088017 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     5088017 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     5088017 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     5088018 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     5088018 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     5088019 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     5113005 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     5113120 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 89.0
     5113120 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     5113121 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_25.tif
<tifffile.TiffFile 'extracted_plane_25.tif'> shaped series axes do not match shape
     5113126 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     5113127 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\fe332115-db88-4765-b7d8-bb7d123483d6\extracted_plane_25_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     5113127 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     5113128 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     5113129 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     5113129 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     5113129 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     5113130 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     5113130 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     5113131 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     5113132 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     5113132 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     5113132 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     5113133 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     5113134 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     5113134 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     5113134 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     5113135 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     5146744 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     5169707 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running c3383064-ae07-4fe6-af82-a907d69ad79d with local backend
starting mc
     5169841 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     5169960 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_26.tif'> shaped series axes do not match shape
     5171032 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     5171033 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     5171033 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-86.0
<tifffile.TiffFile 'extracted_plane_26.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_26.tif'> shaped series axes do not match shape
     5171260 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -25.0
     5171261 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     5171530 [movies.py:apply_shifts():424] [29072] cubic interpolation
     5171804 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -25.0
     5171804 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     5172057 [movies.py:apply_shifts():424] [29072] cubic interpolation
     5172320 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -25.0
     5172321 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     5172581 [movies.py:apply_shifts():424] [29072] cubic interpolation
     5172758 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 86.0
     5172759 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     5172760 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_26.tif'> shaped series axes do not match shape
     5172764 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     5172765 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     5172765 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     5172766 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     5172766 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     5172767 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     5172768 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     5172768 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     5172769 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     5172770 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     5172770 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     5172771 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     5172772 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     5172772 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     5172773 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     5172773 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     5172773 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     5196779 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     5196908 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 86.0
     5196908 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     5196909 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_26.tif
<tifffile.TiffFile 'extracted_plane_26.tif'> shaped series axes do not match shape
     5196913 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     5196914 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\c3383064-ae07-4fe6-af82-a907d69ad79d\extracted_plane_26_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     5196914 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     5196914 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     5196915 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     5196915 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     5196916 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     5196916 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     5196917 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     5196917 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     5196918 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     5196918 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     5196918 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     5196919 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     5196920 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     5196920 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     5196920 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     5196921 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     5228557 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     5251044 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running 47e076e1-6c2c-48d2-96c0-e7f48c3b6155 with local backend
starting mc
     5251175 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     5251282 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_27.tif'> shaped series axes do not match shape
     5252120 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     5252120 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     5252121 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-102.0
<tifffile.TiffFile 'extracted_plane_27.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_27.tif'> shaped series axes do not match shape
     5252410 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -27.0
     5252411 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     5252776 [movies.py:apply_shifts():424] [29072] cubic interpolation
     5253144 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -27.0
     5253144 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     5253449 [movies.py:apply_shifts():424] [29072] cubic interpolation
     5253762 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -27.0
     5253763 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     5254059 [movies.py:apply_shifts():424] [29072] cubic interpolation
     5254274 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 102.0
     5254275 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     5254276 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_27.tif'> shaped series axes do not match shape
     5254280 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     5254281 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     5254282 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     5254282 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     5254283 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     5254283 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     5254284 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     5254284 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     5254285 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     5254285 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     5254286 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     5254286 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     5254287 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     5254287 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     5254288 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     5254288 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     5254289 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     5278796 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     5278923 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 102.0
     5278924 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     5278924 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_27.tif
<tifffile.TiffFile 'extracted_plane_27.tif'> shaped series axes do not match shape
     5278928 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     5278930 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\47e076e1-6c2c-48d2-96c0-e7f48c3b6155\extracted_plane_27_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     5278930 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     5278931 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     5278931 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     5278932 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     5278933 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     5278933 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     5278934 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     5278934 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     5278934 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     5278935 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     5278935 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     5278936 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     5278936 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     5278937 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     5278937 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     5278938 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     5311281 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     5334068 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running ee1c326b-1718-4e69-b6b2-36726b3acc18 with local backend
starting mc
     5334198 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     5334298 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_28.tif'> shaped series axes do not match shape
     5335184 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     5335184 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     5335184 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-90.0
<tifffile.TiffFile 'extracted_plane_28.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_28.tif'> shaped series axes do not match shape
     5335448 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -26.0
     5335449 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     5335700 [movies.py:apply_shifts():424] [29072] cubic interpolation
     5336005 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -26.0
     5336006 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     5336283 [movies.py:apply_shifts():424] [29072] cubic interpolation
     5336626 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -26.0
     5336627 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     5336911 [movies.py:apply_shifts():424] [29072] cubic interpolation
     5337109 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 90.0
     5337109 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     5337110 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_28.tif'> shaped series axes do not match shape
     5337114 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     5337115 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     5337115 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     5337116 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     5337116 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     5337117 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     5337117 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     5337118 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     5337118 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     5337119 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     5337119 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     5337120 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     5337120 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     5337121 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     5337122 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     5337122 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     5337122 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     5361521 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     5361649 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 90.0
     5361650 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     5361651 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_28.tif
<tifffile.TiffFile 'extracted_plane_28.tif'> shaped series axes do not match shape
     5361655 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     5361657 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\ee1c326b-1718-4e69-b6b2-36726b3acc18\extracted_plane_28_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     5361657 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     5361658 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     5361658 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     5361659 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     5361660 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     5361660 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     5361661 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     5361662 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     5361662 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     5361663 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     5361663 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     5361664 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     5361664 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     5361665 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     5361665 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     5361666 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     5394424 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     5417204 [cluster.py:stop_server():176] [29072] stop_cluster(): done
Running 5f1223e3-6473-43b8-9e86-cd03792053d1 with local backend
starting mc
     5417332 [cluster.py:setup_cluster():225] [29072] The local backend is an alias for the multiprocessing backend, and the alias may be removed in some future version of Caiman
     5417427 [params.py:change_params():1151] [29072] In setting CNMFParams, non-pathed parameters were used; this is deprecated. In some future version of Caiman, allow_legacy will default to False (and eventually will be removed)
<tifffile.TiffFile 'extracted_plane_29.tif'> shaped series axes do not match shape
     5418310 [motion_correction.py:motion_correct_pwrigid():348] [29072] Generating template by rigid motion correction
     5418310 [motion_correction.py:motion_correct_rigid():285] [29072] Entering Rigid Motion Correction
     5418311 [motion_correction.py:motion_correct_rigid():286] [29072] self.min_mov=-81.0
<tifffile.TiffFile 'extracted_plane_29.tif'> shaped series axes do not match shape
<tifffile.TiffFile 'extracted_plane_29.tif'> shaped series axes do not match shape
     5418561 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -27.0
     5418562 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     5418581 [movies.py:extract_shifts():344] [29072] Movie average is negative. Removing 1st percentile.
     5418840 [movies.py:apply_shifts():424] [29072] cubic interpolation
     5419137 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -27.0
     5419138 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     5419164 [movies.py:extract_shifts():344] [29072] Movie average is negative. Removing 1st percentile.
     5419464 [movies.py:apply_shifts():424] [29072] cubic interpolation
     5419761 [movies.py:extract_shifts():325] [29072] min_val in extract_shifts: -27.0
     5419762 [movies.py:extract_shifts():326] [29072] Movie average is negative. Removing 1st percentile.
     5419776 [movies.py:extract_shifts():344] [29072] Movie average is negative. Removing 1st percentile.
     5420068 [movies.py:apply_shifts():424] [29072] cubic interpolation
     5420268 [motion_correction.py:motion_correct_batch_rigid():2826] [29072] Adding to movie 81.0
     5420268 [motion_correction.py:motion_correct_batch_rigid():2832] [29072] 0
     5420269 [motion_correction.py:motion_correct_batch_rigid():2836] [29072] saving!
<tifffile.TiffFile 'extracted_plane_29.tif'> shaped series axes do not match shape
     5420273 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     5420274 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     5420274 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     5420275 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     5420275 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     5420275 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     5420276 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     5420276 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     5420277 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     5420277 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     5420278 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     5420278 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     5420279 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     5420279 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     5420280 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     5420281 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     5420281 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     5444679 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
     5444799 [motion_correction.py:motion_correct_batch_pwrigid():2949] [29072] Adding to movie 81.0
     5444800 [motion_correction.py:motion_correct_batch_pwrigid():2952] [29072] 0
     5444800 [motion_correction.py:motion_correct_batch_pwrigid():2962] [29072] saving mmap of C:\Users\RBO\caiman_data\animal_01\session_01\tiff\extracted_plane_29.tif
<tifffile.TiffFile 'extracted_plane_29.tif'> shaped series axes do not match shape
     5444805 [motion_correction.py:motion_correction_piecewise():3107] [29072] Number of Splits: 14
     5444807 [motion_correction.py:motion_correction_piecewise():3136] [29072] Saving file as C:\Users\RBO\caiman_data\animal_01\session_01\5f1223e3-6473-43b8-9e86-cd03792053d1\extracted_plane_29_els__d1_583_d2_536_d3_1_order_F_frames_1730.mmap
     5444807 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [  0   1   2   3   4   5   6   7   8   9  10  11  12  13  14  15  16  17
  18  19  20  21  22  23  24  25  26  27  28  29  30  31  32  33  34  35
  36  37  38  39  40  41  42  43  44  45  46  47  48  49  50  51  52  53
  54  55  56  57  58  59  60  61  62  63  64  65  66  67  68  69  70  71
  72  73  74  75  76  77  78  79  80  81  82  83  84  85  86  87  88  89
  90  91  92  93  94  95  96  97  98  99 100 101 102 103 104 105 106 107
 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123]
     5444807 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141
 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159
 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177
 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195
 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213
 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231
 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247]
     5444808 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265
 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283
 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301
 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319
 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337
 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355
 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371]
     5444809 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389
 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407
 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425
 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443
 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461
 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479
 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495]
     5444809 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [496 497 498 499 500 501 502 503 504 505 506 507 508 509 510 511 512 513
 514 515 516 517 518 519 520 521 522 523 524 525 526 527 528 529 530 531
 532 533 534 535 536 537 538 539 540 541 542 543 544 545 546 547 548 549
 550 551 552 553 554 555 556 557 558 559 560 561 562 563 564 565 566 567
 568 569 570 571 572 573 574 575 576 577 578 579 580 581 582 583 584 585
 586 587 588 589 590 591 592 593 594 595 596 597 598 599 600 601 602 603
 604 605 606 607 608 609 610 611 612 613 614 615 616 617 618 619]
     5444810 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [620 621 622 623 624 625 626 627 628 629 630 631 632 633 634 635 636 637
 638 639 640 641 642 643 644 645 646 647 648 649 650 651 652 653 654 655
 656 657 658 659 660 661 662 663 664 665 666 667 668 669 670 671 672 673
 674 675 676 677 678 679 680 681 682 683 684 685 686 687 688 689 690 691
 692 693 694 695 696 697 698 699 700 701 702 703 704 705 706 707 708 709
 710 711 712 713 714 715 716 717 718 719 720 721 722 723 724 725 726 727
 728 729 730 731 732 733 734 735 736 737 738 739 740 741 742 743]
     5444810 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [744 745 746 747 748 749 750 751 752 753 754 755 756 757 758 759 760 761
 762 763 764 765 766 767 768 769 770 771 772 773 774 775 776 777 778 779
 780 781 782 783 784 785 786 787 788 789 790 791 792 793 794 795 796 797
 798 799 800 801 802 803 804 805 806 807 808 809 810 811 812 813 814 815
 816 817 818 819 820 821 822 823 824 825 826 827 828 829 830 831 832 833
 834 835 836 837 838 839 840 841 842 843 844 845 846 847 848 849 850 851
 852 853 854 855 856 857 858 859 860 861 862 863 864 865 866 867]
     5444811 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [868 869 870 871 872 873 874 875 876 877 878 879 880 881 882 883 884 885
 886 887 888 889 890 891 892 893 894 895 896 897 898 899 900 901 902 903
 904 905 906 907 908 909 910 911 912 913 914 915 916 917 918 919 920 921
 922 923 924 925 926 927 928 929 930 931 932 933 934 935 936 937 938 939
 940 941 942 943 944 945 946 947 948 949 950 951 952 953 954 955 956 957
 958 959 960 961 962 963 964 965 966 967 968 969 970 971 972 973 974 975
 976 977 978 979 980 981 982 983 984 985 986 987 988 989 990 991]
     5444811 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [ 992  993  994  995  996  997  998  999 1000 1001 1002 1003 1004 1005
 1006 1007 1008 1009 1010 1011 1012 1013 1014 1015 1016 1017 1018 1019
 1020 1021 1022 1023 1024 1025 1026 1027 1028 1029 1030 1031 1032 1033
 1034 1035 1036 1037 1038 1039 1040 1041 1042 1043 1044 1045 1046 1047
 1048 1049 1050 1051 1052 1053 1054 1055 1056 1057 1058 1059 1060 1061
 1062 1063 1064 1065 1066 1067 1068 1069 1070 1071 1072 1073 1074 1075
 1076 1077 1078 1079 1080 1081 1082 1083 1084 1085 1086 1087 1088 1089
 1090 1091 1092 1093 1094 1095 1096 1097 1098 1099 1100 1101 1102 1103
 1104 1105 1106 1107 1108 1109 1110 1111 1112 1113 1114]
     5444812 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1115 1116 1117 1118 1119 1120 1121 1122 1123 1124 1125 1126 1127 1128
 1129 1130 1131 1132 1133 1134 1135 1136 1137 1138 1139 1140 1141 1142
 1143 1144 1145 1146 1147 1148 1149 1150 1151 1152 1153 1154 1155 1156
 1157 1158 1159 1160 1161 1162 1163 1164 1165 1166 1167 1168 1169 1170
 1171 1172 1173 1174 1175 1176 1177 1178 1179 1180 1181 1182 1183 1184
 1185 1186 1187 1188 1189 1190 1191 1192 1193 1194 1195 1196 1197 1198
 1199 1200 1201 1202 1203 1204 1205 1206 1207 1208 1209 1210 1211 1212
 1213 1214 1215 1216 1217 1218 1219 1220 1221 1222 1223 1224 1225 1226
 1227 1228 1229 1230 1231 1232 1233 1234 1235 1236 1237]
     5444813 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1238 1239 1240 1241 1242 1243 1244 1245 1246 1247 1248 1249 1250 1251
 1252 1253 1254 1255 1256 1257 1258 1259 1260 1261 1262 1263 1264 1265
 1266 1267 1268 1269 1270 1271 1272 1273 1274 1275 1276 1277 1278 1279
 1280 1281 1282 1283 1284 1285 1286 1287 1288 1289 1290 1291 1292 1293
 1294 1295 1296 1297 1298 1299 1300 1301 1302 1303 1304 1305 1306 1307
 1308 1309 1310 1311 1312 1313 1314 1315 1316 1317 1318 1319 1320 1321
 1322 1323 1324 1325 1326 1327 1328 1329 1330 1331 1332 1333 1334 1335
 1336 1337 1338 1339 1340 1341 1342 1343 1344 1345 1346 1347 1348 1349
 1350 1351 1352 1353 1354 1355 1356 1357 1358 1359 1360]
     5444813 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1361 1362 1363 1364 1365 1366 1367 1368 1369 1370 1371 1372 1373 1374
 1375 1376 1377 1378 1379 1380 1381 1382 1383 1384 1385 1386 1387 1388
 1389 1390 1391 1392 1393 1394 1395 1396 1397 1398 1399 1400 1401 1402
 1403 1404 1405 1406 1407 1408 1409 1410 1411 1412 1413 1414 1415 1416
 1417 1418 1419 1420 1421 1422 1423 1424 1425 1426 1427 1428 1429 1430
 1431 1432 1433 1434 1435 1436 1437 1438 1439 1440 1441 1442 1443 1444
 1445 1446 1447 1448 1449 1450 1451 1452 1453 1454 1455 1456 1457 1458
 1459 1460 1461 1462 1463 1464 1465 1466 1467 1468 1469 1470 1471 1472
 1473 1474 1475 1476 1477 1478 1479 1480 1481 1482 1483]
     5444814 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1484 1485 1486 1487 1488 1489 1490 1491 1492 1493 1494 1495 1496 1497
 1498 1499 1500 1501 1502 1503 1504 1505 1506 1507 1508 1509 1510 1511
 1512 1513 1514 1515 1516 1517 1518 1519 1520 1521 1522 1523 1524 1525
 1526 1527 1528 1529 1530 1531 1532 1533 1534 1535 1536 1537 1538 1539
 1540 1541 1542 1543 1544 1545 1546 1547 1548 1549 1550 1551 1552 1553
 1554 1555 1556 1557 1558 1559 1560 1561 1562 1563 1564 1565 1566 1567
 1568 1569 1570 1571 1572 1573 1574 1575 1576 1577 1578 1579 1580 1581
 1582 1583 1584 1585 1586 1587 1588 1589 1590 1591 1592 1593 1594 1595
 1596 1597 1598 1599 1600 1601 1602 1603 1604 1605 1606]
     5444814 [motion_correction.py:motion_correction_piecewise():3142] [29072] Extracting parameters for frames: [1607 1608 1609 1610 1611 1612 1613 1614 1615 1616 1617 1618 1619 1620
 1621 1622 1623 1624 1625 1626 1627 1628 1629 1630 1631 1632 1633 1634
 1635 1636 1637 1638 1639 1640 1641 1642 1643 1644 1645 1646 1647 1648
 1649 1650 1651 1652 1653 1654 1655 1656 1657 1658 1659 1660 1661 1662
 1663 1664 1665 1666 1667 1668 1669 1670 1671 1672 1673 1674 1675 1676
 1677 1678 1679 1680 1681 1682 1683 1684 1685 1686 1687 1688 1689 1690
 1691 1692 1693 1694 1695 1696 1697 1698 1699 1700 1701 1702 1703 1704
 1705 1706 1707 1708 1709 1710 1711 1712 1713 1714 1715 1716 1717 1718
 1719 1720 1721 1722 1723 1724 1725 1726 1727 1728 1729]
     5444815 [motion_correction.py:motion_correction_piecewise():3149] [29072] ** Starting parallel motion correction **
     5444815 [motion_correction.py:motion_correction_piecewise():3154] [29072] entering multiprocessing tile_and_correct_wrapper
     5476822 [motion_correction.py:motion_correction_piecewise():3158] [29072] ** Finished parallel motion correction **
mc finished successfully!
computing projections
Computing correlation image
finished computing correlation image
     5499717 [cluster.py:stop_server():176] [29072] stop_cluster(): done